diff --git a/pyaf/TS/Intermittent_Models.py b/pyaf/TS/Intermittent_Models.py index 4d05bcbdd..8d426da7d 100644 --- a/pyaf/TS/Intermittent_Models.py +++ b/pyaf/TS/Intermittent_Models.py @@ -113,7 +113,7 @@ def compute_forecast(self, df, alpha, method, horizon_index = 1): for h in range(horizon_index): lCounts_df.loc[-(h+1), self.mCycleResidueName] = None df3 = df1.merge(df2 , how='left', on=('index' , 'index')) - df4 = df3.fillna(method='ffill') + df4 = df3.ffill() # fill first empty fit data with zero counts (when signal starts with zeros) i = 0 while(np.isnan(df4.loc[i , 'forecast'])): diff --git a/pyaf/TS/MissingData.py b/pyaf/TS/MissingData.py index 9632ff847..ef475b628 100644 --- a/pyaf/TS/MissingData.py +++ b/pyaf/TS/MissingData.py @@ -84,9 +84,9 @@ def apply_signal_imputation_method(self, iInputDS, iSignal): iInputDS[iSignal] = lSignal elif(lMethod == "PreviousValue"): - lSignal = iInputDS[iSignal].fillna(method='ffill') + lSignal = iInputDS[iSignal].ffill() # replace the first empty values with the first known value - lSignal = lSignal.fillna(method='bfill') + lSignal = lSignal.bfill() iInputDS[iSignal] = lSignal return iInputDS diff --git a/pyaf/TS/Perf.py b/pyaf/TS/Perf.py index 446b8abe4..8e5e51eea 100644 --- a/pyaf/TS/Perf.py +++ b/pyaf/TS/Perf.py @@ -157,7 +157,7 @@ def compute_R2(self, signal , estimator): def compute_LnQ(self, signal , estimator): min_signal , min_estimator = signal.min() , estimator.min() # return +inf if the signals are not strictly positive (discard the model) - self.mLnQ = np.Inf + self.mLnQ = np.inf if(min_signal > 0.0 and min_estimator > 0.0): log_diff = np.log(estimator) - np.log(signal) self.mLnQ = np.sum(log_diff * log_diff) diff --git a/pyaf/TS/SignalDecomposition_Cycle.py b/pyaf/TS/SignalDecomposition_Cycle.py index 7bbbadafa..0355ffd55 100644 --- a/pyaf/TS/SignalDecomposition_Cycle.py +++ b/pyaf/TS/SignalDecomposition_Cycle.py @@ -220,7 +220,6 @@ def fit(self): self.mEncodedValueDict = self.compute_target_means_by_cycle_value(self.mCycleFrame, self.getCycleName()) self.mCycleFrame[lName + '_enc'] = self.mCycleFrame[lName].map(self.mEncodedValueDict).fillna(self.mDefaultValue) - self.mCycleFrame[lName + '_enc'].fillna(self.mDefaultValue, inplace=True); self.mCycleFrame[lName + '_NotEncoded'] = self.mCycleFrame[lName]; self.mCycleFrame[lName] = self.mCycleFrame[lName + '_enc']; diff --git a/pyaf/TS/SignalDecomposition_Trend.py b/pyaf/TS/SignalDecomposition_Trend.py index 201b286c5..6090b2ee3 100644 --- a/pyaf/TS/SignalDecomposition_Trend.py +++ b/pyaf/TS/SignalDecomposition_Trend.py @@ -145,7 +145,7 @@ def fit_specific(self): def compute(self, df): - Y_pred = df[self.mSignal].shift(1).rolling(self.mWindow).mean().fillna(method='bfill'); + Y_pred = df[self.mSignal].shift(1).rolling(self.mWindow).mean().ffill(); Y_pred.fillna(self.mMean , inplace=True) return Y_pred @@ -168,7 +168,7 @@ def fit_specific(self): def compute(self, df): - Y_pred = df[self.mSignal].shift(1).rolling(self.mWindow).median().fillna(method='bfill'); + Y_pred = df[self.mSignal].shift(1).rolling(self.mWindow).median().ffill(); Y_pred.fillna(self.mMean , inplace=True) return Y_pred diff --git a/tests/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage.py b/tests/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage.py index 479a79cb0..1b39dd80a 100644 --- a/tests/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage.py +++ b/tests/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage.py @@ -4,8 +4,8 @@ import numpy as np import pandas as pd -DATA_FREQ = 'H' -PERIODS = ["D" , "H"] +DATA_FREQ = 'h' +PERIODS = ["D" , "h"] H = 365 N = H * 10 lDateColumn = "Date" diff --git a/tests/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage_2.py b/tests/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage_2.py index 3bb5cf8d9..73e424cc9 100644 --- a/tests/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage_2.py +++ b/tests/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage_2.py @@ -4,8 +4,8 @@ import numpy as np import pandas as pd -DATA_FREQ = 'H' -PERIODS = ["D" , "H"] +DATA_FREQ = 'h' +PERIODS = ["D" , "h"] H = 365 N = H * 10 lDateColumn = "Date" diff --git a/tests/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage_3.py b/tests/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage_3.py index d97dda267..1f614b30a 100644 --- a/tests/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage_3.py +++ b/tests/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage_3.py @@ -4,8 +4,8 @@ import numpy as np import pandas as pd -DATA_FREQ = 'H' -PERIODS = ["T" , "H"] +DATA_FREQ = 'h' +PERIODS = ["min" , "h"] H = 365 N = H * 10 lDateColumn = "Date" diff --git a/tests/bugs/issue_179/issue_179_cumprod_overflow.py b/tests/bugs/issue_179/issue_179_cumprod_overflow.py index b090ec529..07fd07fe8 100644 --- a/tests/bugs/issue_179/issue_179_cumprod_overflow.py +++ b/tests/bugs/issue_179/issue_179_cumprod_overflow.py @@ -17,7 +17,7 @@ N = 1000 lTimeVar = 'Time' lSignalVar = 'Signal' -df[lTimeVar] = pd.date_range("2018-01-01", periods=N, freq="H") +df[lTimeVar] = pd.date_range("2018-01-01", periods=N, freq="h") df[lSignalVar] = np.random.random(df.shape[0]) df.info() print(df.head()) diff --git a/tests/bugs/issue_216/issue_216_prediction_interval_shaded_area.py b/tests/bugs/issue_216/issue_216_prediction_interval_shaded_area.py index 52eab3721..1c68fe956 100644 --- a/tests/bugs/issue_216/issue_216_prediction_interval_shaded_area.py +++ b/tests/bugs/issue_216/issue_216_prediction_interval_shaded_area.py @@ -5,7 +5,7 @@ # generate a daily signal covering one year 2016 in a pandas dataframe N = 365 np.random.seed(seed=1960) - df_train = pd.DataFrame({"Date" : pd.date_range(start="2016-01-25", periods=N, freq='H'), + df_train = pd.DataFrame({"Date" : pd.date_range(start="2016-01-25", periods=N, freq='h'), "Signal" : (np.arange(N)//40 + np.arange(N) % 21 + np.random.randn(N))}) # print(df_train.head(N)) diff --git a/tests/bugs/issue_70/test_artificial_filter_seasonals_day.py b/tests/bugs/issue_70/test_artificial_filter_seasonals_day.py index 01d7ed7f9..0b61e4144 100644 --- a/tests/bugs/issue_70/test_artificial_filter_seasonals_day.py +++ b/tests/bugs/issue_70/test_artificial_filter_seasonals_day.py @@ -7,7 +7,7 @@ b1 = tsds.generate_random_TS(N = 4000 , FREQ = 'D', seed = 0, trendtype = "constant", cycle_length = 24, transform = "None", sigma = 0.1, exog_count = 0); -df = b1.mPastData +df = b1.mPastData.copy() df[b1.mSignalVar] = df[b1.mName] lEngine = autof.cForecastEngine() diff --git a/tests/bugs/issue_70/test_artificial_filter_seasonals_hour.py b/tests/bugs/issue_70/test_artificial_filter_seasonals_hour.py index 189255a44..391ecd4f6 100644 --- a/tests/bugs/issue_70/test_artificial_filter_seasonals_hour.py +++ b/tests/bugs/issue_70/test_artificial_filter_seasonals_hour.py @@ -7,7 +7,7 @@ b1 = tsds.generate_random_TS(N = 4000 , FREQ = 'H', seed = 0, trendtype = "constant", cycle_length = 24, transform = "None", sigma = 0.1, exog_count = 0); -df = b1.mPastData +df = b1.mPastData.copy() df[b1.mSignalVar] = df[b1.mName] lEngine = autof.cForecastEngine() diff --git a/tests/bugs/issue_70/test_artificial_filter_seasonals_min.py b/tests/bugs/issue_70/test_artificial_filter_seasonals_min.py index d130b3fb4..7dbf93308 100644 --- a/tests/bugs/issue_70/test_artificial_filter_seasonals_min.py +++ b/tests/bugs/issue_70/test_artificial_filter_seasonals_min.py @@ -7,7 +7,7 @@ b1 = tsds.generate_random_TS(N = 40000 , FREQ = 'min', seed = 0, trendtype = "constant", cycle_length = 24, transform = "None", sigma = 0.1, exog_count = 0); -df = b1.mPastData +df = b1.mPastData.copy() df[b1.mSignalVar] = df[b1.mName] lEngine = autof.cForecastEngine() diff --git a/tests/bugs/issue_70/test_artificial_filter_seasonals_second.py b/tests/bugs/issue_70/test_artificial_filter_seasonals_second.py index f9fb8067d..a3bbae31a 100644 --- a/tests/bugs/issue_70/test_artificial_filter_seasonals_second.py +++ b/tests/bugs/issue_70/test_artificial_filter_seasonals_second.py @@ -7,7 +7,7 @@ b1 = tsds.generate_random_TS(N = 40000 , FREQ = 'S', seed = 0, trendtype = "constant", cycle_length = 24, transform = "None", sigma = 0.1, exog_count = 0); -df = b1.mPastData +df = b1.mPastData.copy() df[b1.mSignalVar] = df[b1.mName] lEngine = autof.cForecastEngine() diff --git a/tests/bugs/issue_70/test_artificial_keep_all_seasonals_day.py b/tests/bugs/issue_70/test_artificial_keep_all_seasonals_day.py index 71513e086..296c7be49 100644 --- a/tests/bugs/issue_70/test_artificial_keep_all_seasonals_day.py +++ b/tests/bugs/issue_70/test_artificial_keep_all_seasonals_day.py @@ -7,7 +7,7 @@ b1 = tsds.generate_random_TS(N = 4000 , FREQ = 'D', seed = 0, trendtype = "constant", cycle_length = 24, transform = "None", sigma = 0.1, exog_count = 0); -df = b1.mPastData +df = b1.mPastData.copy() df[b1.mSignalVar] = df[b1.mName] lEngine = autof.cForecastEngine() diff --git a/tests/bugs/issue_70/test_artificial_keep_all_seasonals_hour.py b/tests/bugs/issue_70/test_artificial_keep_all_seasonals_hour.py index 8a25e22ec..45a460f8a 100644 --- a/tests/bugs/issue_70/test_artificial_keep_all_seasonals_hour.py +++ b/tests/bugs/issue_70/test_artificial_keep_all_seasonals_hour.py @@ -7,7 +7,7 @@ b1 = tsds.generate_random_TS(N = 4000 , FREQ = 'H', seed = 0, trendtype = "constant", cycle_length = 24, transform = "None", sigma = 0.1, exog_count = 0); -df = b1.mPastData +df = b1.mPastData.copy() df[b1.mSignalVar] = df[b1.mName] lEngine = autof.cForecastEngine() diff --git a/tests/bugs/issue_70/test_artificial_keep_all_seasonals_minute.py b/tests/bugs/issue_70/test_artificial_keep_all_seasonals_minute.py index c268d1088..74b9791c3 100644 --- a/tests/bugs/issue_70/test_artificial_keep_all_seasonals_minute.py +++ b/tests/bugs/issue_70/test_artificial_keep_all_seasonals_minute.py @@ -7,7 +7,7 @@ b1 = tsds.generate_random_TS(N = 40000 , FREQ = 'min', seed = 0, trendtype = "constant", cycle_length = 24, transform = "None", sigma = 0.1, exog_count = 0); -df = b1.mPastData +df = b1.mPastData.copy() df[b1.mSignalVar] = df[b1.mName] lEngine = autof.cForecastEngine() diff --git a/tests/bugs/issue_70/test_artificial_keep_all_seasonals_second.py b/tests/bugs/issue_70/test_artificial_keep_all_seasonals_second.py index 1868701f3..9abe4704e 100644 --- a/tests/bugs/issue_70/test_artificial_keep_all_seasonals_second.py +++ b/tests/bugs/issue_70/test_artificial_keep_all_seasonals_second.py @@ -7,7 +7,7 @@ b1 = tsds.generate_random_TS(N = 40000 , FREQ = 'S', seed = 0, trendtype = "constant", cycle_length = 24, transform = "None", sigma = 0.1, exog_count = 0); -df = b1.mPastData +df = b1.mPastData.copy() df[b1.mSignalVar] = df[b1.mName] lEngine = autof.cForecastEngine() diff --git a/tests/bugs/issue_82/issue_82_long_cycles.py b/tests/bugs/issue_82/issue_82_long_cycles.py index 8381b857c..9f492cabf 100644 --- a/tests/bugs/issue_82/issue_82_long_cycles.py +++ b/tests/bugs/issue_82/issue_82_long_cycles.py @@ -14,7 +14,7 @@ for cyc in lValues: print("TEST_CYCLES_START", cyc) b1 = tsds.generate_random_TS(N = 3200 , FREQ = 'H', seed = 0, trendtype = "constant", cycle_length = cyc, transform = "None", sigma = 0.1, exog_count = 0, ar_order=0); - df = b1.mPastData + df = b1.mPastData.copy() df[b1.mSignalVar] = df[b1.mName] # df.tail(10) diff --git a/tests/bugs/test_random_exogenous.py b/tests/bugs/test_random_exogenous.py index 3f319993d..671f2966e 100644 --- a/tests/bugs/test_random_exogenous.py +++ b/tests/bugs/test_random_exogenous.py @@ -9,7 +9,7 @@ # warnings.simplefilter("error") b1 = tsds.generate_random_TS(N = 160 , FREQ = 'D', seed = 0, trendtype = "constant", cycle_length = 12, transform = "None", sigma = 0.10, exog_count = 1280); - df = b1.mPastData + df = b1.mPastData.copy() df[b1.mSignalVar] = df[b1.mName] df.info() diff --git a/tests/croston/test_croston_fpp2_counts_example_optimize.py b/tests/croston/test_croston_fpp2_counts_example_optimize.py index 53b1fecfa..d005e1c91 100644 --- a/tests/croston/test_croston_fpp2_counts_example_optimize.py +++ b/tests/croston/test_croston_fpp2_counts_example_optimize.py @@ -4,7 +4,7 @@ def create_dataset(): lCounts = "0 2 0 1 0 11 0 0 0 0 2 0 6 3 0 0 0 0 0 7 0 0 0 0 0 0 0 3 1 0 0 1 0 1 0 0".split() lCounts = [float(c) for c in lCounts] N = len(lCounts) - lDates = pd.date_range(start="2000-01-01", periods=N, freq='m') + lDates = pd.date_range(start="2000-01-01", periods=N, freq='ME') df = pd.DataFrame({"Date" : lDates, "Signal" : lCounts}) return df diff --git a/tests/func/test_ar.py b/tests/func/test_ar.py index ce1f28323..ff1d006ea 100644 --- a/tests/func/test_ar.py +++ b/tests/func/test_ar.py @@ -7,7 +7,7 @@ #get_ipython().magic('matplotlib inline') b1 = tsds.generate_random_TS(N = 320 , FREQ = 'D', seed = 0, trendtype = "constant", cycle_length = 0, transform = "None", sigma = 0.1, ar_order = 12); -df = b1.mPastData +df = b1.mPastData.copy() df['Signal'] = df[b1.mName] diff --git a/tests/func/test_const_signal.py b/tests/func/test_const_signal.py index dfa6c4dc0..e372a513a 100644 --- a/tests/func/test_const_signal.py +++ b/tests/func/test_const_signal.py @@ -7,7 +7,7 @@ #get_ipython().magic('matplotlib inline') b1 = tsds.generate_random_TS(N = 320 , FREQ = 'D', seed = 0, trendtype = "constant", cycle_length = 0, transform = "None", sigma = 0.0, ar_order = 0); -df = b1.mPastData +df = b1.mPastData.copy() df['Signal'] = df[b1.mName] diff --git a/tests/func/test_cycle.py b/tests/func/test_cycle.py index f7d99d4b2..bffd0e369 100644 --- a/tests/func/test_cycle.py +++ b/tests/func/test_cycle.py @@ -7,7 +7,7 @@ #get_ipython().magic('matplotlib inline') b1 = tsds.generate_random_TS(N = 320 , FREQ = 'D', seed = 0, trendtype = "constant", cycle_length = 12, transform = "None", sigma = 0.0); -df = b1.mPastData +df = b1.mPastData.copy() df['Signal'] = df[b1.mName] diff --git a/tests/func/test_cycles_full.py b/tests/func/test_cycles_full.py index 5ea860fd1..f62166cc2 100644 --- a/tests/func/test_cycles_full.py +++ b/tests/func/test_cycles_full.py @@ -12,7 +12,7 @@ for cyc in lValues: print("TEST_CYCLES_START", cyc) b1 = tsds.generate_random_TS(N = 320 , FREQ = 'D', seed = 0, trendtype = "constant", cycle_length = cyc, transform = "None", sigma = 0.1, exog_count = 0); - df = b1.mPastData + df = b1.mPastData.copy() df['Signal'] = df[b1.mName] diff --git a/tests/perf_MASE_RMSSE/user_test_MAPE.py b/tests/perf_MASE_RMSSE/user_test_MAPE.py index eb00d087c..3c581535e 100644 --- a/tests/perf_MASE_RMSSE/user_test_MAPE.py +++ b/tests/perf_MASE_RMSSE/user_test_MAPE.py @@ -9,8 +9,8 @@ def prepare_dataset(): df = pd.read_csv("data/real-life/veturilo.csv", parse_dates=True, usecols=["ts","qnty"], index_col="ts" ) df.qnty.unique() - df.qnty = df.qnty.replace("?", np.NaN).fillna(method='ffill').astype('uint8') - df = df.qnty.resample("H").mean().to_frame() + df.qnty = df.qnty.replace("?", np.nan).ffill().astype('uint8') + df = df.qnty.resample("h").mean().to_frame() df_predict = df.iloc[:] diff --git a/tests/perf_MASE_RMSSE/user_test_MASE.py b/tests/perf_MASE_RMSSE/user_test_MASE.py index c3d876ca5..1ee3f87dc 100644 --- a/tests/perf_MASE_RMSSE/user_test_MASE.py +++ b/tests/perf_MASE_RMSSE/user_test_MASE.py @@ -9,8 +9,8 @@ def prepare_dataset(): df = pd.read_csv("data/real-life/veturilo.csv", parse_dates=True, usecols=["ts","qnty"], index_col="ts" ) df.qnty.unique() - df.qnty = df.qnty.replace("?", np.NaN).fillna(method='ffill').astype('uint8') - df = df.qnty.resample("H").mean().to_frame() + df.qnty = df.qnty.replace("?", np.nan).ffill().astype('uint8') + df = df.qnty.resample("h").mean().to_frame() df_predict = df.iloc[:] diff --git a/tests/perf_MASE_RMSSE/user_test_RMSE.py b/tests/perf_MASE_RMSSE/user_test_RMSE.py index 09eee1562..a209c4f11 100644 --- a/tests/perf_MASE_RMSSE/user_test_RMSE.py +++ b/tests/perf_MASE_RMSSE/user_test_RMSE.py @@ -9,8 +9,8 @@ def prepare_dataset(): df = pd.read_csv("data/real-life/veturilo.csv", parse_dates=True, usecols=["ts","qnty"], index_col="ts" ) df.qnty.unique() - df.qnty = df.qnty.replace("?", np.NaN).fillna(method='ffill').astype('uint8') - df = df.qnty.resample("H").mean().to_frame() + df.qnty = df.qnty.replace("?", np.nan).ffill().astype('uint8') + df = df.qnty.resample("h").mean().to_frame() df_predict = df.iloc[:] diff --git a/tests/perf_MASE_RMSSE/user_test_RMSSE.py b/tests/perf_MASE_RMSSE/user_test_RMSSE.py index 0e2d34204..8ec6e7b58 100644 --- a/tests/perf_MASE_RMSSE/user_test_RMSSE.py +++ b/tests/perf_MASE_RMSSE/user_test_RMSSE.py @@ -9,8 +9,8 @@ def prepare_dataset(): df = pd.read_csv("data/real-life/veturilo.csv", parse_dates=True, usecols=["ts","qnty"], index_col="ts" ) df.qnty.unique() - df.qnty = df.qnty.replace("?", np.NaN).fillna(method='ffill').astype('uint8') - df = df.qnty.resample("H").mean().to_frame() + df.qnty = df.qnty.replace("?", np.nan).ffill().astype('uint8') + df = df.qnty.resample("h").mean().to_frame() df_predict = df.iloc[:] diff --git a/tests/references/HourOfWeek/test_Business_Hourly_LunchTime.log b/tests/references/HourOfWeek/test_Business_Hourly_LunchTime.log index 8f6291d8d..09471f4f6 100644 --- a/tests/references/HourOfWeek/test_Business_Hourly_LunchTime.log +++ b/tests/references/HourOfWeek/test_Business_Hourly_LunchTime.log @@ -17,149 +17,149 @@ Data columns (total 4 columns): dtypes: datetime64[ns](1), float64(1), int32(2) memory usage: 234.5 KB None -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) INFO:pyaf.std:PERF_DUMP_START INFO:pyaf.std:[ @@ -525,7 +525,7 @@ INFO:pyaf.std:[ } ] INFO:pyaf.std:PERF_DUMP_END -INFO:pyaf.std:TRAINING_ENGINE_END 82.833 +INFO:pyaf.std:TRAINING_ENGINE_END 26.925 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time_Hourly' TimeMin=2000-03-16T08:00:00.000000 TimeMax=2000-12-13T13:00:00.000000 TimeDelta= Horizon=24 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=8192 Min=2.275479 Max=2767.96688 Mean=1336.786643 StdDev=1188.872729 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.482524 StdDev=0.429865 @@ -559,7 +559,7 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 1 {'Transformation': 'CumSu INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 2 {'Transformation': 'CumSum_Signal', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_Signal_LinearTrend_residue_Seasonal_HourOfWeek_residue_NoAR', 'Voting': 1150.0, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.0129, 'Forecast_MASE_2': 0.0129, 'Forecast_MASE_3': 0.0129, 'Forecast_MASE_4': 0.0129, 'Forecast_MASE_5': 0.0129, 'Forecast_MASE_6': 0.0129, 'Forecast_MASE_7': 0.0129, 'Forecast_MASE_8': 0.0129, 'Forecast_MASE_9': 0.0129, 'Forecast_MASE_10': 0.0129, 'Forecast_MASE_11': 0.0129, 'Forecast_MASE_12': 0.0129, 'Forecast_MASE_13': 0.0129, 'Forecast_MASE_14': 0.0129, 'Forecast_MASE_15': 0.0129, 'Forecast_MASE_16': 0.0129, 'Forecast_MASE_17': 0.0129, 'Forecast_MASE_18': 0.0129, 'Forecast_MASE_19': 0.0129, 'Forecast_MASE_20': 0.0129, 'Forecast_MASE_21': 0.0129, 'Forecast_MASE_22': 0.0129, 'Forecast_MASE_23': 0.0129, 'Forecast_MASE_24': 0.0129} INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal' INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 24}} -INFO:pyaf.std:FORECASTING_ENGINE_END 1.298 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.531 Forecast Columns Index(['Time_Hourly', 'Signal', 'Signal_scaled', '_Signal', 'row_number', 'Time_Hourly_Normalized', '_Signal_Lag1Trend', '_Signal_Lag1Trend_residue', @@ -699,7 +699,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 82.833 + "Training_Time": 26.925 } @@ -718,4 +718,4 @@ INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/ozone_LunchTime_Time_Hourly_Sig -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/HourOfWeek/test_Business_Hourly_LunchTime.py', 'ElapsedTimeSecs':(104.78, 0.94, 50.16), 'MAX_MEM_KB':310300, 'CPU_PRCNT':'48%', 'FILES_IN':8, 'FILES_OUT':2608, 'EXIT_STATUS':0} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/HourOfWeek/test_Business_Hourly_LunchTime.py', 'ElapsedTimeSecs':(36.91, 0.76, 61.98), 'MAX_MEM_KB':242172, 'CPU_PRCNT':'169%', 'FILES_IN':0, 'FILES_OUT':1656, 'EXIT_STATUS':0} diff --git a/tests/references/HourOfWeek/test_Business_Hourly_MondayMorning.log b/tests/references/HourOfWeek/test_Business_Hourly_MondayMorning.log index 138c32368..6ab11cb84 100644 --- a/tests/references/HourOfWeek/test_Business_Hourly_MondayMorning.log +++ b/tests/references/HourOfWeek/test_Business_Hourly_MondayMorning.log @@ -17,229 +17,229 @@ Data columns (total 4 columns): dtypes: datetime64[ns](1), float64(1), int32(2) memory usage: 234.5 KB None -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) INFO:pyaf.std:PERF_DUMP_START INFO:pyaf.std:[ @@ -605,7 +605,7 @@ INFO:pyaf.std:[ } ] INFO:pyaf.std:PERF_DUMP_END -INFO:pyaf.std:TRAINING_ENGINE_END 83.897 +INFO:pyaf.std:TRAINING_ENGINE_END 27.227 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time_Hourly' TimeMin=2000-03-16T08:00:00.000000 TimeMax=2000-12-13T13:00:00.000000 TimeDelta= Horizon=24 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=8192 Min=2.178309 Max=2767.969384 Mean=1701.522971 StdDev=1243.183952 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.614415 StdDev=0.449486 @@ -641,7 +641,7 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 3 {'Transformation': 'CumSu INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 4 {'Transformation': 'CumSum_Signal', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_Signal_PolyTrend_residue_Seasonal_HourOfWeek_residue_NoAR', 'Voting': 1037.5, 'Complexity': 'LMMSS', 'Forecast_MASE_1': 0.0084, 'Forecast_MASE_2': 0.0084, 'Forecast_MASE_3': 0.0084, 'Forecast_MASE_4': 0.0084, 'Forecast_MASE_5': 0.0084, 'Forecast_MASE_6': 0.0084, 'Forecast_MASE_7': 0.0084, 'Forecast_MASE_8': 0.0084, 'Forecast_MASE_9': 0.0084, 'Forecast_MASE_10': 0.0084, 'Forecast_MASE_11': 0.0084, 'Forecast_MASE_12': 0.0084, 'Forecast_MASE_13': 0.0084, 'Forecast_MASE_14': 0.0084, 'Forecast_MASE_15': 0.0084, 'Forecast_MASE_16': 0.0084, 'Forecast_MASE_17': 0.0084, 'Forecast_MASE_18': 0.0084, 'Forecast_MASE_19': 0.0084, 'Forecast_MASE_20': 0.0084, 'Forecast_MASE_21': 0.0084, 'Forecast_MASE_22': 0.0084, 'Forecast_MASE_23': 0.0084, 'Forecast_MASE_24': 0.0084} INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal' INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 24}} -INFO:pyaf.std:FORECASTING_ENGINE_END 1.288 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.529 Forecast Columns Index(['Time_Hourly', 'Signal', 'Signal_scaled', '_Signal', 'row_number', 'Time_Hourly_Normalized', '_Signal_ConstantTrend', '_Signal_ConstantTrend_residue', @@ -781,7 +781,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 83.897 + "Training_Time": 27.227 } @@ -800,4 +800,4 @@ INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/ozone_MondayMorning_Time_Hourly -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/HourOfWeek/test_Business_Hourly_MondayMorning.py', 'ElapsedTimeSecs':(107.88, 0.95, 46.69), 'MAX_MEM_KB':290848, 'CPU_PRCNT':'44%', 'FILES_IN':8, 'FILES_OUT':3536, 'EXIT_STATUS':0} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/HourOfWeek/test_Business_Hourly_MondayMorning.py', 'ElapsedTimeSecs':(36.84, 0.92, 57.16), 'MAX_MEM_KB':234056, 'CPU_PRCNT':'157%', 'FILES_IN':0, 'FILES_OUT':2264, 'EXIT_STATUS':0} diff --git a/tests/references/basic_checks/issue_46_min_max_issues.log b/tests/references/basic_checks/issue_46_min_max_issues.log index 4ef291d34..d623e6b02 100644 --- a/tests/references/basic_checks/issue_46_min_max_issues.log +++ b/tests/references/basic_checks/issue_46_min_max_issues.log @@ -17,4 +17,5 @@ Data columns (total 2 columns): 1 signal 1 non-null float64 dtypes: float64(1), int32(1) memory usage: 144.0 bytes -min_max_date int32 int32 +min_max_date int64 int64 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/basic_checks/issue_46_min_max_issues.py', 'ElapsedTimeSecs':(0.69, 0.07, 0.61), 'MAX_MEM_KB':72804, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':8, 'EXIT_STATUS':0} diff --git a/tests/references/basic_checks/test_pearson.log b/tests/references/basic_checks/test_pearson.log index eedf94337..b5b7e2237 100644 --- a/tests/references/basic_checks/test_pearson.log +++ b/tests/references/basic_checks/test_pearson.log @@ -1,2 +1,3 @@ -1.10.1 1.24.2 sys.version_info(major=3, minor=11, micro=2, releaselevel='final', serial=0) -PearsonRResult(statistic=0.8660254037844385, pvalue=0.0117248110039547) PearsonRResult(statistic=0.8660254037844388, pvalue=0.011724811003954606) +1.12.0 1.26.4 sys.version_info(major=3, minor=11, micro=9, releaselevel='final', serial=0) +PearsonRResult(statistic=0.8660254037844386, pvalue=0.011724811003954654) PearsonRResult(statistic=0.8660254037844388, pvalue=0.011724811003954606) +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/basic_checks/test_pearson.py', 'ElapsedTimeSecs':(0.86, 0.06, 0.79), 'MAX_MEM_KB':80332, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':8, 'EXIT_STATUS':0} diff --git a/tests/references/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage.log b/tests/references/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage.log index b0616fa56..1814d5775 100644 --- a/tests/references/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage.log +++ b/tests/references/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage.log @@ -1,4 +1,3 @@ -INFO:pyaf.timing:('OPERATION_START', 'HIERARCHICAL_TRAINING') -INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_TEMPORAL_FREQUENCIES {'D': 86400.0, 'H': 3600.0} -INFO:pyaf.timing:('OPERATION_END_ELAPSED', 0.004, 'HIERARCHICAL_TRAINING') -ERROR TIME_HIERARCHY_NOT_MONOTONOUS ['D', 'H'] +INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_TEMPORAL_FREQUENCIES {'D': 86400.0, 'h': 3600.0} +ERROR TIME_HIERARCHY_NOT_MONOTONOUS ['D', 'h'] +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage.py', 'ElapsedTimeSecs':(0.67, 0.07, 0.59), 'MAX_MEM_KB':73772, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':8, 'EXIT_STATUS':0} diff --git a/tests/references/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage_2.log b/tests/references/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage_2.log index b0616fa56..ae0add260 100644 --- a/tests/references/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage_2.log +++ b/tests/references/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage_2.log @@ -1,4 +1,3 @@ -INFO:pyaf.timing:('OPERATION_START', 'HIERARCHICAL_TRAINING') -INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_TEMPORAL_FREQUENCIES {'D': 86400.0, 'H': 3600.0} -INFO:pyaf.timing:('OPERATION_END_ELAPSED', 0.004, 'HIERARCHICAL_TRAINING') -ERROR TIME_HIERARCHY_NOT_MONOTONOUS ['D', 'H'] +INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_TEMPORAL_FREQUENCIES {'D': 86400.0, 'h': 3600.0} +ERROR TIME_HIERARCHY_NOT_MONOTONOUS ['D', 'h'] +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage_2.py', 'ElapsedTimeSecs':(0.70, 0.11, 0.58), 'MAX_MEM_KB':73880, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':8, 'EXIT_STATUS':0} diff --git a/tests/references/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage_3.log b/tests/references/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage_3.log index 18c5c5fb8..51b90d8aa 100644 --- a/tests/references/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage_3.log +++ b/tests/references/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage_3.log @@ -1,4 +1,3 @@ -INFO:pyaf.timing:('OPERATION_START', 'HIERARCHICAL_TRAINING') -INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_TEMPORAL_FREQUENCIES {'T': 60.0, 'H': 3600.0} -INFO:pyaf.timing:('OPERATION_END_ELAPSED', 0.004, 'HIERARCHICAL_TRAINING') -ERROR TIME_HIERARCHY_PHYSICAL_TIME_RESOLUTION_TOO_LOW_FOR_THIS_PERIOD Date 3600.0 T 60.0 +INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_TEMPORAL_FREQUENCIES {'min': 60.0, 'h': 3600.0} +ERROR TIME_HIERARCHY_PHYSICAL_TIME_RESOLUTION_TOO_LOW_FOR_THIS_PERIOD Date 3600.0 min 60.0 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/basic_checks/test_temporal_demo_hourly_D_H_ErrorMessage_3.py', 'ElapsedTimeSecs':(0.69, 0.07, 0.61), 'MAX_MEM_KB':73932, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':8, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_106/insurance_exog_xgbx.log b/tests/references/bugs/issue_106/insurance_exog_xgbx.log index b2d63cf22..395b0bad5 100644 --- a/tests/references/bugs/issue_106/insurance_exog_xgbx.log +++ b/tests/references/bugs/issue_106/insurance_exog_xgbx.log @@ -27,43 +27,43 @@ Data columns (total 2 columns): 1 TV.advert 40 non-null float64 dtypes: float64(2) memory usage: 772.0 bytes -INFO:pyaf.std:TRAINING_ENGINE_END 6.293 +INFO:pyaf.std:TRAINING_ENGINE_END 1.605 INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=2002.0 TimeMax=2004.25 TimeDelta=0.08333333333333333 Horizon=4 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Quotes' Length=40 Min=8.39468 Max=18.43898 Mean=13.604347 StdDev=2.369165 -INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='Diff_Quotes' Min=-0.449005 Max=0.388885 Mean=0.003786 StdDev=0.189136 +INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Quotes' Min=0.0 Max=1.0 Mean=0.518669 StdDev=0.235872 INFO:pyaf.std:EXOGENOUS_DATA ['TV.advert'] INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' -INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE 'Diff_' -INFO:pyaf.std:BEST_DECOMPOSITION 'Diff_Quotes_ConstantTrend_residue_Cycle_None_residue_XGBX(10)' [ConstantTrend + Cycle_None + XGBX] -INFO:pyaf.std:TREND_DETAIL 'Diff_Quotes_ConstantTrend' [ConstantTrend] -INFO:pyaf.std:CYCLE_DETAIL 'Diff_Quotes_ConstantTrend_residue_Cycle_None' [Cycle_None] -INFO:pyaf.std:AUTOREG_DETAIL 'Diff_Quotes_ConstantTrend_residue_Cycle_None_residue_XGBX(10)' [XGBX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.193, 'RMSE': 2.9775, 'MAE': 2.2571, 'MASE': 1.6381} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0722, 'RMSE': 1.1392, 'MAE': 0.9455, 'MASE': 0.6899} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2422, 'RMSE': 4.2985, 'MAE': 4.0527, 'MASE': 1.7582} -INFO:pyaf.std:MODEL_PERFS Fit STEP=4 {'MAPE': 0.193, 'RMSE': 2.9775, 'MAE': 2.2571, 'MASE': 1.6381} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=4 {'MAPE': 0.0722, 'RMSE': 1.1392, 'MAE': 0.9455, 'MASE': 0.6899} -INFO:pyaf.std:MODEL_PERFS Test STEP=4 {'MAPE': 0.2422, 'RMSE': 4.2985, 'MAE': 4.0527, 'MASE': 1.7582} -INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'M', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LMSSS] +INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' +INFO:pyaf.std:BEST_DECOMPOSITION '_Quotes_ConstantTrend_residue_Cycle_None_residue_XGBX(10)' [ConstantTrend + Cycle_None + XGBX] +INFO:pyaf.std:TREND_DETAIL '_Quotes_ConstantTrend' [ConstantTrend] +INFO:pyaf.std:CYCLE_DETAIL '_Quotes_ConstantTrend_residue_Cycle_None' [Cycle_None] +INFO:pyaf.std:AUTOREG_DETAIL '_Quotes_ConstantTrend_residue_Cycle_None_residue_XGBX(10)' [XGBX] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1157, 'RMSE': 1.6647, 'MAE': 1.4177, 'MASE': 1.0289} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0766, 'RMSE': 1.3297, 'MAE': 1.0677, 'MASE': 0.7792} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.1432, 'RMSE': 2.8359, 'MAE': 2.4366, 'MASE': 1.0571} +INFO:pyaf.std:MODEL_PERFS Fit STEP=4 {'MAPE': 0.1906, 'RMSE': 2.8833, 'MAE': 2.497, 'MASE': 1.8123} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=4 {'MAPE': 0.1444, 'RMSE': 2.2612, 'MAE': 1.9747, 'MASE': 1.441} +INFO:pyaf.std:MODEL_PERFS Test STEP=4 {'MAPE': 0.2713, 'RMSE': 4.8371, 'MAE': 4.5762, 'MASE': 1.9853} +INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START -INFO:pyaf.std:DIFFERENCING_TRANSFORMATION Difference 0.45557878597811674 +INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:CONSTANT_TREND Diff_Quotes_ConstantTrend -0.016271 +INFO:pyaf.std:CONSTANT_TREND _Quotes_ConstantTrend 0.488253 INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES Diff_Quotes_ConstantTrend_residue_Cycle_None None 0.010464 {} +INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _Quotes_ConstantTrend_residue_Cycle_None None -0.004034 {} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 0 [] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'TV.advert' {'Mean': 7.933625035714286, 'StdDev': 1.3056987790054533} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'TV.advert' {'Mean': 7.933625035714286, 'StdDev': 1.3056987790054535} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 0 [] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'Quotes' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Quotes' 0 {'Transformation': 'Diff_Quotes', 'DecompositionType': 'T+S+R', 'Model': 'Diff_Quotes_ConstantTrend_residue_Cycle_None_residue_XGBX(10)', 'Voting': 77.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.6899, 'Forecast_MASE_2': 0.6899, 'Forecast_MASE_3': 0.6899, 'Forecast_MASE_4': 0.6899} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Quotes' 1 {'Transformation': 'Diff_Quotes', 'DecompositionType': 'T+S+R', 'Model': 'Diff_Quotes_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(10)', 'Voting': 77.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.6899, 'Forecast_MASE_2': 0.6899, 'Forecast_MASE_3': 0.6899, 'Forecast_MASE_4': 0.6899} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Quotes' 0 {'Transformation': '_Quotes', 'DecompositionType': 'T+S+R', 'Model': '_Quotes_ConstantTrend_residue_Cycle_None_residue_XGBX(10)', 'Voting': 77.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.7792, 'Forecast_MASE_2': 1.1513, 'Forecast_MASE_3': 1.2508, 'Forecast_MASE_4': 1.441} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Quotes' 1 {'Transformation': '_Quotes', 'DecompositionType': 'T+S+R', 'Model': '_Quotes_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(10)', 'Voting': 77.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.7792, 'Forecast_MASE_2': 1.1513, 'Forecast_MASE_3': 1.2508, 'Forecast_MASE_4': 1.441} INFO:pyaf.std:COMPETITION_DETAIL_END 'Quotes' INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/insurance_xgbx_Quotes_Trend_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/insurance_xgbx_Quotes_Cycle_decomp_output.png') @@ -73,20 +73,20 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/insurance_xgbx_Quotes_Forecast_d INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/insurance_xgbx_Quotes_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/insurance_xgbx_Quotes_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Quotes'], 'Horizons': {'Quotes': 4}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.27 -Forecast Columns Index(['Index', 'Quotes', 'Quotes_scaled', 'Diff_Quotes', 'row_number', - 'Index_Normalized', 'Diff_Quotes_ConstantTrend', - 'Diff_Quotes_ConstantTrend_residue', - 'Diff_Quotes_ConstantTrend_residue_Cycle_None', - 'Diff_Quotes_ConstantTrend_residue_Cycle_None_residue', 'TV.advert', - 'Diff_Quotes_ConstantTrend_residue_Cycle_None_residue_XGBX(10)', - 'Diff_Quotes_ConstantTrend_residue_Cycle_None_residue_XGBX(10)_residue', - 'Quotes_Transformed', 'Diff_Quotes_Trend', 'Diff_Quotes_Trend_residue', - 'Diff_Quotes_Cycle', 'Diff_Quotes_Cycle_residue', 'Diff_Quotes_AR', - 'Diff_Quotes_AR_residue', 'Diff_Quotes_TransformedForecast', - 'Diff_Quotes_Detrended', 'Diff_Quotes_Deseasonalized', +INFO:pyaf.std:FORECASTING_ENGINE_END 0.083 +Forecast Columns Index(['Index', 'Quotes', 'Quotes_scaled', '_Quotes', 'row_number', + 'Index_Normalized', '_Quotes_ConstantTrend', + '_Quotes_ConstantTrend_residue', + '_Quotes_ConstantTrend_residue_Cycle_None', + '_Quotes_ConstantTrend_residue_Cycle_None_residue', 'TV.advert', + '_Quotes_ConstantTrend_residue_Cycle_None_residue_XGBX(10)', + '_Quotes_ConstantTrend_residue_Cycle_None_residue_XGBX(10)_residue', + 'Quotes_Transformed', '_Quotes_Trend', '_Quotes_Trend_residue', + '_Quotes_Cycle', '_Quotes_Cycle_residue', '_Quotes_AR', + '_Quotes_AR_residue', '_Quotes_TransformedForecast', + '_Quotes_Detrended', '_Quotes_Deseasonalized', 'Quotes_TransformedForecast_inverted', 'Quotes_Forecast', - 'Diff_Quotes_TransformedResidue', 'Quotes_Residue', + '_Quotes_TransformedResidue', 'Quotes_Residue', 'Quotes_Forecast_Lower_Bound', 'Quotes_Forecast_Upper_Bound', 'Quotes_Forecast_Quantile_50'], dtype='object') @@ -102,10 +102,10 @@ dtypes: float64(3) memory usage: 1.2 KB None Forecasts - [[2005.33333333 nan 9.65746973] - [2005.41666667 nan 9.46048517] - [2005.5 nan 9.26350061] - [2005.58333333 nan 9.06651605]] + [[2005.33333333 nan 13.007438 ] + [2005.41666667 nan 12.97245661] + [2005.5 nan 13.30647114] + [2005.58333333 nan 13.30647114]] @@ -115,7 +115,7 @@ Forecasts "AR": "L", "Cycle": "S", "Decomposition": "S", - "Transformation": "M", + "Transformation": "S", "Trend": "S" }, "Dataset": { @@ -126,7 +126,7 @@ Forecasts "Continuous_Variables": { "TV.advert": { "Mean": 7.933625035714286, - "StdDev": 1.3056987790054533 + "StdDev": 1.3056987790054535 } }, "Continuous_Variables_Excluded": [] @@ -143,59 +143,59 @@ Forecasts }, "Model": { "AR_Model": "XGBX", - "Best_Decomposition": "Diff_Quotes_ConstantTrend_residue_Cycle_None_residue_XGBX(10)", + "Best_Decomposition": "_Quotes_ConstantTrend_residue_Cycle_None_residue_XGBX(10)", "Cycle": "Cycle_None", "Signal_Decomposition_Type": "T+S+R", - "Signal_Transoformation": "Difference", + "Signal_Transoformation": "NoTransf", "Trend": "ConstantTrend" }, "Model_Performance": { "1": { - "AUC": 0.3594, - "DiffSMAPE": 0.0696, - "ErrorMean": 0.3475, - "ErrorStdDev": 1.0849, + "AUC": 0.6875, + "DiffSMAPE": 0.0799, + "ErrorMean": -0.6357, + "ErrorStdDev": 1.1679, "KS": 0.375, - "KendallTau": 0.2143, + "KendallTau": 0.4728, "Length": 8, - "LnQ": 0.0567, - "MAE": 0.9455, - "MAPE": 0.0722, - "MASE": 0.6899, - "MannWhitneyU": 23.0, - "MedAE": 0.8638, - "Pearson": 0.5547, - "R2": 0.228, - "RMSE": 1.1392, - "RMSSE": 0.7903, - "SMAPE": 0.0699, + "LnQ": 0.0764, + "MAE": 1.0677, + "MAPE": 0.0766, + "MASE": 0.7792, + "MannWhitneyU": 44.0, + "MedAE": 0.8765, + "Pearson": 0.5598, + "R2": -0.0517, + "RMSE": 1.3297, + "RMSSE": 0.9224, + "SMAPE": 0.0802, "Signal": "Quotes_Forecast_1" }, "4": { - "AUC": 0.3594, - "DiffSMAPE": 0.0696, - "ErrorMean": 0.3475, - "ErrorStdDev": 1.0849, - "KS": 0.375, - "KendallTau": 0.2143, + "AUC": 0.7031, + "DiffSMAPE": 0.1504, + "ErrorMean": -0.7221, + "ErrorStdDev": 2.1428, + "KS": 0.5, + "KendallTau": -0.3858, "Length": 8, - "LnQ": 0.0567, - "MAE": 0.9455, - "MAPE": 0.0722, - "MASE": 0.6899, - "MannWhitneyU": 23.0, - "MedAE": 0.8638, - "Pearson": 0.5547, - "R2": 0.228, - "RMSE": 1.1392, - "RMSSE": 0.7903, - "SMAPE": 0.0699, + "LnQ": 0.2344, + "MAE": 1.9747, + "MAPE": 0.1444, + "MASE": 1.441, + "MannWhitneyU": 45.0, + "MedAE": 1.8961, + "Pearson": -0.5251, + "R2": -2.0415, + "RMSE": 2.2612, + "RMSSE": 1.5686, + "SMAPE": 0.1509, "Signal": "Quotes_Forecast_4" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 6.293 + "Training_Time": 1.605 } @@ -203,7 +203,8 @@ Forecasts -{"Index":{"36":2005.0,"37":2005.0833333333,"38":2005.1666666667,"39":2005.25,"40":2005.3333333333,"41":2005.4166666667,"42":2005.5,"43":2005.5833333333},"Quotes":{"36":15.47126,"37":18.43898,"38":17.49186,"39":14.49168,"40":null,"41":null,"42":null,"43":null},"Quotes_Forecast":{"36":13.587550795,"37":13.2190056493,"38":12.0318270102,"39":10.8446483712,"40":9.6574697322,"41":9.4604851701,"42":9.263500608,"43":9.0665160458}} +{"Index":{"36":2005.0,"37":2005.0833333333,"38":2005.1666666667,"39":2005.25,"40":2005.3333333333,"41":2005.4166666667,"42":2005.5,"43":2005.5833333333},"Quotes":{"36":15.47126,"37":18.43898,"38":17.49186,"39":14.49168,"40":null,"41":null,"42":null,"43":null},"Quotes_Forecast":{"36":11.9838111632,"37":14.7496259567,"38":14.9632277259,"39":14.4505929839,"40":13.0074379998,"41":12.97245661,"42":13.3064711363,"43":13.3064711363}} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_106/insurance_exog_xgbx.py', 'ElapsedTimeSecs':(7.09, 0.54, 9.71), 'MAX_MEM_KB':227520, 'CPU_PRCNT':'144%', 'FILES_IN':0, 'FILES_OUT':1520, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_179/issue_179_cumprod_overflow.log b/tests/references/bugs/issue_179/issue_179_cumprod_overflow.log index d03178f4b..338ebd082 100644 --- a/tests/references/bugs/issue_179/issue_179_cumprod_overflow.log +++ b/tests/references/bugs/issue_179/issue_179_cumprod_overflow.log @@ -14,3133 +14,3133 @@ memory usage: 15.8 KB 2 2018-01-01 02:00:00 0.591968 3 2018-01-01 03:00:00 0.644927 4 2018-01-01 04:00:00 0.926305 -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -INFO:pyaf.std:TRAINING_ENGINE_END 244.285 +INFO:pyaf.std:TRAINING_ENGINE_END 54.999 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=2018-01-01T00:00:00.000000 TimeMax=2018-01-30T07:00:00.000000 TimeDelta= Horizon=120 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=1000 Min=0.000554 Max=0.99995 Mean=0.488637 StdDev=0.295834 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.488378 StdDev=0.296013 @@ -3183,7 +3183,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/noise__Signal_Forecast_decomp_ou INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/noise__Signal_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/noise__Signal_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 120}} -INFO:pyaf.std:FORECASTING_ENGINE_END 10.503 +INFO:pyaf.std:FORECASTING_ENGINE_END 1.615 Forecast Columns Index(['Time', 'Signal', 'Signal_scaled', '_Signal', 'row_number', 'Time_Normalized', '_Signal_ConstantTrend', '_Signal_ConstantTrend_residue', @@ -3310,7 +3310,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 244.285 + "Training_Time": 54.999 } @@ -3322,3 +3322,4 @@ Forecasts +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_179/issue_179_cumprod_overflow.py', 'ElapsedTimeSecs':(76.26, 1.05, 198.14), 'MAX_MEM_KB':316848, 'CPU_PRCNT':'261%', 'FILES_IN':0, 'FILES_OUT':3832, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_193/test_ozone_exogenous_issue_193_with_exog_arx_enabled.log b/tests/references/bugs/issue_193/test_ozone_exogenous_issue_193_with_exog_arx_enabled.log index 831f21c46..ccaa8fb56 100644 --- a/tests/references/bugs/issue_193/test_ozone_exogenous_issue_193_with_exog_arx_enabled.log +++ b/tests/references/bugs/issue_193/test_ozone_exogenous_issue_193_with_exog_arx_enabled.log @@ -5,7 +5,7 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 2 1955-03 3 AS P_S 3.6 1955-03-01 3 1955-04 4 AT P_U 5.0 1955-04-01 4 1955-05 5 AU P_V 6.5 1955-05-01 -INFO:pyaf.std:TRAINING_ENGINE_END 41.008 +INFO:pyaf.std:TRAINING_ENGINE_END 10.341 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -16,12 +16,12 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_ConstantTrend_residue_Cycle_12_residue INFO:pyaf.std:TREND_DETAIL '_Ozone_ConstantTrend' [ConstantTrend] INFO:pyaf.std:CYCLE_DETAIL '_Ozone_ConstantTrend_residue_Cycle_12' [Cycle_12] INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_ConstantTrend_residue_Cycle_12_residue_ARX(51)' [ARX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1551, 'RMSE': 0.7669, 'MAE': 0.5749, 'MASE': 0.6541} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1798, 'RMSE': 0.6886, 'MAE': 0.5628, 'MASE': 0.7249} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2158, 'RMSE': 0.7594, 'MAE': 0.5835, 'MASE': 1.2344} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1611, 'RMSE': 0.7856, 'MAE': 0.6092, 'MASE': 0.6931} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1878, 'RMSE': 0.7209, 'MAE': 0.5685, 'MASE': 0.7323} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.4542, 'RMSE': 1.2603, 'MAE': 1.1034, 'MASE': 2.334} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1436, 'RMSE': 0.7382, 'MAE': 0.5442, 'MASE': 0.6191} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1617, 'RMSE': 0.6737, 'MAE': 0.5214, 'MASE': 0.6717} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.223, 'RMSE': 0.7651, 'MAE': 0.5999, 'MASE': 1.269} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1421, 'RMSE': 0.7533, 'MAE': 0.5567, 'MASE': 0.6333} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1814, 'RMSE': 0.7054, 'MAE': 0.533, 'MASE': 0.6866} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.4464, 'RMSE': 1.2532, 'MAE': 1.0915, 'MASE': 2.3089} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None @@ -33,16 +33,16 @@ INFO:pyaf.std:CYCLE_MODEL_DETAIL_START INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _Ozone_ConstantTrend_residue_Cycle_12 12 -0.00122 {0: -0.254553, 1: -0.214553, 2: -0.187887, 3: -0.014553, 4: -0.027887, 5: 0.065447, 6: 0.185447, 7: 0.132113, 8: 0.132113, 9: 0.105447, 10: -0.127887, 11: -0.207887} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START -INFO:pyaf.std:AR_MODEL_COEFF 1 Exog3=AQ_Lag48 -17103244021536.45 -INFO:pyaf.std:AR_MODEL_COEFF 2 Exog2_Lag48 -5343223622685.517 -INFO:pyaf.std:AR_MODEL_COEFF 3 Exog2_Lag37 5343223622685.494 -INFO:pyaf.std:AR_MODEL_COEFF 4 Exog3=AQ_Lag37 1554840539311.4038 -INFO:pyaf.std:AR_MODEL_COEFF 5 Exog3=AQ_Lag45 1554840539311.329 -INFO:pyaf.std:AR_MODEL_COEFF 6 Exog3=AQ_Lag47 1554840539311.0623 -INFO:pyaf.std:AR_MODEL_COEFF 7 Exog3=AQ_Lag39 1554840539310.9849 -INFO:pyaf.std:AR_MODEL_COEFF 8 Exog3=AQ_Lag41 1554840380070.8286 -INFO:pyaf.std:AR_MODEL_COEFF 9 Exog3=AQ_Lag43 1554840380070.7854 -INFO:pyaf.std:AR_MODEL_COEFF 10 Exog3=AQ_Lag42 1554840380070.644 +INFO:pyaf.std:AR_MODEL_COEFF 1 Exog3=AQ_Lag48 -10128237918717.85 +INFO:pyaf.std:AR_MODEL_COEFF 2 Exog2_Lag37 3164162309520.246 +INFO:pyaf.std:AR_MODEL_COEFF 3 Exog2_Lag48 -3164162309520.237 +INFO:pyaf.std:AR_MODEL_COEFF 4 Exog3=AQ_Lag37 920749004573.9897 +INFO:pyaf.std:AR_MODEL_COEFF 5 Exog3=AQ_Lag45 920749004573.8815 +INFO:pyaf.std:AR_MODEL_COEFF 6 Exog3=AQ_Lag47 920749004573.6156 +INFO:pyaf.std:AR_MODEL_COEFF 7 Exog3=AQ_Lag39 920749004573.6018 +INFO:pyaf.std:AR_MODEL_COEFF 8 Exog3=AQ_Lag41 920748910274.5393 +INFO:pyaf.std:AR_MODEL_COEFF 9 Exog3=AQ_Lag43 920748910274.4355 +INFO:pyaf.std:AR_MODEL_COEFF 10 Exog3=AQ_Lag42 920748910274.3071 INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'Exog3' {'AQ': 13, 'AR': 13, 'AS': 13, 'AT': 13, 'AU': 13} @@ -54,11 +54,11 @@ INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Exog2' {'Mean': 6.4117647058 INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 0 [] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'Ozone' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_ConstantTrend_residue_Cycle_12_residue_ARX(51)', 'Voting': 617.0, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.7249, 'Forecast_MASE_2': 0.6935, 'Forecast_MASE_3': 0.6743, 'Forecast_MASE_4': 0.7015, 'Forecast_MASE_5': 0.7129, 'Forecast_MASE_6': 0.721, 'Forecast_MASE_7': 0.728, 'Forecast_MASE_8': 0.728, 'Forecast_MASE_9': 0.729, 'Forecast_MASE_10': 0.7305, 'Forecast_MASE_11': 0.7311, 'Forecast_MASE_12': 0.7323} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 1 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_ConstantTrend_residue_Seasonal_MonthOfYear_residue_ARX(51)', 'Voting': 617.0, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.7249, 'Forecast_MASE_2': 0.6935, 'Forecast_MASE_3': 0.6743, 'Forecast_MASE_4': 0.7015, 'Forecast_MASE_5': 0.7129, 'Forecast_MASE_6': 0.721, 'Forecast_MASE_7': 0.728, 'Forecast_MASE_8': 0.728, 'Forecast_MASE_9': 0.729, 'Forecast_MASE_10': 0.7305, 'Forecast_MASE_11': 0.7311, 'Forecast_MASE_12': 0.7323} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_ConstantTrend_residue_Cycle_12_residue_ARX(51)', 'Voting': 617.4167, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6717, 'Forecast_MASE_2': 0.6785, 'Forecast_MASE_3': 0.6586, 'Forecast_MASE_4': 0.6677, 'Forecast_MASE_5': 0.6759, 'Forecast_MASE_6': 0.6826, 'Forecast_MASE_7': 0.6837, 'Forecast_MASE_8': 0.6856, 'Forecast_MASE_9': 0.6862, 'Forecast_MASE_10': 0.6865, 'Forecast_MASE_11': 0.6865, 'Forecast_MASE_12': 0.6866} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 1 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_ConstantTrend_residue_Seasonal_MonthOfYear_residue_ARX(51)', 'Voting': 617.4167, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6717, 'Forecast_MASE_2': 0.6785, 'Forecast_MASE_3': 0.6586, 'Forecast_MASE_4': 0.6677, 'Forecast_MASE_5': 0.6759, 'Forecast_MASE_6': 0.6826, 'Forecast_MASE_7': 0.6837, 'Forecast_MASE_8': 0.6856, 'Forecast_MASE_9': 0.6862, 'Forecast_MASE_10': 0.6865, 'Forecast_MASE_11': 0.6865, 'Forecast_MASE_12': 0.6866} INFO:pyaf.std:COMPETITION_DETAIL_END 'Ozone' INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 1.553 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.314 Forecast Columns Index(['Time', 'Ozone', 'Ozone_scaled', '_Ozone', 'row_number', 'Time_Normalized', '_Ozone_ConstantTrend', '_Ozone_ConstantTrend_residue', 'cycle_internal', @@ -91,18 +91,18 @@ dtypes: datetime64[ns](1), float64(2) memory usage: 5.2 KB None Forecasts - [[Timestamp('1972-01-01 00:00:00') nan 0.8396787951665047] - [Timestamp('1972-02-01 00:00:00') nan 1.2205408397973847] - [Timestamp('1972-03-01 00:00:00') nan 2.191341231859366] - [Timestamp('1972-04-01 00:00:00') nan 2.8817609715255443] - [Timestamp('1972-05-01 00:00:00') nan 3.1847538541387044] - [Timestamp('1972-06-01 00:00:00') nan 3.8135036719298823] - [Timestamp('1972-07-01 00:00:00') nan 4.710002448190159] - [Timestamp('1972-08-01 00:00:00') nan 4.819196552298577] - [Timestamp('1972-09-01 00:00:00') nan 4.017355500156997] - [Timestamp('1972-10-01 00:00:00') nan 3.929210737077917] - [Timestamp('1972-11-01 00:00:00') nan 2.75249172097672] - [Timestamp('1972-12-01 00:00:00') nan 1.8651771541871314]] + [[Timestamp('1972-01-01 00:00:00') nan 0.8915892019649655] + [Timestamp('1972-02-01 00:00:00') nan 1.313665000814538] + [Timestamp('1972-03-01 00:00:00') nan 1.9933226187501751] + [Timestamp('1972-04-01 00:00:00') nan 2.9088695529093203] + [Timestamp('1972-05-01 00:00:00') nan 2.9426048334321533] + [Timestamp('1972-06-01 00:00:00') nan 4.062900302747548] + [Timestamp('1972-07-01 00:00:00') nan 4.62880115342756] + [Timestamp('1972-08-01 00:00:00') nan 4.7113524170185475] + [Timestamp('1972-09-01 00:00:00') nan 4.235346551703286] + [Timestamp('1972-10-01 00:00:00') nan 4.164504260606776] + [Timestamp('1972-11-01 00:00:00') nan 2.5564793095093377] + [Timestamp('1972-12-01 00:00:00') nan 1.8283739855453387]] @@ -170,51 +170,51 @@ Forecasts }, "Model_Performance": { "1": { - "AUC": 0.451, - "DiffSMAPE": 0.1717, - "ErrorMean": 0.1374, - "ErrorStdDev": 0.6748, - "KS": 0.2308, - "KendallTau": 0.6835, + "AUC": 0.4701, + "DiffSMAPE": 0.1513, + "ErrorMean": 0.1398, + "ErrorStdDev": 0.659, + "KS": 0.2051, + "KendallTau": 0.6781, "Length": 39, - "LnQ": 1.7103, - "MAE": 0.5628, - "MAPE": 0.1798, - "MASE": 0.7249, - "MannWhitneyU": 686.0, - "MedAE": 0.5184, - "Pearson": 0.8393, - "R2": 0.5967, - "RMSE": 0.6886, - "RMSSE": 0.7335, - "SMAPE": 0.1748, + "LnQ": 1.4172, + "MAE": 0.5214, + "MAPE": 0.1617, + "MASE": 0.6717, + "MannWhitneyU": 715.0, + "MedAE": 0.3901, + "Pearson": 0.835, + "R2": 0.614, + "RMSE": 0.6737, + "RMSSE": 0.7176, + "SMAPE": 0.1538, "Signal": "Ozone_Forecast_1" }, "12": { - "AUC": 0.4057, - "DiffSMAPE": 0.1632, - "ErrorMean": 0.3961, - "ErrorStdDev": 0.6023, - "KS": 0.2821, - "KendallTau": 0.714, + "AUC": 0.4254, + "DiffSMAPE": 0.1565, + "ErrorMean": 0.36, + "ErrorStdDev": 0.6066, + "KS": 0.2564, + "KendallTau": 0.7381, "Length": 39, - "LnQ": 1.6607, - "MAE": 0.5685, - "MAPE": 0.1878, - "MASE": 0.7323, - "MannWhitneyU": 617.0, - "MedAE": 0.3986, - "Pearson": 0.8635, - "R2": 0.558, - "RMSE": 0.7209, - "RMSSE": 0.7679, - "SMAPE": 0.1658, + "LnQ": 1.6828, + "MAE": 0.533, + "MAPE": 0.1814, + "MASE": 0.6866, + "MannWhitneyU": 647.0, + "MedAE": 0.3826, + "Pearson": 0.8557, + "R2": 0.5769, + "RMSE": 0.7054, + "RMSSE": 0.7514, + "SMAPE": 0.1591, "Signal": "Ozone_Forecast_12" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 41.008 + "Training_Time": 10.341 } @@ -222,7 +222,8 @@ Forecasts -{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":1.7185850452,"193":1.7771814648,"194":2.3524740444,"195":3.2992414403,"196":3.3312382291,"197":3.7805446876,"198":4.8976855537,"199":4.6956003609,"200":3.566916047,"201":3.5483513621,"202":1.785694846,"203":1.0595130917,"204":0.8396787952,"205":1.2205408398,"206":2.1913412319,"207":2.8817609715,"208":3.1847538541,"209":3.8135036719,"210":4.7100024482,"211":4.8191965523,"212":4.0173555002,"213":3.9292107371,"214":2.752491721,"215":1.8651771542}} +{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":1.3456907645,"193":1.977422325,"194":2.4382689078,"195":3.1267650607,"196":3.1623313959,"197":4.0509984473,"198":4.73683338,"199":4.5612059326,"200":3.8599803408,"201":3.6710350223,"202":1.7251804814,"203":1.110600548,"204":0.891589202,"205":1.3136650008,"206":1.9933226188,"207":2.9088695529,"208":2.9426048334,"209":4.0629003027,"210":4.6288011534,"211":4.711352417,"212":4.2353465517,"213":4.1645042606,"214":2.5564793095,"215":1.8283739855}} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_193/test_ozone_exogenous_issue_193_with_exog_arx_enabled.py', 'ElapsedTimeSecs':(12.64, 0.51, 34.07), 'MAX_MEM_KB':153788, 'CPU_PRCNT':'273%', 'FILES_IN':0, 'FILES_OUT':40, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_21/test_artificial_1024__poly_7__20.log b/tests/references/bugs/issue_21/test_artificial_1024__poly_7__20.log index 6efbf27f2..6666da1f8 100644 --- a/tests/references/bugs/issue_21/test_artificial_1024__poly_7__20.log +++ b/tests/references/bugs/issue_21/test_artificial_1024__poly_7__20.log @@ -1,7 +1,7 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) INFO:pyaf.std:AR_MODEL_ADD_EXOGENOUS 1012 48 -INFO:pyaf.std:TRAINING_ENGINE_END 11.394 +INFO:pyaf.std:TRAINING_ENGINE_END 2.421 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2002-03-10T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal_0.01' Length=1012 Min=1.678276 Max=2.253814 Mean=1.961523 StdDev=0.162253 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal_0.01' Min=0.0 Max=1.0 Mean=0.492143 StdDev=0.281915 @@ -44,11 +44,8 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal_0.01' 0 {'Transformation': ' INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal_0.01' INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) -INFO:pyaf.std:FORECASTING_ENGINE_END 1.216 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.249 TRYING_TO_LOAD_RANDOM_DATASET Signal_1024_D_0_poly_7_None_0.0_20 data/ARTIFICIAL_DATA/1024/Signal_1024_D_0_poly_7_None_0.0_20 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_1024_D_0_poly_7_None_0.0_20 -GENERATING_RANDOM_DATASET Signal_1024_D_0_poly_7_None_0.0_20 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 Forecast Columns Index(['Date', 'Signal_0.01', 'Signal_0.01_scaled', '_Signal_0.01', 'row_number', 'Date_Normalized', 'Date_Normalized_^2', 'Date_Normalized_^3', '_Signal_0.01_PolyTrend', @@ -87,30 +84,30 @@ Data columns (total 5 columns): dtypes: datetime64[ns](1), float64(4) memory usage: 40.1 KB Forecasts - [[Timestamp('2002-10-09 00:00:00') nan 1.8114379085084495 - 1.7906619085084496 1.8322139085084495] - [Timestamp('2002-10-10 00:00:00') nan 2.0175921295354553 - 1.9972081295354553 2.0379761295354553] - [Timestamp('2002-10-11 00:00:00') nan 2.2209279254669267 - 2.2007399254669266 2.241115925466927] - [Timestamp('2002-10-12 00:00:00') nan 1.9243876867638823 - 1.9041996867638822 1.9445756867638824] - [Timestamp('2002-10-13 00:00:00') nan 1.714519441518719 - 1.694331441518719 1.7347074415187191] - [Timestamp('2002-10-14 00:00:00') nan 1.922301153835565 - 1.902113153835565 1.942489153835565] - [Timestamp('2002-10-15 00:00:00') nan 2.119482169737722 - 2.099294169737722 2.1396701697377223] - [Timestamp('2002-10-16 00:00:00') nan 1.8185270827559796 - 1.7983390827559795 1.8387150827559797] - [Timestamp('2002-10-17 00:00:00') nan 2.0188407252177782 - 1.9986527252177781 2.0390287252177783] - [Timestamp('2002-10-18 00:00:00') nan 2.2294322412959375 - 2.2092442412959374 2.2496202412959376] - [Timestamp('2002-10-19 00:00:00') nan 1.9191442941892602 - 1.8989562941892602 1.9393322941892603] - [Timestamp('2002-10-20 00:00:00') nan 1.7196849731795967 - 1.6994969731795966 1.7398729731795968]] + [[Timestamp('2002-10-09 00:00:00') nan 1.811437908508451 + 1.7906619085084512 1.832213908508451] + [Timestamp('2002-10-10 00:00:00') nan 2.017592129535457 + 1.9972081295354571 2.037976129535457] + [Timestamp('2002-10-11 00:00:00') nan 2.220927925466929 + 2.200739925466929 2.241115925466929] + [Timestamp('2002-10-12 00:00:00') nan 1.9243876867638843 + 1.9041996867638842 1.9445756867638844] + [Timestamp('2002-10-13 00:00:00') nan 1.7145194415187206 + 1.6943314415187205 1.7347074415187207] + [Timestamp('2002-10-14 00:00:00') nan 1.9223011538355665 + 1.9021131538355665 1.9424891538355666] + [Timestamp('2002-10-15 00:00:00') nan 2.119482169737724 + 2.099294169737724 2.139670169737724] + [Timestamp('2002-10-16 00:00:00') nan 1.8185270827559814 + 1.7983390827559813 1.8387150827559815] + [Timestamp('2002-10-17 00:00:00') nan 2.0188407252177796 + 1.9986527252177795 2.0390287252177797] + [Timestamp('2002-10-18 00:00:00') nan 2.229432241295939 + 2.2092442412959388 2.249620241295939] + [Timestamp('2002-10-19 00:00:00') nan 1.919144294189262 + 1.898956294189262 1.9393322941892621] + [Timestamp('2002-10-20 00:00:00') nan 1.7196849731795982 + 1.6994969731795981 1.7398729731795983]] @@ -188,7 +185,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 11.394 + "Training_Time": 2.421 } @@ -200,3 +197,4 @@ Forecasts +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_21/test_artificial_1024__poly_7__20.py', 'ElapsedTimeSecs':(4.25, 0.22, 4.02), 'MAX_MEM_KB':161952, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':40, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_22/test_artificial_1024_cumsum_constant_5__20.log b/tests/references/bugs/issue_22/test_artificial_1024_cumsum_constant_5__20.log index c49619f3c..e2bdd72f0 100644 --- a/tests/references/bugs/issue_22/test_artificial_1024_cumsum_constant_5__20.log +++ b/tests/references/bugs/issue_22/test_artificial_1024_cumsum_constant_5__20.log @@ -1,7 +1,7 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) INFO:pyaf.std:AR_MODEL_ADD_EXOGENOUS 1012 32 -INFO:pyaf.std:TRAINING_ENGINE_END 8.008 +INFO:pyaf.std:TRAINING_ENGINE_END 1.833 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2002-03-10T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal_0.01' Length=1012 Min=1.381703 Max=1335.605187 Mean=668.459676 StdDev=385.623721 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='CumSum_Signal_0.01' Min=0.0 Max=505.974386 Mean=168.801733 StdDev=151.00411 @@ -14,9 +14,9 @@ INFO:pyaf.std:AUTOREG_DETAIL 'CumSum_Signal_0.01_ConstantTrend_residue_Cycle_Non INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0012, 'RMSE': 0.0695, 'MAE': 0.0385, 'MASE': 0.0292} INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0, 'RMSE': 0.0486, 'MAE': 0.0397, 'MASE': 0.0301} INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0, 'RMSE': 0.0274, 'MAE': 0.0231, 'MASE': 0.0178} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 1655698.3069, 'RMSE': 585798389.42, 'MAE': 469791159.2639, 'MASE': 355918970.4345} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 397969.0346, 'RMSE': 581334407.9857, 'MAE': 471876722.9987, 'MASE': 357626788.4708} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 186366.5583, 'RMSE': 310248454.6735, 'MAE': 247826415.4874, 'MASE': 191648266.3408} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 1655698.6086, 'RMSE': 585798501.7399, 'MAE': 469791247.851, 'MASE': 355919037.5491} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 397969.0995, 'RMSE': 581334479.8395, 'MAE': 471876799.6137, 'MASE': 357626846.5359} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 186366.5976, 'RMSE': 310248568.0524, 'MAE': 247826467.4899, 'MASE': 191648306.5552} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'M', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LMSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES Integration None @@ -40,15 +40,12 @@ INFO:pyaf.std:AR_MODEL_COEFF 9 CumSum_Signal_0.01_ConstantTrend_residue_Cycle_No INFO:pyaf.std:AR_MODEL_COEFF 10 CumSum_Signal_0.01_ConstantTrend_residue_Cycle_None_residue_Lag4 -0.426264 INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'Signal_0.01' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal_0.01' 0 {'Transformation': 'CumSum_Signal_0.01', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_Signal_0.01_ConstantTrend_residue_Cycle_None_residue_AR(64)', 'Voting': 6.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.0301, 'Forecast_MASE_2': 0.2109, 'Forecast_MASE_3': 1.5887, 'Forecast_MASE_4': 12.4287, 'Forecast_MASE_5': 99.6868, 'Forecast_MASE_6': 847.1319, 'Forecast_MASE_7': 7537.7387, 'Forecast_MASE_8': 65825.3979, 'Forecast_MASE_9': 563838.2277, 'Forecast_MASE_10': 4822322.9802, 'Forecast_MASE_11': 41351290.3148, 'Forecast_MASE_12': 357626788.4708} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal_0.01' 0 {'Transformation': 'CumSum_Signal_0.01', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_Signal_0.01_ConstantTrend_residue_Cycle_None_residue_AR(64)', 'Voting': 6.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.0301, 'Forecast_MASE_2': 0.2109, 'Forecast_MASE_3': 1.5887, 'Forecast_MASE_4': 12.4287, 'Forecast_MASE_5': 99.6868, 'Forecast_MASE_6': 847.1319, 'Forecast_MASE_7': 7537.7392, 'Forecast_MASE_8': 65825.4015, 'Forecast_MASE_9': 563838.2657, 'Forecast_MASE_10': 4822323.4102, 'Forecast_MASE_11': 41351296.0498, 'Forecast_MASE_12': 357626846.5359} INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal_0.01' INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) -INFO:pyaf.std:FORECASTING_ENGINE_END 0.684 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.2 TRYING_TO_LOAD_RANDOM_DATASET Signal_1024_D_0_constant_5_cumsum_0.0_20 data/ARTIFICIAL_DATA/1024/Signal_1024_D_0_constant_5_cumsum_0.0_20 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_1024_D_0_constant_5_cumsum_0.0_20 -GENERATING_RANDOM_DATASET Signal_1024_D_0_constant_5_cumsum_0.0_20 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 Forecast Columns Index(['Date', 'Signal_0.01', 'Signal_0.01_scaled', 'CumSum_Signal_0.01', 'row_number', 'Date_Normalized', 'CumSum_Signal_0.01_ConstantTrend', 'CumSum_Signal_0.01_ConstantTrend_residue', @@ -87,30 +84,30 @@ Data columns (total 5 columns): dtypes: datetime64[ns](1), float64(4) memory usage: 40.1 KB Forecasts - [[Timestamp('2002-10-09 00:00:00') nan 1336.9535368811203 - 1336.8582808811202 1337.0487928811203] - [Timestamp('2002-10-10 00:00:00') nan 1338.1048463544876 - 1337.4690223544876 1338.7406703544875] - [Timestamp('2002-10-11 00:00:00') nan 1339.6314650697668 - 1334.6436570697667 1344.619273069767] - [Timestamp('2002-10-12 00:00:00') nan 1340.9794779272345 - 1300.5921099272346 1381.3668459272344] - [Timestamp('2002-10-13 00:00:00') nan 1341.9264548744286 - 1009.2195908744286 1674.6333188744286] - [Timestamp('2002-10-14 00:00:00') nan 1343.2631619069587 - -1479.368314093041 4165.894637906958] - [Timestamp('2002-10-15 00:00:00') nan 1344.3924923357542 - -22936.334271664244 25625.119256335754] - [Timestamp('2002-10-16 00:00:00') nan 1345.9197352283375 - -206145.70001277165 208837.53948322835] - [Timestamp('2002-10-17 00:00:00') nan 1347.2538992195773 - -1774508.83196478 1777203.3397632195] - [Timestamp('2002-10-18 00:00:00') nan 1348.2076676721472 - -15269822.555936327 15272518.971271673] - [Timestamp('2002-10-19 00:00:00') nan 1349.5345990530116 - -131712734.03869694 131715433.10789505] - [Timestamp('2002-10-20 00:00:00') nan 1350.6706031670603 - -1139414088.9813688 1139416790.3225753]] + [[Timestamp('2002-10-09 00:00:00') nan 1336.953536880665 + 1336.858280880665 1337.0487928806651] + [Timestamp('2002-10-10 00:00:00') nan 1338.104846353881 + 1337.469022353881 1338.740670353881] + [Timestamp('2002-10-11 00:00:00') nan 1339.6314650667332 + 1334.643657066733 1344.6192730667333] + [Timestamp('2002-10-12 00:00:00') nan 1340.979477925566 + 1300.592109925566 1381.366845925566] + [Timestamp('2002-10-13 00:00:00') nan 1341.9264548739734 + 1009.2195908739734 1674.6333188739734] + [Timestamp('2002-10-14 00:00:00') nan 1343.263161906807 + -1479.3685100931925 4165.8948339068065] + [Timestamp('2002-10-15 00:00:00') nan 1344.3924923369675 + -22936.33525166303 25625.120236336963] + [Timestamp('2002-10-16 00:00:00') nan 1345.919735231978 + -206145.710596768 208837.550067232] + [Timestamp('2002-10-17 00:00:00') nan 1347.253899225493 + -1774508.9521127746 1777203.4599112256] + [Timestamp('2002-10-18 00:00:00') nan 1348.2076676812483 + -15269823.87658432 15272520.29191968] + [Timestamp('2002-10-19 00:00:00') nan 1349.5345990630226 + -131712747.96920094 131715447.03839907] + [Timestamp('2002-10-20 00:00:00') nan 1350.6706031785884 + -1139414229.8148167 1139416931.1560233]] @@ -167,28 +164,28 @@ Forecasts "12": { "AUC": 0.49, "DiffSMAPE": 2.0, - "ErrorMean": -1536762.8864, - "ErrorStdDev": 581332376.7587, + "ErrorMean": -1536763.7768, + "ErrorStdDev": 581332448.6104, "KS": 0.51, "KendallTau": -0.0038, "Length": 200, "LnQ": Infinity, - "MAE": 471876722.9987, - "MAPE": 397969.0346, - "MASE": 357626788.4708, + "MAE": 471876799.6137, + "MAPE": 397969.0995, + "MASE": 357626846.5359, "MannWhitneyU": 19600.0, - "MedAE": 392434294.7479, + "MedAE": 392434585.5781, "Pearson": -0.0021, - "R2": -58190298771952.34, - "RMSE": 581334407.9857, - "RMSSE": 435306573.1285, + "R2": -58190313156770.81, + "RMSE": 581334479.8395, + "RMSSE": 435306626.933, "SMAPE": 2.0, "Signal": "Signal_0.01_Forecast_12" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 8.008 + "Training_Time": 1.833 } @@ -196,7 +193,8 @@ Forecasts -{"Date":{"1000":"2002-09-27T00:00:00.000","1001":"2002-09-28T00:00:00.000","1002":"2002-09-29T00:00:00.000","1003":"2002-09-30T00:00:00.000","1004":"2002-10-01T00:00:00.000","1005":"2002-10-02T00:00:00.000","1006":"2002-10-03T00:00:00.000","1007":"2002-10-04T00:00:00.000","1008":"2002-10-05T00:00:00.000","1009":"2002-10-06T00:00:00.000","1010":"2002-10-07T00:00:00.000","1011":"2002-10-08T00:00:00.000","1012":"2002-10-09T00:00:00.000","1013":"2002-10-10T00:00:00.000","1014":"2002-10-11T00:00:00.000","1015":"2002-10-12T00:00:00.000","1016":"2002-10-13T00:00:00.000","1017":"2002-10-14T00:00:00.000","1018":"2002-10-15T00:00:00.000","1019":"2002-10-16T00:00:00.000","1020":"2002-10-17T00:00:00.000","1021":"2002-10-18T00:00:00.000","1022":"2002-10-19T00:00:00.000","1023":"2002-10-20T00:00:00.000"},"Signal_0.01":{"1000":1321.3807399956,"1001":1322.4053128078,"1002":1323.8178903713,"1003":1325.0052041206,"1004":1326.5896898734,"1005":1327.992897811,"1006":1329.013982189,"1007":1330.4094337475,"1008":1331.6037538788,"1009":1333.1982289887,"1010":1334.6112000992,"1011":1335.6051868022,"1012":null,"1013":null,"1014":null,"1015":null,"1016":null,"1017":null,"1018":null,"1019":null,"1020":null,"1021":null,"1022":null,"1023":null},"Signal_0.01_Forecast":{"1000":1321.3416942551,"1001":1322.3855493809,"1002":1323.8483452199,"1003":1325.0255255479,"1004":1326.574271783,"1005":1327.9722650751,"1006":1329.015880672,"1007":1330.4392741636,"1008":1331.587561576,"1009":1333.1953209809,"1010":1334.5894967408,"1011":1335.6639006958,"1012":1336.9535368811,"1013":1338.1048463545,"1014":1339.6314650698,"1015":1340.9794779272,"1016":1341.9264548744,"1017":1343.263161907,"1018":1344.3924923358,"1019":1345.9197352283,"1020":1347.2538992196,"1021":1348.2076676721,"1022":1349.534599053,"1023":1350.6706031671},"Signal_0.01_Forecast_Lower_Bound":{"1000":null,"1001":null,"1002":null,"1003":null,"1004":null,"1005":null,"1006":null,"1007":null,"1008":null,"1009":null,"1010":null,"1011":null,"1012":1336.8582808811,"1013":1337.4690223545,"1014":1334.6436570698,"1015":1300.5921099272,"1016":1009.2195908744,"1017":-1479.368314093,"1018":-22936.3342716642,"1019":-206145.7000127716,"1020":-1774508.8319647801,"1021":-15269822.5559363272,"1022":-131712734.0386969447,"1023":-1139414088.9813687801},"Signal_0.01_Forecast_Upper_Bound":{"1000":null,"1001":null,"1002":null,"1003":null,"1004":null,"1005":null,"1006":null,"1007":null,"1008":null,"1009":null,"1010":null,"1011":null,"1012":1337.0487928811,"1013":1338.7406703545,"1014":1344.6192730698,"1015":1381.3668459272,"1016":1674.6333188744,"1017":4165.894637907,"1018":25625.1192563358,"1019":208837.5394832283,"1020":1777203.3397632195,"1021":15272518.9712716732,"1022":131715433.1078950465,"1023":1139416790.3225753307}} +{"Date":{"1000":"2002-09-27T00:00:00.000","1001":"2002-09-28T00:00:00.000","1002":"2002-09-29T00:00:00.000","1003":"2002-09-30T00:00:00.000","1004":"2002-10-01T00:00:00.000","1005":"2002-10-02T00:00:00.000","1006":"2002-10-03T00:00:00.000","1007":"2002-10-04T00:00:00.000","1008":"2002-10-05T00:00:00.000","1009":"2002-10-06T00:00:00.000","1010":"2002-10-07T00:00:00.000","1011":"2002-10-08T00:00:00.000","1012":"2002-10-09T00:00:00.000","1013":"2002-10-10T00:00:00.000","1014":"2002-10-11T00:00:00.000","1015":"2002-10-12T00:00:00.000","1016":"2002-10-13T00:00:00.000","1017":"2002-10-14T00:00:00.000","1018":"2002-10-15T00:00:00.000","1019":"2002-10-16T00:00:00.000","1020":"2002-10-17T00:00:00.000","1021":"2002-10-18T00:00:00.000","1022":"2002-10-19T00:00:00.000","1023":"2002-10-20T00:00:00.000"},"Signal_0.01":{"1000":1321.3807399956,"1001":1322.4053128078,"1002":1323.8178903713,"1003":1325.0052041206,"1004":1326.5896898734,"1005":1327.992897811,"1006":1329.013982189,"1007":1330.4094337475,"1008":1331.6037538788,"1009":1333.1982289887,"1010":1334.6112000992,"1011":1335.6051868022,"1012":null,"1013":null,"1014":null,"1015":null,"1016":null,"1017":null,"1018":null,"1019":null,"1020":null,"1021":null,"1022":null,"1023":null},"Signal_0.01_Forecast":{"1000":1321.3416942531,"1001":1322.385549385,"1002":1323.8483452163,"1003":1325.0255255501,"1004":1326.574271781,"1005":1327.9722650761,"1006":1329.0158806697,"1007":1330.4392741665,"1008":1331.5875615739,"1009":1333.1953209836,"1010":1334.5894967392,"1011":1335.6639006954,"1012":1336.9535368807,"1013":1338.1048463539,"1014":1339.6314650667,"1015":1340.9794779256,"1016":1341.926454874,"1017":1343.2631619068,"1018":1344.392492337,"1019":1345.919735232,"1020":1347.2538992255,"1021":1348.2076676812,"1022":1349.534599063,"1023":1350.6706031786},"Signal_0.01_Forecast_Lower_Bound":{"1000":null,"1001":null,"1002":null,"1003":null,"1004":null,"1005":null,"1006":null,"1007":null,"1008":null,"1009":null,"1010":null,"1011":null,"1012":1336.8582808807,"1013":1337.4690223539,"1014":1334.6436570667,"1015":1300.5921099256,"1016":1009.219590874,"1017":-1479.3685100932,"1018":-22936.335251663,"1019":-206145.710596768,"1020":-1774508.9521127746,"1021":-15269823.8765843194,"1022":-131712747.9692009389,"1023":-1139414229.8148167133},"Signal_0.01_Forecast_Upper_Bound":{"1000":null,"1001":null,"1002":null,"1003":null,"1004":null,"1005":null,"1006":null,"1007":null,"1008":null,"1009":null,"1010":null,"1011":null,"1012":1337.0487928807,"1013":1338.7406703539,"1014":1344.6192730667,"1015":1381.3668459256,"1016":1674.633318874,"1017":4165.8948339068,"1018":25625.120236337,"1019":208837.550067232,"1020":1777203.4599112256,"1021":15272520.2919196803,"1022":131715447.0383990705,"1023":1139416931.1560232639}} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_22/test_artificial_1024_cumsum_constant_5__20.py', 'ElapsedTimeSecs':(3.59, 0.22, 3.37), 'MAX_MEM_KB':160684, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':32, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_29/test_mem_1.log b/tests/references/bugs/issue_29/test_mem_1.log index 7824b3fa3..c8c49ac9e 100644 --- a/tests/references/bugs/issue_29/test_mem_1.log +++ b/tests/references/bugs/issue_29/test_mem_1.log @@ -1,46 +1,46 @@ DISPLAY_USED_MEM_START -function 13485 -tuple 5591 -dict 5026 -cell 3132 -wrapper_descriptor 2856 -method_descriptor 2512 -ReferenceType 2205 -builtin_function_or_method 2135 -getset_descriptor 2117 -list 1835 -property 1102 -type 1094 -module 606 -ModuleSpec 603 -member_descriptor 546 -fused_cython_function 534 -SourceFileLoader 474 -classmethod 395 -frozenset 328 -set 316 +function 13819 +tuple 6229 +dict 5303 +wrapper_descriptor 2767 +cell 2419 +ReferenceType 2323 +getset_descriptor 2132 +method_descriptor 2109 +list 1962 +builtin_function_or_method 1770 +cython_function_or_method 1222 +type 1159 +property 1136 +module 653 +ModuleSpec 649 +member_descriptor 554 +SourceFileLoader 517 +fused_cython_function 493 +classmethod 458 +set 398 DISPLAY_USED_MEM_END DISPLAY_USED_MEM_START -function 13647 -tuple 5547 -dict 5050 -cell 3133 -wrapper_descriptor 2856 -method_descriptor 2512 -ReferenceType 2219 -getset_descriptor 2140 -builtin_function_or_method 2135 -list 1856 -type 1108 -property 1102 -module 616 -ModuleSpec 613 -member_descriptor 546 -fused_cython_function 534 -SourceFileLoader 484 -classmethod 395 -frozenset 328 -set 322 +function 13982 +tuple 6085 +dict 5326 +wrapper_descriptor 2767 +cell 2420 +ReferenceType 2337 +getset_descriptor 2155 +method_descriptor 2109 +list 1983 +builtin_function_or_method 1770 +cython_function_or_method 1222 +type 1173 +property 1136 +module 663 +ModuleSpec 659 +member_descriptor 554 +SourceFileLoader 527 +fused_cython_function 493 +classmethod 458 +set 404 DISPLAY_USED_MEM_END Month Ozone Time 0 1955-01 2.7 1955-01-01 @@ -49,26 +49,26 @@ DISPLAY_USED_MEM_END 3 1955-04 5.0 1955-04-01 4 1955-05 6.5 1955-05-01 DISPLAY_USED_MEM_START -function 14297 -tuple 5837 -dict 5486 -cell 3169 -wrapper_descriptor 2871 -method_descriptor 2545 -ReferenceType 2482 -getset_descriptor 2228 -builtin_function_or_method 2204 -list 1966 -property 1333 -type 1228 -module 642 -ModuleSpec 639 -member_descriptor 546 -fused_cython_function 534 -SourceFileLoader 509 -classmethod 401 -set 378 -frozenset 331 +function 14674 +tuple 6423 +dict 5847 +wrapper_descriptor 2808 +ReferenceType 2600 +cell 2458 +getset_descriptor 2250 +method_descriptor 2194 +list 2105 +builtin_function_or_method 1859 +property 1432 +type 1299 +cython_function_or_method 1222 +module 692 +ModuleSpec 688 +member_descriptor 559 +SourceFileLoader 553 +fused_cython_function 493 +classmethod 464 +set 461 DISPLAY_USED_MEM_END RangeIndex: 204 entries, 0 to 203 @@ -81,25 +81,25 @@ Data columns (total 3 columns): dtypes: datetime64[ns](1), float64(1), object(1) memory usage: 4.9+ KB DISPLAY_USED_MEM_START -function 14297 -tuple 5837 -dict 5496 -cell 3169 -wrapper_descriptor 2871 -ReferenceType 2549 -method_descriptor 2545 -builtin_function_or_method 2263 -getset_descriptor 2228 -list 1969 -property 1333 -type 1228 -module 642 -ModuleSpec 639 -member_descriptor 546 -fused_cython_function 534 -SourceFileLoader 509 -classmethod 401 -set 380 -frozenset 331 +function 14674 +tuple 6423 +dict 5857 +wrapper_descriptor 2808 +ReferenceType 2627 +cell 2458 +getset_descriptor 2250 +method_descriptor 2194 +list 2108 +builtin_function_or_method 1878 +property 1432 +type 1299 +cython_function_or_method 1222 +module 692 +ModuleSpec 688 +member_descriptor 559 +SourceFileLoader 553 +fused_cython_function 493 +classmethod 464 +set 462 DISPLAY_USED_MEM_END -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_29/test_mem_1.py', 'ElapsedTimeSecs':(2.58, 0.12, 0.64), 'MAX_MEM_KB':73928, 'CPU_PRCNT':'29%', 'FILES_IN':8, 'FILES_OUT':8, 'EXIT_STATUS':0} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_29/test_mem_1.py', 'ElapsedTimeSecs':(0.88, 0.07, 0.76), 'MAX_MEM_KB':79656, 'CPU_PRCNT':'95%', 'FILES_IN':0, 'FILES_OUT':8, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_32/bug_test_ozone_heroku_1_ws.log b/tests/references/bugs/issue_32/bug_test_ozone_heroku_1_ws.log index 00e7e0f5e..f258a6c51 100644 --- a/tests/references/bugs/issue_32/bug_test_ozone_heroku_1_ws.log +++ b/tests/references/bugs/issue_32/bug_test_ozone_heroku_1_ws.log @@ -1,3 +1,5 @@ +/home/antoine/dev/python/packages/timeseries/pyaf/tests/bugs/issue_32/bug_test_ozone_heroku_1_ws.py:16: DeprecationWarning: 'urllib3[secure]' extra is deprecated and will be removed in urllib3 v2.1.0. Read more in this issue: https://github.com/urllib3/urllib3/issues/2680 + import json, urllib3 @@ -25,3 +27,4 @@ +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_32/bug_test_ozone_heroku_1_ws.py', 'ElapsedTimeSecs':(0.22, 0.02, 0.13), 'MAX_MEM_KB':21696, 'CPU_PRCNT':'68%', 'FILES_IN':0, 'FILES_OUT':8, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_34/issue_34.log b/tests/references/bugs/issue_34/issue_34.log index ce082a1a3..05b6f986b 100644 --- a/tests/references/bugs/issue_34/issue_34.log +++ b/tests/references/bugs/issue_34/issue_34.log @@ -1,7 +1,7 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) INFO:pyaf.std:AR_MODEL_ADD_EXOGENOUS 1012 338 -INFO:pyaf.std:TRAINING_ENGINE_END 10.529 +INFO:pyaf.std:TRAINING_ENGINE_END 2.93 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2002-03-10T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal_0.01' Length=1012 Min=0.008048 Max=2.627837 Mean=1.841715 StdDev=0.603975 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal_0.01' Min=0.0 Max=1.0 Mean=0.699929 StdDev=0.230543 @@ -61,7 +61,7 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal_0.01' 0 {'Transformation': ' INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal_0.01' INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) -INFO:pyaf.std:FORECASTING_ENGINE_END 1.917 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.557 TRYING_TO_LOAD_RANDOM_DATASET Signal_1024_D_0_constant_12_log_0.0_100 data/ARTIFICIAL_DATA/1024/Signal_1024_D_0_constant_12_log_0.0_100 Forecast Columns Index(['Date', 'Signal_0.01', 'Signal_0.01_scaled', '_Signal_0.01', 'row_number', 'Date_Normalized', '_Signal_0.01_ConstantTrend', @@ -88,30 +88,30 @@ Data columns (total 5 columns): dtypes: datetime64[ns](1), float64(4) memory usage: 40.1 KB Forecasts - [[Timestamp('2002-10-09 00:00:00') nan 2.550360037610874 - 2.502144037610874 2.598576037610874] - [Timestamp('2002-10-10 00:00:00') nan 2.5528236922589516 - 2.4724636922589514 2.6331836922589518] - [Timestamp('2002-10-11 00:00:00') nan 2.5604013014868547 - 2.446525301486855 2.6742773014868546] - [Timestamp('2002-10-12 00:00:00') nan 2.5810929022451687 - 2.431152902245169 2.7310329022451687] - [Timestamp('2002-10-13 00:00:00') nan 2.5656832344517384 - 2.3769352344517385 2.7544312344517383] - [Timestamp('2002-10-14 00:00:00') nan 2.583182278226516 - 2.3375942782265158 2.828770278226516] - [Timestamp('2002-10-15 00:00:00') nan 2.580174140058407 - 2.248542140058407 2.911806140058407] - [Timestamp('2002-10-16 00:00:00') nan 2.5973752984361727 - 2.1338352984361726 3.0609152984361727] - [Timestamp('2002-10-17 00:00:00') nan 2.549724933051772 - 1.8743089330517722 3.2251409330517724] - [Timestamp('2002-10-18 00:00:00') nan 2.569600586306572 - 1.501204586306572 3.6379965863065724] - [Timestamp('2002-10-19 00:00:00') nan 2.5878300570867743 - 0.7413140570867742 4.434346057086774] - [Timestamp('2002-10-20 00:00:00') nan 2.547364134972351 - -0.8502958650276491 5.945024134972352]] + [[Timestamp('2002-10-09 00:00:00') nan 2.550360037610877 + 2.502144037610877 2.598576037610877] + [Timestamp('2002-10-10 00:00:00') nan 2.5528236922589533 + 2.472463692258953 2.6331836922589535] + [Timestamp('2002-10-11 00:00:00') nan 2.560401301486856 + 2.446525301486856 2.674277301486856] + [Timestamp('2002-10-12 00:00:00') nan 2.58109290224517 2.43115290224517 + 2.73103290224517] + [Timestamp('2002-10-13 00:00:00') nan 2.5656832344517393 + 2.3769352344517394 2.754431234451739] + [Timestamp('2002-10-14 00:00:00') nan 2.583182278226518 + 2.337594278226518 2.8287702782265183] + [Timestamp('2002-10-15 00:00:00') nan 2.5801741400584084 + 2.2485421400584085 2.9118061400584083] + [Timestamp('2002-10-16 00:00:00') nan 2.5973752984361758 + 2.1338352984361757 3.060915298436176] + [Timestamp('2002-10-17 00:00:00') nan 2.549724933051774 + 1.874308933051774 3.225140933051774] + [Timestamp('2002-10-18 00:00:00') nan 2.5696005863065756 + 1.5012045863065755 3.637996586306576] + [Timestamp('2002-10-19 00:00:00') nan 2.5878300570867765 + 0.7413140570867764 4.434346057086777] + [Timestamp('2002-10-20 00:00:00') nan 2.5473641349723533 + -0.8502958650276469 5.945024134972353]] @@ -328,7 +328,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 10.529 + "Training_Time": 2.93 } @@ -340,3 +340,4 @@ Forecasts +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_34/issue_34.py', 'ElapsedTimeSecs':(5.29, 0.25, 5.04), 'MAX_MEM_KB':164300, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':48, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_34/issue_34_1.log b/tests/references/bugs/issue_34/issue_34_1.log index 5cd7d1fa8..2737d1e13 100644 --- a/tests/references/bugs/issue_34/issue_34_1.log +++ b/tests/references/bugs/issue_34/issue_34_1.log @@ -1,8 +1,8 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal_0.5'], 'Horizons': {'Signal_0.5': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 8.291 +INFO:pyaf.std:TRAINING_ENGINE_END 2.785 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2002-03-10T00:00:00.000000 TimeDelta= Horizon=12 -INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal_0.5' Length=1012 Min=-0.501615 Max=4.437303 Mean=1.854896 StdDev=0.767955 -INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal_0.5' Min=0.0 Max=1.0 Mean=0.477131 StdDev=0.155491 +INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal_0.5' Length=1012 Min=-0.867041 Max=3.918347 Mean=1.821954 StdDev=0.778959 +INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal_0.5' Min=0.0 Max=1.0 Mean=0.561918 StdDev=0.162779 INFO:pyaf.std:EXOGENOUS_DATA ['exog_1', 'exog_2', 'exog_3', 'exog_4', 'exog_5', 'exog_6', 'exog_7', 'exog_8', 'exog_9', 'exog_10', 'exog_11', 'exog_12', 'exog_13', 'exog_14', 'exog_15', 'exog_16', 'exog_17', 'exog_18', 'exog_19', 'exog_20', 'exog_21', 'exog_22', 'exog_23', 'exog_24', 'exog_25', 'exog_26', 'exog_27', 'exog_28', 'exog_29', 'exog_30', 'exog_31', 'exog_32', 'exog_33', 'exog_34', 'exog_35', 'exog_36', 'exog_37', 'exog_38', 'exog_39', 'exog_40', 'exog_41', 'exog_42', 'exog_43', 'exog_44', 'exog_45', 'exog_46', 'exog_47', 'exog_48', 'exog_49', 'exog_50', 'exog_51', 'exog_52', 'exog_53', 'exog_54', 'exog_55', 'exog_56', 'exog_57', 'exog_58', 'exog_59', 'exog_60', 'exog_61', 'exog_62', 'exog_63', 'exog_64', 'exog_65', 'exog_66', 'exog_67', 'exog_68', 'exog_69', 'exog_70', 'exog_71', 'exog_72', 'exog_73', 'exog_74', 'exog_75', 'exog_76', 'exog_77', 'exog_78', 'exog_79', 'exog_80', 'exog_81', 'exog_82', 'exog_83', 'exog_84', 'exog_85', 'exog_86', 'exog_87', 'exog_88', 'exog_89', 'exog_90', 'exog_91', 'exog_92', 'exog_93', 'exog_94', 'exog_95', 'exog_96', 'exog_97', 'exog_98', 'exog_99', 'exog_100'] INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' @@ -10,71 +10,70 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_Signal_0.5_LinearTrend_residue_Seasonal_DayO INFO:pyaf.std:TREND_DETAIL '_Signal_0.5_LinearTrend' [LinearTrend] INFO:pyaf.std:CYCLE_DETAIL '_Signal_0.5_LinearTrend_residue_Seasonal_DayOfWeek' [Seasonal_DayOfWeek] INFO:pyaf.std:AUTOREG_DETAIL '_Signal_0.5_LinearTrend_residue_Seasonal_DayOfWeek_residue_ARX(64)' [ARX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.7468, 'RMSE': 0.4756, 'MAE': 0.3766, 'MASE': 0.6237} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.2041, 'RMSE': 0.5664, 'MAE': 0.4468, 'MASE': 0.765} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.1787, 'RMSE': 0.4973, 'MAE': 0.3977, 'MASE': 1.2332} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.7432, 'RMSE': 0.4857, 'MAE': 0.3867, 'MASE': 0.6404} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.2098, 'RMSE': 0.5764, 'MAE': 0.4556, 'MASE': 0.7802} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.2103, 'RMSE': 0.5743, 'MAE': 0.4676, 'MASE': 1.45} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.49, 'RMSE': 0.4333, 'MAE': 0.3462, 'MASE': 0.6103} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.2484, 'RMSE': 0.665, 'MAE': 0.5282, 'MASE': 0.8762} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2827, 'RMSE': 0.7922, 'MAE': 0.6353, 'MASE': 1.115} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.5217, 'RMSE': 0.4426, 'MAE': 0.3516, 'MASE': 0.6198} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1907, 'RMSE': 0.5466, 'MAE': 0.4234, 'MASE': 0.7022} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.2057, 'RMSE': 0.5854, 'MAE': 0.4654, 'MASE': 0.8169} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:LINEAR_RIDGE_TREND LinearTrend (0.266137, array([0.354263])) +INFO:pyaf.std:LINEAR_RIDGE_TREND LinearTrend (0.331358, array([0.385502])) INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:SEASONAL_MODEL_VALUES _Signal_0.5_LinearTrend_residue_Seasonal_DayOfWeek 0.00031 {0: 0.012332, 1: -0.006652, 2: 0.01284, 3: -0.040911, 4: -0.003078, 5: 0.012578, 6: -0.004735} +INFO:pyaf.std:SEASONAL_MODEL_VALUES _Signal_0.5_LinearTrend_residue_Seasonal_DayOfWeek -0.002001 {0: -0.000386, 1: -0.008979, 2: -0.010935, 3: -0.026998, 4: -0.001656, 5: 0.003499, 6: 0.023569} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START -INFO:pyaf.std:AR_MODEL_COEFF 1 _Signal_0.5_LinearTrend_residue_Seasonal_DayOfWeek_residue_Lag47 0.076831 -INFO:pyaf.std:AR_MODEL_COEFF 2 exog_44=AK_Lag3 -0.070471 -INFO:pyaf.std:AR_MODEL_COEFF 3 exog_23=AE_Lag57 0.066021 -INFO:pyaf.std:AR_MODEL_COEFF 4 exog_13=AE_Lag50 0.06065 -INFO:pyaf.std:AR_MODEL_COEFF 5 _Signal_0.5_LinearTrend_residue_Seasonal_DayOfWeek_residue_Lag54 0.057001 -INFO:pyaf.std:AR_MODEL_COEFF 6 exog_23=AE_Lag6 0.056726 -INFO:pyaf.std:AR_MODEL_COEFF 7 _Signal_0.5_LinearTrend_residue_Seasonal_DayOfWeek_residue_Lag32 0.056707 -INFO:pyaf.std:AR_MODEL_COEFF 8 exog_13=AE_Lag8 0.056568 -INFO:pyaf.std:AR_MODEL_COEFF 9 exog_44=AK_Lag26 -0.055104 -INFO:pyaf.std:AR_MODEL_COEFF 10 _Signal_0.5_LinearTrend_residue_Seasonal_DayOfWeek_residue_Lag57 -0.053385 +INFO:pyaf.std:AR_MODEL_COEFF 1 exog_1=AC_Lag31 -0.111818 +INFO:pyaf.std:AR_MODEL_COEFF 2 _Signal_0.5_LinearTrend_residue_Seasonal_DayOfWeek_residue_Lag44 -0.087984 +INFO:pyaf.std:AR_MODEL_COEFF 3 exog_1=AC_Lag32 0.083279 +INFO:pyaf.std:AR_MODEL_COEFF 4 exog_1=AC_Lag18 -0.074576 +INFO:pyaf.std:AR_MODEL_COEFF 5 exog_1=AC_Lag16 -0.073415 +INFO:pyaf.std:AR_MODEL_COEFF 6 exog_1=AC_Lag6 -0.073094 +INFO:pyaf.std:AR_MODEL_COEFF 7 exog_1=AC_Lag37 -0.069186 +INFO:pyaf.std:AR_MODEL_COEFF 8 exog_1=AC_Lag34 0.066991 +INFO:pyaf.std:AR_MODEL_COEFF 9 exog_1=AC_Lag55 0.064821 +INFO:pyaf.std:AR_MODEL_COEFF 10 exog_1=AC_Lag29 -0.06423 INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'exog_1' {'0': 676, 'AE': 50, 'AD': 45, 'AC': 29} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'exog_1' ['exog_1=AC'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'exog_2' {'0': 679, 'AE': 43, 'AD': 41, 'AC': 33} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'exog_2' ['exog_2=AC'] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'exog_4' {'0': 675, 'AD': 45, 'AE': 38, 'AC': 22, 'AF': 20} -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'exog_4' ['exog_4=AE'] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'exog_11' {'0': 665, 'AF': 49, 'AE': 43, 'AD': 32, 'AG': 11} -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'exog_11' ['exog_11=0'] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'exog_13' {'0': 662, 'AF': 48, 'AE': 44, 'AG': 24, 'AD': 22} -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'exog_13' ['exog_13=0', 'exog_13=AE'] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'exog_17' {'0': 674, 'AE': 48, 'AF': 40, 'AG': 34} -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'exog_17' ['exog_17=0'] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'exog_23' {'0': 660, 'AF': 46, 'AG': 45, 'AH': 33, 'AE': 16} -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'exog_23' ['exog_23=AE'] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'exog_38' {'0': 671, 'AI': 47, 'AH': 38, 'AJ': 25, 'AG': 19} -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'exog_38' ['exog_38=AI'] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'exog_42' {'0': 652, 'AI': 55, 'AJ': 46, 'AH': 43} -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'exog_42' ['exog_42=0', 'exog_42=AI'] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'exog_44' {'0': 661, 'AJ': 48, 'AI': 44, 'AH': 37, 'AK': 10} -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'exog_44' ['exog_44=AI', 'exog_44=AK'] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'exog_12' {'0': 668, 'AE': 45, 'AF': 42, 'AD': 29, 'AG': 16} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'exog_12' ['exog_12=0', 'exog_12=AG'] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'exog_22' {'0': 665, 'AG': 46, 'AF': 44, 'AH': 23, 'AE': 22} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'exog_22' ['exog_22=AG'] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'exog_29' {'0': 653, 'AG': 48, 'AH': 48, 'AF': 32, 'AI': 19} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'exog_29' ['exog_29=AG'] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'exog_30' {'0': 674, 'AG': 47, 'AH': 39, 'AF': 26, 'AI': 14} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'exog_30' ['exog_30=AG'] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'exog_31' {'0': 665, 'AG': 52, 'AH': 43, 'AI': 25, 'AF': 15} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'exog_31' ['exog_31=0', 'exog_31=AG'] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'exog_32' {'0': 659, 'AG': 54, 'AH': 42, 'AI': 35, 'AF': 10} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'exog_32' ['exog_32=AG'] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'exog_36' {'0': 667, 'AI': 47, 'AH': 41, 'AG': 37, 'AJ': 8} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'exog_36' ['exog_36=0'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'exog_50' {'0': 649, 'AI': 51, 'AJ': 51, 'AK': 43, 'AH': 6} -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'exog_50' ['exog_50=AI'] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'exog_53' {'0': 669, 'AK': 49, 'AJ': 45, 'AI': 29, 'AL': 8} -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'exog_53' ['exog_53=AK'] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'exog_54' {'0': 674, 'AJ': 49, 'AK': 43, 'AI': 27, 'AL': 7} -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'exog_54' ['exog_54=AK'] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 65 ['exog_1', 'exog_3', 'exog_5', 'exog_6', 'exog_7'] ... ['exog_73', 'exog_74', 'exog_75', 'exog_76', 'exog_77'] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'exog_50' ['exog_50=AK'] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'exog_56' {'0': 674, 'AJ': 49, 'AK': 49, 'AI': 18, 'AL': 10} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'exog_56' ['exog_56=0'] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'exog_70' {'0': 757, 'AK': 32, 'AL': 11} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'exog_70' ['exog_70=0'] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'exog_71' {'0': 757, 'AK': 29, 'AL': 14} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'exog_71' ['exog_71=0'] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 64 ['exog_3', 'exog_4', 'exog_5', 'exog_6', 'exog_7'] ... ['exog_73', 'exog_74', 'exog_75', 'exog_76', 'exog_77'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 0 [] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'Signal_0.5' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal_0.5' 0 {'Transformation': '_Signal_0.5', 'DecompositionType': 'T+S+R', 'Model': '_Signal_0.5_LinearTrend_residue_Seasonal_DayOfWeek_residue_ARX(64)', 'Voting': 0, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.765, 'Forecast_MASE_2': 0.7775, 'Forecast_MASE_3': 0.7781, 'Forecast_MASE_4': 0.7799, 'Forecast_MASE_5': 0.7802, 'Forecast_MASE_6': 0.7802, 'Forecast_MASE_7': 0.7802, 'Forecast_MASE_8': 0.7802, 'Forecast_MASE_9': 0.7802, 'Forecast_MASE_10': 0.7802, 'Forecast_MASE_11': 0.7802, 'Forecast_MASE_12': 0.7802} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal_0.5' 0 {'Transformation': '_Signal_0.5', 'DecompositionType': 'T+S+R', 'Model': '_Signal_0.5_LinearTrend_residue_Seasonal_DayOfWeek_residue_ARX(64)', 'Voting': 0, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.8762, 'Forecast_MASE_2': 0.714, 'Forecast_MASE_3': 0.7783, 'Forecast_MASE_4': 0.7773, 'Forecast_MASE_5': 0.733, 'Forecast_MASE_6': 0.7873, 'Forecast_MASE_7': 0.7486, 'Forecast_MASE_8': 0.7726, 'Forecast_MASE_9': 0.7712, 'Forecast_MASE_10': 0.7365, 'Forecast_MASE_11': 0.8111, 'Forecast_MASE_12': 0.7022} INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal_0.5' INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal_0.5'], 'Horizons': {'Signal_0.5': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 3.184 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.597 TRYING_TO_LOAD_RANDOM_DATASET Signal_1024_D_0_constant_12_log_0.0_100 data/ARTIFICIAL_DATA/1024/Signal_1024_D_0_constant_12_log_0.0_100 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_1024_D_0_constant_12_log_0.0_100 -GENERATING_RANDOM_DATASET Signal_1024_D_0_constant_12_log_0.0_100 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 Forecast Columns Index(['Date', 'Signal_0.5', 'Signal_0.5_scaled', '_Signal_0.5', 'row_number', 'Date_Normalized', '_Signal_0.5_LinearTrend', '_Signal_0.5_LinearTrend_residue', @@ -99,18 +98,18 @@ dtypes: datetime64[ns](1), float64(2) memory usage: 24.1 KB None Forecasts - [[Timestamp('2002-10-09 00:00:00') nan 2.811374469490924] - [Timestamp('2002-10-10 00:00:00') nan 2.709475645359013] - [Timestamp('2002-10-11 00:00:00') nan 2.8992098041466297] - [Timestamp('2002-10-12 00:00:00') nan 2.8568925880900093] - [Timestamp('2002-10-13 00:00:00') nan 2.773644449798082] - [Timestamp('2002-10-14 00:00:00') nan 2.838081680097413] - [Timestamp('2002-10-15 00:00:00') nan 2.9730644175066376] - [Timestamp('2002-10-16 00:00:00') nan 2.944628753681201] - [Timestamp('2002-10-17 00:00:00') nan 2.614532619356523] - [Timestamp('2002-10-18 00:00:00') nan 2.863985270259361] - [Timestamp('2002-10-19 00:00:00') nan 3.0575231401504026] - [Timestamp('2002-10-20 00:00:00') nan 2.867515345400165]] + [[Timestamp('2002-10-09 00:00:00') nan 3.3867818508771883] + [Timestamp('2002-10-10 00:00:00') nan 3.3988495180864615] + [Timestamp('2002-10-11 00:00:00') nan 3.3139308871478295] + [Timestamp('2002-10-12 00:00:00') nan 3.6321953935381783] + [Timestamp('2002-10-13 00:00:00') nan 3.6142260995145494] + [Timestamp('2002-10-14 00:00:00') nan 3.682243920755273] + [Timestamp('2002-10-15 00:00:00') nan 3.1670355019419096] + [Timestamp('2002-10-16 00:00:00') nan 3.32364196021225] + [Timestamp('2002-10-17 00:00:00') nan 3.3223635822543702] + [Timestamp('2002-10-18 00:00:00') nan 3.8592825794863765] + [Timestamp('2002-10-19 00:00:00') nan 3.436531006209424] + [Timestamp('2002-10-20 00:00:00') nan 3.792055057019226]] @@ -126,25 +125,18 @@ Forecasts "Dataset": { "Exogenous_Data": { "Categorical_Variables": { - "exog_11": { - "0": 665, - "AD": 32, - "AE": 43, - "AF": 49, - "AG": 11 + "exog_1": { + "0": 676, + "AC": 29, + "AD": 45, + "AE": 50 }, - "exog_13": { - "0": 662, - "AD": 22, - "AE": 44, - "AF": 48, - "AG": 24 - }, - "exog_17": { - "0": 674, - "AE": 48, - "AF": 40, - "AG": 34 + "exog_12": { + "0": 668, + "AD": 29, + "AE": 45, + "AF": 42, + "AG": 16 }, "exog_2": { "0": 679, @@ -152,39 +144,47 @@ Forecasts "AD": 41, "AE": 43 }, - "exog_23": { - "0": 660, - "AE": 16, - "AF": 46, - "AG": 45, - "AH": 33 + "exog_22": { + "0": 665, + "AE": 22, + "AF": 44, + "AG": 46, + "AH": 23 }, - "exog_38": { - "0": 671, - "AG": 19, - "AH": 38, - "AI": 47, - "AJ": 25 + "exog_29": { + "0": 653, + "AF": 32, + "AG": 48, + "AH": 48, + "AI": 19 }, - "exog_4": { - "0": 675, - "AC": 22, - "AD": 45, - "AE": 38, - "AF": 20 + "exog_30": { + "0": 674, + "AF": 26, + "AG": 47, + "AH": 39, + "AI": 14 }, - "exog_42": { - "0": 652, + "exog_31": { + "0": 665, + "AF": 15, + "AG": 52, "AH": 43, - "AI": 55, - "AJ": 46 + "AI": 25 }, - "exog_44": { - "0": 661, - "AH": 37, - "AI": 44, - "AJ": 48, - "AK": 10 + "exog_32": { + "0": 659, + "AF": 10, + "AG": 54, + "AH": 42, + "AI": 35 + }, + "exog_36": { + "0": 667, + "AG": 37, + "AH": 41, + "AI": 47, + "AJ": 8 }, "exog_50": { "0": 649, @@ -193,57 +193,60 @@ Forecasts "AJ": 51, "AK": 43 }, - "exog_53": { - "0": 669, - "AI": 29, - "AJ": 45, - "AK": 49, - "AL": 8 - }, - "exog_54": { + "exog_56": { "0": 674, - "AI": 27, + "AI": 18, "AJ": 49, - "AK": 43, - "AL": 7 + "AK": 49, + "AL": 10 + }, + "exog_70": { + "0": 757, + "AK": 32, + "AL": 11 + }, + "exog_71": { + "0": 757, + "AK": 29, + "AL": 14 } }, "Categorical_Variables_Excluded": [ - "exog_1", "exog_3", + "exog_4", "exog_5", "exog_6", "exog_7", "exog_8", "exog_9", "exog_10", - "exog_12", + "exog_11", + "exog_13", "exog_14", "exog_15", "exog_16", + "exog_17", "exog_18", "exog_19", "exog_20", "exog_21", - "exog_22", + "exog_23", "exog_24", "exog_25", "exog_26", "exog_27", "exog_28", - "exog_29", - "exog_30", - "exog_31", - "exog_32", "exog_33", "exog_34", "exog_35", - "exog_36", "exog_37", + "exog_38", "exog_39", "exog_40", "exog_41", + "exog_42", "exog_43", + "exog_44", "exog_45", "exog_46", "exog_47", @@ -251,8 +254,9 @@ Forecasts "exog_49", "exog_51", "exog_52", + "exog_53", + "exog_54", "exog_55", - "exog_56", "exog_57", "exog_58", "exog_59", @@ -266,8 +270,6 @@ Forecasts "exog_67", "exog_68", "exog_69", - "exog_70", - "exog_71", "exog_72", "exog_73", "exog_74", @@ -276,44 +278,46 @@ Forecasts "exog_77" ], "Categorical_Variables_Usage": { - "exog_11": [ - "exog_11=0" - ], - "exog_13": [ - "exog_13=0", - "exog_13=AE" + "exog_1": [ + "exog_1=AC" ], - "exog_17": [ - "exog_17=0" + "exog_12": [ + "exog_12=0", + "exog_12=AG" ], "exog_2": [ "exog_2=AC" ], - "exog_23": [ - "exog_23=AE" + "exog_22": [ + "exog_22=AG" ], - "exog_38": [ - "exog_38=AI" + "exog_29": [ + "exog_29=AG" ], - "exog_4": [ - "exog_4=AE" + "exog_30": [ + "exog_30=AG" ], - "exog_42": [ - "exog_42=0", - "exog_42=AI" + "exog_31": [ + "exog_31=0", + "exog_31=AG" ], - "exog_44": [ - "exog_44=AI", - "exog_44=AK" + "exog_32": [ + "exog_32=AG" + ], + "exog_36": [ + "exog_36=0" ], "exog_50": [ - "exog_50=AI" + "exog_50=AK" + ], + "exog_56": [ + "exog_56=0" ], - "exog_53": [ - "exog_53=AK" + "exog_70": [ + "exog_70=0" ], - "exog_54": [ - "exog_54=AK" + "exog_71": [ + "exog_71=0" ] }, "Continuous_Variables": {}, @@ -339,51 +343,51 @@ Forecasts }, "Model_Performance": { "1": { - "AUC": 0.3661, - "DiffSMAPE": 0.1768, - "ErrorMean": 0.1457, - "ErrorStdDev": 0.5473, + "AUC": 0.3035, + "DiffSMAPE": 0.202, + "ErrorMean": 0.2996, + "ErrorStdDev": 0.5937, "KS": 0.365, - "KendallTau": -0.0076, + "KendallTau": 0.027, "Length": 200, - "LnQ": 11.5068, - "MAE": 0.4468, - "MAPE": 0.2041, - "MASE": 0.765, - "MannWhitneyU": 14643.0, - "MedAE": 0.3389, - "Pearson": -0.0445, - "R2": -0.2001, - "RMSE": 0.5664, - "RMSSE": 0.7565, - "SMAPE": 0.1804, + "LnQ": 15.3243, + "MAE": 0.5282, + "MAPE": 0.2484, + "MASE": 0.8762, + "MannWhitneyU": 12141.0, + "MedAE": 0.4643, + "Pearson": 0.026, + "R2": -0.6916, + "RMSE": 0.665, + "RMSSE": 0.8674, + "SMAPE": 0.206, "Signal": "Signal_0.5_Forecast_1" }, "12": { - "AUC": 0.3392, - "DiffSMAPE": 0.1797, - "ErrorMean": 0.1894, - "ErrorStdDev": 0.5444, - "KS": 0.385, - "KendallTau": 0.0422, + "AUC": 0.4381, + "DiffSMAPE": 0.1677, + "ErrorMean": 0.0628, + "ErrorStdDev": 0.543, + "KS": 0.28, + "KendallTau": 0.0614, "Length": 200, - "LnQ": 11.9202, - "MAE": 0.4556, - "MAPE": 0.2098, - "MASE": 0.7802, - "MannWhitneyU": 13566.0, - "MedAE": 0.3549, - "Pearson": 0.0095, - "R2": -0.2428, - "RMSE": 0.5764, - "RMSSE": 0.7699, - "SMAPE": 0.1834, + "LnQ": 10.9567, + "MAE": 0.4234, + "MAPE": 0.1907, + "MASE": 0.7022, + "MannWhitneyU": 17524.0, + "MedAE": 0.347, + "Pearson": 0.0561, + "R2": -0.1428, + "RMSE": 0.5466, + "RMSSE": 0.713, + "SMAPE": 0.1712, "Signal": "Signal_0.5_Forecast_12" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 8.291 + "Training_Time": 2.785 } @@ -391,7 +395,8 @@ Forecasts -{"Date":{"1000":"2002-09-27T00:00:00.000","1001":"2002-09-28T00:00:00.000","1002":"2002-09-29T00:00:00.000","1003":"2002-09-30T00:00:00.000","1004":"2002-10-01T00:00:00.000","1005":"2002-10-02T00:00:00.000","1006":"2002-10-03T00:00:00.000","1007":"2002-10-04T00:00:00.000","1008":"2002-10-05T00:00:00.000","1009":"2002-10-06T00:00:00.000","1010":"2002-10-07T00:00:00.000","1011":"2002-10-08T00:00:00.000","1012":"2002-10-09T00:00:00.000","1013":"2002-10-10T00:00:00.000","1014":"2002-10-11T00:00:00.000","1015":"2002-10-12T00:00:00.000","1016":"2002-10-13T00:00:00.000","1017":"2002-10-14T00:00:00.000","1018":"2002-10-15T00:00:00.000","1019":"2002-10-16T00:00:00.000","1020":"2002-10-17T00:00:00.000","1021":"2002-10-18T00:00:00.000","1022":"2002-10-19T00:00:00.000","1023":"2002-10-20T00:00:00.000"},"Signal_0.5":{"1000":1.8987594181,"1001":2.1228809418,"1002":3.0351077614,"1003":2.1566925394,"1004":2.1872042209,"1005":2.2882634598,"1006":2.7923658989,"1007":2.8167700472,"1008":2.947491261,"1009":2.5516083046,"1010":2.6964775367,"1011":2.4955691797,"1012":null,"1013":null,"1014":null,"1015":null,"1016":null,"1017":null,"1018":null,"1019":null,"1020":null,"1021":null,"1022":null,"1023":null},"Signal_0.5_Forecast":{"1000":2.7869686265,"1001":2.7745495007,"1002":2.7745248478,"1003":2.8530223932,"1004":2.8518020226,"1005":2.9966803913,"1006":2.7352961716,"1007":2.9349196462,"1008":2.9600613177,"1009":2.652465951,"1010":2.8595864643,"1011":2.9462993522,"1012":2.8113744695,"1013":2.7094756454,"1014":2.8992098041,"1015":2.8568925881,"1016":2.7736444498,"1017":2.8380816801,"1018":2.9730644175,"1019":2.9446287537,"1020":2.6145326194,"1021":2.8639852703,"1022":3.0575231402,"1023":2.8675153454}} +{"Date":{"1000":"2002-09-27T00:00:00.000","1001":"2002-09-28T00:00:00.000","1002":"2002-09-29T00:00:00.000","1003":"2002-09-30T00:00:00.000","1004":"2002-10-01T00:00:00.000","1005":"2002-10-02T00:00:00.000","1006":"2002-10-03T00:00:00.000","1007":"2002-10-04T00:00:00.000","1008":"2002-10-05T00:00:00.000","1009":"2002-10-06T00:00:00.000","1010":"2002-10-07T00:00:00.000","1011":"2002-10-08T00:00:00.000","1012":"2002-10-09T00:00:00.000","1013":"2002-10-10T00:00:00.000","1014":"2002-10-11T00:00:00.000","1015":"2002-10-12T00:00:00.000","1016":"2002-10-13T00:00:00.000","1017":"2002-10-14T00:00:00.000","1018":"2002-10-15T00:00:00.000","1019":"2002-10-16T00:00:00.000","1020":"2002-10-17T00:00:00.000","1021":"2002-10-18T00:00:00.000","1022":"2002-10-19T00:00:00.000","1023":"2002-10-20T00:00:00.000"},"Signal_0.5":{"1000":1.6181987099,"1001":2.8286643615,"1002":3.4712204916,"1003":2.8566323381,"1004":2.0755904369,"1005":2.2492891414,"1006":3.3043967876,"1007":3.0900903289,"1008":2.7635448261,"1009":2.513238895,"1010":3.1749556966,"1011":2.8379319137,"1012":null,"1013":null,"1014":null,"1015":null,"1016":null,"1017":null,"1018":null,"1019":null,"1020":null,"1021":null,"1022":null,"1023":null},"Signal_0.5_Forecast":{"1000":3.219674233,"1001":3.4835855905,"1002":3.6530154178,"1003":3.3995749021,"1004":3.4047851872,"1005":3.1382290162,"1006":3.203968839,"1007":3.2164256204,"1008":3.3862775436,"1009":3.5371839643,"1010":3.3111852656,"1011":3.2523627532,"1012":3.3867818509,"1013":3.3988495181,"1014":3.3139308871,"1015":3.6321953935,"1016":3.6142260995,"1017":3.6822439208,"1018":3.1670355019,"1019":3.3236419602,"1020":3.3223635823,"1021":3.8592825795,"1022":3.4365310062,"1023":3.792055057}} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_34/issue_34_1.py', 'ElapsedTimeSecs':(5.03, 0.20, 4.81), 'MAX_MEM_KB':164052, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':56, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_34/test_artificial_1024__poly_7_12_100.log b/tests/references/bugs/issue_34/test_artificial_1024__poly_7_12_100.log index ed290a9b9..b9f3906f3 100644 --- a/tests/references/bugs/issue_34/test_artificial_1024__poly_7_12_100.log +++ b/tests/references/bugs/issue_34/test_artificial_1024__poly_7_12_100.log @@ -1,7 +1,7 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) INFO:pyaf.std:AR_MODEL_ADD_EXOGENOUS 1012 356 -INFO:pyaf.std:TRAINING_ENGINE_END 5.927 +INFO:pyaf.std:TRAINING_ENGINE_END 2.411 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2002-03-10T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal_0.01' Length=1012 Min=2.616473 Max=5.24208 Mean=3.911541 StdDev=0.560891 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal_0.01' Min=0.0 Max=1.0 Mean=0.493245 StdDev=0.213624 @@ -45,11 +45,8 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal_0.01' 1 {'Transformation': ' INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal_0.01' INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) -INFO:pyaf.std:FORECASTING_ENGINE_END 1.168 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.25 TRYING_TO_LOAD_RANDOM_DATASET Signal_1024_D_0_poly_7_None_0.0_100 data/ARTIFICIAL_DATA/1024/Signal_1024_D_0_poly_7_None_0.0_100 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_1024_D_0_poly_7_None_0.0_100 -GENERATING_RANDOM_DATASET Signal_1024_D_0_poly_7_None_0.0_100 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 Forecast Columns Index(['Date', 'Signal_0.01', 'Signal_0.01_scaled', '_Signal_0.01', 'row_number', 'Date_Normalized', 'Date_Normalized_^2', 'Date_Normalized_^3', '_Signal_0.01_PolyTrend', @@ -88,30 +85,30 @@ Data columns (total 5 columns): dtypes: datetime64[ns](1), float64(4) memory usage: 40.1 KB Forecasts - [[Timestamp('2002-10-09 00:00:00') nan 4.309243130354049 - 4.288271130354048 4.330215130354049] - [Timestamp('2002-10-10 00:00:00') nan 4.7752675396822815 - 4.754687539682282 4.795847539682281] - [Timestamp('2002-10-11 00:00:00') nan 5.240821379150265 - 5.220437379150265 5.261205379150265] - [Timestamp('2002-10-12 00:00:00') nan 4.555730851307537 - 4.535346851307537 4.576114851307537] - [Timestamp('2002-10-13 00:00:00') nan 4.088611226188872 - 4.068227226188872 4.108995226188872] - [Timestamp('2002-10-14 00:00:00') nan 4.557652391607459 - 4.537268391607459 4.578036391607459] - [Timestamp('2002-10-15 00:00:00') nan 5.015857704189651 - 4.995473704189651 5.036241704189651] - [Timestamp('2002-10-16 00:00:00') nan 4.3267800382510035 - 4.306396038251004 4.3471640382510035] - [Timestamp('2002-10-17 00:00:00') nan 4.787091460382996 - 4.766707460382996 4.807475460382996] - [Timestamp('2002-10-18 00:00:00') nan 5.259805398424634 - 5.239421398424634 5.280189398424634] - [Timestamp('2002-10-19 00:00:00') nan 4.560951826087818 - 4.540567826087818 4.581335826087818] - [Timestamp('2002-10-20 00:00:00') nan 4.104217288466214 - 4.083833288466214 4.124601288466214]] + [[Timestamp('2002-10-09 00:00:00') nan 4.309243130354024 + 4.2882711303540235 4.330215130354024] + [Timestamp('2002-10-10 00:00:00') nan 4.775267539682258 + 4.7546875396822585 4.795847539682258] + [Timestamp('2002-10-11 00:00:00') nan 5.240821379150239 + 5.220437379150239 5.261205379150239] + [Timestamp('2002-10-12 00:00:00') nan 4.555730851307513 + 4.535346851307513 4.576114851307513] + [Timestamp('2002-10-13 00:00:00') nan 4.088611226188852 + 4.068227226188852 4.108995226188852] + [Timestamp('2002-10-14 00:00:00') nan 4.5576523916074345 + 4.537268391607435 4.5780363916074345] + [Timestamp('2002-10-15 00:00:00') nan 5.0158577041896235 + 4.9954737041896236 5.0362417041896235] + [Timestamp('2002-10-16 00:00:00') nan 4.326780038250975 + 4.306396038250975 4.347164038250975] + [Timestamp('2002-10-17 00:00:00') nan 4.7870914603829675 + 4.7667074603829676 4.8074754603829675] + [Timestamp('2002-10-18 00:00:00') nan 5.259805398424602 + 5.239421398424602 5.280189398424602] + [Timestamp('2002-10-19 00:00:00') nan 4.560951826087788 + 4.540567826087788 4.581335826087788] + [Timestamp('2002-10-20 00:00:00') nan 4.104217288466188 + 4.083833288466188 4.124601288466188]] @@ -189,7 +186,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 5.927 + "Training_Time": 2.411 } @@ -201,3 +198,4 @@ Forecasts +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_34/test_artificial_1024__poly_7_12_100.py', 'ElapsedTimeSecs':(4.34, 0.24, 4.08), 'MAX_MEM_KB':163636, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':40, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_34/test_artificial_1024_diff_poly_0__0.log b/tests/references/bugs/issue_34/test_artificial_1024_diff_poly_0__0.log index 8f9fe9cbf..c771477ab 100644 --- a/tests/references/bugs/issue_34/test_artificial_1024_diff_poly_0__0.log +++ b/tests/references/bugs/issue_34/test_artificial_1024_diff_poly_0__0.log @@ -1,6 +1,6 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) -INFO:pyaf.std:TRAINING_ENGINE_END 3.14 +INFO:pyaf.std:TRAINING_ENGINE_END 1.297 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2002-03-10T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal_0.01' Length=1012 Min=-0.03601 Max=0.981703 Mean=0.000585 StdDev=0.032373 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='Diff_Signal_0.01' Min=-0.968415 Max=0.042929 Mean=-0.000948 StdDev=0.033469 @@ -43,11 +43,8 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal_0.01' 0 {'Transformation': ' INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal_0.01' INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) -INFO:pyaf.std:FORECASTING_ENGINE_END 0.59 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.238 TRYING_TO_LOAD_RANDOM_DATASET Signal_1024_D_0_poly_0_diff_0.0_0 data/ARTIFICIAL_DATA/1024/Signal_1024_D_0_poly_0_diff_0.0_0 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_1024_D_0_poly_0_diff_0.0_0 -GENERATING_RANDOM_DATASET Signal_1024_D_0_poly_0_diff_0.0_0 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 Forecast Columns Index(['Date', 'Signal_0.01', 'Signal_0.01_scaled', 'Diff_Signal_0.01', 'row_number', 'Date_Normalized', 'Date_Normalized_^2', 'Date_Normalized_^3', 'Diff_Signal_0.01_PolyTrend', @@ -86,30 +83,30 @@ Data columns (total 5 columns): dtypes: datetime64[ns](1), float64(4) memory usage: 40.1 KB Forecasts - [[Timestamp('2002-10-09 00:00:00') nan 9.43802946809451 - 2.0578454680945093 16.81821346809451] - [Timestamp('2002-10-10 00:00:00') nan 8.395551083263816 - 7.978267083263816 8.812835083263817] - [Timestamp('2002-10-11 00:00:00') nan 8.325503643730128 - 1.052531643730128 15.59847564373013] - [Timestamp('2002-10-12 00:00:00') nan 8.217096076023507 - 7.233372076023507 9.200820076023508] - [Timestamp('2002-10-13 00:00:00') nan 7.994113748936346 - 1.2695497489363463 14.718677748936347] - [Timestamp('2002-10-14 00:00:00') nan 7.910589296811318 - 6.025069296811318 9.796109296811318] - [Timestamp('2002-10-15 00:00:00') nan 7.586280640680594 - 1.9352086406805942 13.237352640680594] - [Timestamp('2002-10-16 00:00:00') nan 7.651745911885984 - 4.484189911885983 10.819301911885983] - [Timestamp('2002-10-17 00:00:00') nan 7.454633392064011 - 3.3676413920640114 11.54162539206401] - [Timestamp('2002-10-18 00:00:00') nan 7.399143109232142 - 2.7206231092321422 12.077663109232141] - [Timestamp('2002-10-19 00:00:00') nan 7.169135535220479 - 4.472567535220479 9.86570353522048] - [Timestamp('2002-10-20 00:00:00') nan 7.173100147657008 - 0.9310881476570083 13.415112147657009]] + [[Timestamp('2002-10-09 00:00:00') nan 9.43802946809601 + 2.0578454680960103 16.818213468096012] + [Timestamp('2002-10-10 00:00:00') nan 8.395551083265214 + 7.978267083265214 8.812835083265215] + [Timestamp('2002-10-11 00:00:00') nan 8.325503643731565 + 1.052531643731565 15.598475643731565] + [Timestamp('2002-10-12 00:00:00') nan 8.217096076024982 + 7.233372076024981 9.200820076024982] + [Timestamp('2002-10-13 00:00:00') nan 7.994113748937831 + 1.2695497489378313 14.718677748937832] + [Timestamp('2002-10-14 00:00:00') nan 7.9105892968128355 + 6.025069296812836 9.796109296812835] + [Timestamp('2002-10-15 00:00:00') nan 7.586280640682105 + 1.935208640682105 13.237352640682104] + [Timestamp('2002-10-16 00:00:00') nan 7.651745911887546 + 4.484189911887546 10.819301911887546] + [Timestamp('2002-10-17 00:00:00') nan 7.454633392065582 + 3.3676413920655826 11.541625392065582] + [Timestamp('2002-10-18 00:00:00') nan 7.3991431092337425 + 2.7206231092337427 12.077663109233743] + [Timestamp('2002-10-19 00:00:00') nan 7.169135535222081 + 4.4725675352220815 9.86570353522208] + [Timestamp('2002-10-20 00:00:00') nan 7.173100147658648 + 0.9310881476586479 13.415112147658647]] @@ -187,7 +184,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 3.14 + "Training_Time": 1.297 } @@ -199,3 +196,4 @@ Forecasts +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_34/test_artificial_1024_diff_poly_0__0.py', 'ElapsedTimeSecs':(3.08, 0.21, 2.86), 'MAX_MEM_KB':147400, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':32, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_34/test_artificial_1024_diff_poly_0__100.log b/tests/references/bugs/issue_34/test_artificial_1024_diff_poly_0__100.log index b586313a9..571e776fd 100644 --- a/tests/references/bugs/issue_34/test_artificial_1024_diff_poly_0__100.log +++ b/tests/references/bugs/issue_34/test_artificial_1024_diff_poly_0__100.log @@ -1,7 +1,7 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) INFO:pyaf.std:AR_MODEL_ADD_EXOGENOUS 1012 0 -INFO:pyaf.std:TRAINING_ENGINE_END 4.19 +INFO:pyaf.std:TRAINING_ENGINE_END 1.54 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2002-03-10T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal_0.01' Length=1012 Min=-0.03601 Max=0.981703 Mean=0.000585 StdDev=0.032373 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='Diff_Signal_0.01' Min=-0.968415 Max=0.042929 Mean=-0.000948 StdDev=0.033469 @@ -45,11 +45,8 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal_0.01' 1 {'Transformation': ' INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal_0.01' INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) -INFO:pyaf.std:FORECASTING_ENGINE_END 0.624 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.215 TRYING_TO_LOAD_RANDOM_DATASET Signal_1024_D_0_poly_0_diff_0.0_100 data/ARTIFICIAL_DATA/1024/Signal_1024_D_0_poly_0_diff_0.0_100 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_1024_D_0_poly_0_diff_0.0_100 -GENERATING_RANDOM_DATASET Signal_1024_D_0_poly_0_diff_0.0_100 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 Forecast Columns Index(['Date', 'Signal_0.01', 'Signal_0.01_scaled', 'Diff_Signal_0.01', 'row_number', 'Date_Normalized', 'Date_Normalized_^2', 'Date_Normalized_^3', 'Diff_Signal_0.01_PolyTrend', @@ -88,30 +85,30 @@ Data columns (total 5 columns): dtypes: datetime64[ns](1), float64(4) memory usage: 40.1 KB Forecasts - [[Timestamp('2002-10-09 00:00:00') nan 9.43802946809451 - 2.0578454680945093 16.81821346809451] - [Timestamp('2002-10-10 00:00:00') nan 8.395551083263816 - 7.978267083263816 8.812835083263817] - [Timestamp('2002-10-11 00:00:00') nan 8.325503643730128 - 1.052531643730128 15.59847564373013] - [Timestamp('2002-10-12 00:00:00') nan 8.217096076023507 - 7.233372076023507 9.200820076023508] - [Timestamp('2002-10-13 00:00:00') nan 7.994113748936346 - 1.2695497489363463 14.718677748936347] - [Timestamp('2002-10-14 00:00:00') nan 7.910589296811318 - 6.025069296811318 9.796109296811318] - [Timestamp('2002-10-15 00:00:00') nan 7.586280640680594 - 1.9352086406805942 13.237352640680594] - [Timestamp('2002-10-16 00:00:00') nan 7.651745911885984 - 4.484189911885983 10.819301911885983] - [Timestamp('2002-10-17 00:00:00') nan 7.454633392064011 - 3.3676413920640114 11.54162539206401] - [Timestamp('2002-10-18 00:00:00') nan 7.399143109232142 - 2.7206231092321422 12.077663109232141] - [Timestamp('2002-10-19 00:00:00') nan 7.169135535220479 - 4.472567535220479 9.86570353522048] - [Timestamp('2002-10-20 00:00:00') nan 7.173100147657008 - 0.9310881476570083 13.415112147657009]] + [[Timestamp('2002-10-09 00:00:00') nan 9.43802946809601 + 2.0578454680960103 16.818213468096012] + [Timestamp('2002-10-10 00:00:00') nan 8.395551083265214 + 7.978267083265214 8.812835083265215] + [Timestamp('2002-10-11 00:00:00') nan 8.325503643731565 + 1.052531643731565 15.598475643731565] + [Timestamp('2002-10-12 00:00:00') nan 8.217096076024982 + 7.233372076024981 9.200820076024982] + [Timestamp('2002-10-13 00:00:00') nan 7.994113748937831 + 1.2695497489378313 14.718677748937832] + [Timestamp('2002-10-14 00:00:00') nan 7.9105892968128355 + 6.025069296812836 9.796109296812835] + [Timestamp('2002-10-15 00:00:00') nan 7.586280640682105 + 1.935208640682105 13.237352640682104] + [Timestamp('2002-10-16 00:00:00') nan 7.651745911887546 + 4.484189911887546 10.819301911887546] + [Timestamp('2002-10-17 00:00:00') nan 7.454633392065582 + 3.3676413920655826 11.541625392065582] + [Timestamp('2002-10-18 00:00:00') nan 7.3991431092337425 + 2.7206231092337427 12.077663109233743] + [Timestamp('2002-10-19 00:00:00') nan 7.169135535222081 + 4.4725675352220815 9.86570353522208] + [Timestamp('2002-10-20 00:00:00') nan 7.173100147658648 + 0.9310881476586479 13.415112147658647]] @@ -189,7 +186,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 4.19 + "Training_Time": 1.54 } @@ -201,3 +198,4 @@ Forecasts +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_34/test_artificial_1024_diff_poly_0__100.py', 'ElapsedTimeSecs':(3.32, 0.19, 3.12), 'MAX_MEM_KB':150628, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':40, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_34/test_artificial_1024_inv_constant_30__20.log b/tests/references/bugs/issue_34/test_artificial_1024_inv_constant_30__20.log index dc12c6ea6..da10ce256 100644 --- a/tests/references/bugs/issue_34/test_artificial_1024_inv_constant_30__20.log +++ b/tests/references/bugs/issue_34/test_artificial_1024_inv_constant_30__20.log @@ -1,7 +1,7 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) INFO:pyaf.std:AR_MODEL_ADD_EXOGENOUS 1012 81 -INFO:pyaf.std:TRAINING_ENGINE_END 5.209 +INFO:pyaf.std:TRAINING_ENGINE_END 2.021 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2002-03-10T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal_0.01' Length=1012 Min=0.531636 Max=1.022261 Mean=0.717044 StdDev=0.134377 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal_0.01' Min=0.0 Max=1.0 Mean=0.377903 StdDev=0.273889 @@ -45,11 +45,8 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal_0.01' 1 {'Transformation': ' INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal_0.01' INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) -INFO:pyaf.std:FORECASTING_ENGINE_END 0.636 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.208 TRYING_TO_LOAD_RANDOM_DATASET Signal_1024_D_0_constant_30_inv_0.0_20 data/ARTIFICIAL_DATA/1024/Signal_1024_D_0_constant_30_inv_0.0_20 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_1024_D_0_constant_30_inv_0.0_20 -GENERATING_RANDOM_DATASET Signal_1024_D_0_constant_30_inv_0.0_20 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 Forecast Columns Index(['Date', 'Signal_0.01', 'Signal_0.01_scaled', '_Signal_0.01', 'row_number', 'Date_Normalized', '_Signal_0.01_ConstantTrend', '_Signal_0.01_ConstantTrend_residue', 'cycle_internal', @@ -188,7 +185,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 5.209 + "Training_Time": 2.021 } @@ -200,3 +197,4 @@ Forecasts +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_34/test_artificial_1024_inv_constant_30__20.py', 'ElapsedTimeSecs':(3.76, 0.21, 3.54), 'MAX_MEM_KB':161728, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':32, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_34/test_artificial_1024_inv_linear_7_12_100.log b/tests/references/bugs/issue_34/test_artificial_1024_inv_linear_7_12_100.log index a53b6da33..a6860e0d2 100644 --- a/tests/references/bugs/issue_34/test_artificial_1024_inv_linear_7_12_100.log +++ b/tests/references/bugs/issue_34/test_artificial_1024_inv_linear_7_12_100.log @@ -1,7 +1,7 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) INFO:pyaf.std:AR_MODEL_ADD_EXOGENOUS 1012 356 -INFO:pyaf.std:TRAINING_ENGINE_END 7.106 +INFO:pyaf.std:TRAINING_ENGINE_END 3.059 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2002-03-10T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal_0.01' Length=1012 Min=0.364869 Max=0.996135 Mean=0.579217 StdDev=0.121579 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal_0.01' Min=0.0 Max=1.0 Mean=0.339552 StdDev=0.192595 @@ -75,11 +75,8 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal_0.01' 0 {'Transformation': ' INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal_0.01' INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) -INFO:pyaf.std:FORECASTING_ENGINE_END 1.377 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.599 TRYING_TO_LOAD_RANDOM_DATASET Signal_1024_D_0_linear_7_inv_0.0_100 data/ARTIFICIAL_DATA/1024/Signal_1024_D_0_linear_7_inv_0.0_100 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_1024_D_0_linear_7_inv_0.0_100 -GENERATING_RANDOM_DATASET Signal_1024_D_0_linear_7_inv_0.0_100 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 Forecast Columns Index(['Date', 'Signal_0.01', 'Signal_0.01_scaled', '_Signal_0.01', 'row_number', 'Date_Normalized', '_Signal_0.01_LinearTrend', '_Signal_0.01_LinearTrend_residue', 'cycle_internal', @@ -106,26 +103,26 @@ memory usage: 40.1 KB Forecasts [[Timestamp('2002-10-09 00:00:00') nan 0.4872012298136847 0.4605452298136847 0.5138572298136846] - [Timestamp('2002-10-10 00:00:00') nan 0.4230706273400193 - 0.3922986273400193 0.45384262734001934] - [Timestamp('2002-10-11 00:00:00') nan 0.36282770617914833 - 0.32715570617914835 0.3984997061791483] + [Timestamp('2002-10-10 00:00:00') nan 0.4230706273400196 + 0.3922986273400196 0.4538426273400196] + [Timestamp('2002-10-11 00:00:00') nan 0.3628277061791484 + 0.3271557061791484 0.39849970617914837] [Timestamp('2002-10-12 00:00:00') nan 0.45639000579526084 0.41679800579526083 0.49598200579526086] [Timestamp('2002-10-13 00:00:00') nan 0.5347264524494993 0.49258645244949933 0.5768664524494993] - [Timestamp('2002-10-14 00:00:00') nan 0.4586177947431611 - 0.4145177947431611 0.5027177947431611] - [Timestamp('2002-10-15 00:00:00') nan 0.38815989615196667 - 0.3428838961519667 0.43343589615196665] + [Timestamp('2002-10-14 00:00:00') nan 0.45861779474316117 + 0.4145177947431612 0.5027177947431611] + [Timestamp('2002-10-15 00:00:00') nan 0.3881598961519668 + 0.3428838961519668 0.43343589615196676] [Timestamp('2002-10-16 00:00:00') nan 0.49101815431741397 0.44476215431741395 0.537274154317414] - [Timestamp('2002-10-17 00:00:00') nan 0.419529155559566 - 0.37248915555956597 0.466569155559566] - [Timestamp('2002-10-18 00:00:00') nan 0.3669384207417443 - 0.3193104207417443 0.4145664207417443] - [Timestamp('2002-10-19 00:00:00') nan 0.4510978201347371 - 0.4030778201347371 0.4991178201347371] + [Timestamp('2002-10-17 00:00:00') nan 0.4195291555595663 + 0.3724891555595663 0.46656915555956635] + [Timestamp('2002-10-18 00:00:00') nan 0.3669384207417444 + 0.31931042074174437 0.4145664207417444] + [Timestamp('2002-10-19 00:00:00') nan 0.4510978201347372 + 0.4030778201347372 0.4991178201347372] [Timestamp('2002-10-20 00:00:00') nan 0.5407787713736939 0.4923667713736939 0.5891907713736939]] @@ -412,7 +409,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 7.106 + "Training_Time": 3.059 } @@ -424,3 +421,4 @@ Forecasts +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_34/test_artificial_1024_inv_linear_7_12_100.py', 'ElapsedTimeSecs':(5.28, 0.17, 5.10), 'MAX_MEM_KB':163332, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':48, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_34/test_artificial_1024_log_linear_30_12_20.log b/tests/references/bugs/issue_34/test_artificial_1024_log_linear_30_12_20.log index a4d9eac20..6e6c1e35e 100644 --- a/tests/references/bugs/issue_34/test_artificial_1024_log_linear_30_12_20.log +++ b/tests/references/bugs/issue_34/test_artificial_1024_log_linear_30_12_20.log @@ -1,7 +1,7 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) INFO:pyaf.std:AR_MODEL_ADD_EXOGENOUS 1012 69 -INFO:pyaf.std:TRAINING_ENGINE_END 4.947 +INFO:pyaf.std:TRAINING_ENGINE_END 1.999 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2002-03-10T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal_0.01' Length=1012 Min=-0.018297 Max=3.491558 Mean=2.602293 StdDev=0.746335 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal_0.01' Min=0.0 Max=1.0 Mean=0.746638 StdDev=0.21264 @@ -44,11 +44,8 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal_0.01' 0 {'Transformation': ' INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal_0.01' INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) -INFO:pyaf.std:FORECASTING_ENGINE_END 0.671 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.216 TRYING_TO_LOAD_RANDOM_DATASET Signal_1024_D_0_linear_30_log_0.0_20 data/ARTIFICIAL_DATA/1024/Signal_1024_D_0_linear_30_log_0.0_20 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_1024_D_0_linear_30_log_0.0_20 -GENERATING_RANDOM_DATASET Signal_1024_D_0_linear_30_log_0.0_20 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 Forecast Columns Index(['Date', 'Signal_0.01', 'Signal_0.01_scaled', '_Signal_0.01', 'row_number', 'Date_Normalized', '_Signal_0.01_LinearTrend', '_Signal_0.01_LinearTrend_residue', @@ -90,25 +87,25 @@ Forecasts 3.442861768198014 3.559285768198014] [Timestamp('2002-10-10 00:00:00') nan 3.518789817439688 3.417065817439688 3.620513817439688] - [Timestamp('2002-10-11 00:00:00') nan 3.5228302524194506 - 3.3668142524194504 3.6788462524194507] - [Timestamp('2002-10-12 00:00:00') nan 3.564404758104389 - 3.339004758104389 3.789804758104389] + [Timestamp('2002-10-11 00:00:00') nan 3.5228302524194515 + 3.3668142524194513 3.6788462524194516] + [Timestamp('2002-10-12 00:00:00') nan 3.56440475810439 3.33900475810439 + 3.78980475810439] [Timestamp('2002-10-13 00:00:00') nan 3.5535278470701948 3.1668198470701947 3.940235847070195] - [Timestamp('2002-10-14 00:00:00') nan 3.565965139691534 - 2.659661139691534 4.472269139691534] - [Timestamp('2002-10-15 00:00:00') nan 3.5549374160109024 - 1.1204214160109025 5.989453416010902] + [Timestamp('2002-10-14 00:00:00') nan 3.5659651396915337 + 2.6596611396915337 4.472269139691534] + [Timestamp('2002-10-15 00:00:00') nan 3.5549374160109015 + 1.1204214160109016 5.989453416010901] [Timestamp('2002-10-16 00:00:00') nan 3.599131968762257 -3.005088031237743 10.203351968762256] - [Timestamp('2002-10-17 00:00:00') nan 3.6005048702046647 - -14.450115129795334 21.65112487020466] - [Timestamp('2002-10-18 00:00:00') nan 3.614115901017365 + [Timestamp('2002-10-17 00:00:00') nan 3.600504870204664 + -14.450115129795336 21.65112487020466] + [Timestamp('2002-10-18 00:00:00') nan 3.614115901017364 -46.784736098982634 54.01296790101736] - [Timestamp('2002-10-19 00:00:00') nan 3.6193644863096046 + [Timestamp('2002-10-19 00:00:00') nan 3.6193644863096037 -139.76776751369042 147.0064964863096] - [Timestamp('2002-10-20 00:00:00') nan 3.644720964019004 + [Timestamp('2002-10-20 00:00:00') nan 3.644720964019005 -406.46979503598095 413.759236964019]] @@ -187,7 +184,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 4.947 + "Training_Time": 1.999 } @@ -199,3 +196,4 @@ Forecasts +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_34/test_artificial_1024_log_linear_30_12_20.py', 'ElapsedTimeSecs':(3.78, 0.20, 3.56), 'MAX_MEM_KB':161688, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':32, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_34/test_artificial_1024_log_linear_5_12_100.log b/tests/references/bugs/issue_34/test_artificial_1024_log_linear_5_12_100.log index 0a3f17e62..6516a7f10 100644 --- a/tests/references/bugs/issue_34/test_artificial_1024_log_linear_5_12_100.log +++ b/tests/references/bugs/issue_34/test_artificial_1024_log_linear_5_12_100.log @@ -1,7 +1,7 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) INFO:pyaf.std:AR_MODEL_ADD_EXOGENOUS 1012 337 -INFO:pyaf.std:TRAINING_ENGINE_END 7.193 +INFO:pyaf.std:TRAINING_ENGINE_END 3.063 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2002-03-10T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal_0.01' Length=1012 Min=-0.003865 Max=1.565898 Mean=1.011442 StdDev=0.356947 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal_0.01' Min=0.0 Max=1.0 Mean=0.64679 StdDev=0.227389 @@ -12,12 +12,12 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_Signal_0.01_LinearTrend_residue_Cycle_None_r INFO:pyaf.std:TREND_DETAIL '_Signal_0.01_LinearTrend' [LinearTrend] INFO:pyaf.std:CYCLE_DETAIL '_Signal_0.01_LinearTrend_residue_Cycle_None' [Cycle_None] INFO:pyaf.std:AUTOREG_DETAIL '_Signal_0.01_LinearTrend_residue_Cycle_None_residue_ARX(64)' [ARX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1336, 'RMSE': 0.0196, 'MAE': 0.012, 'MASE': 0.088} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0081, 'RMSE': 0.0145, 'MAE': 0.0116, 'MASE': 0.1475} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0057, 'RMSE': 0.0109, 'MAE': 0.0086, 'MASE': 0.1251} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.2723, 'RMSE': 0.0744, 'MAE': 0.0512, 'MASE': 0.3746} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.0332, 'RMSE': 0.0493, 'MAE': 0.0473, 'MASE': 0.6017} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0319, 'RMSE': 0.0491, 'MAE': 0.0479, 'MASE': 0.7001} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1319, 'RMSE': 0.0186, 'MAE': 0.0111, 'MASE': 0.0811} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0076, 'RMSE': 0.0138, 'MAE': 0.0109, 'MASE': 0.1383} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.006, 'RMSE': 0.0111, 'MAE': 0.0091, 'MASE': 0.1322} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.262, 'RMSE': 0.0676, 'MAE': 0.0387, 'MASE': 0.2833} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.0191, 'RMSE': 0.0307, 'MAE': 0.0273, 'MASE': 0.3469} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0163, 'RMSE': 0.0292, 'MAE': 0.0247, 'MASE': 0.3611} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None @@ -29,16 +29,16 @@ INFO:pyaf.std:CYCLE_MODEL_DETAIL_START INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _Signal_0.01_LinearTrend_residue_Cycle_None None 0.006132 {} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START -INFO:pyaf.std:AR_MODEL_COEFF 1 exog_5=AC_Lag35 8643681037975.623 -INFO:pyaf.std:AR_MODEL_COEFF 2 exog_5=AC_Lag20 -6544877243153.934 -INFO:pyaf.std:AR_MODEL_COEFF 3 exog_3=AC_Lag10 4425057139066.826 -INFO:pyaf.std:AR_MODEL_COEFF 4 exog_5=AC_Lag10 -4141414791056.1523 -INFO:pyaf.std:AR_MODEL_COEFF 5 exog_4=AC_Lag25 4041282163016.39 -INFO:pyaf.std:AR_MODEL_COEFF 6 exog_1=AC_Lag35 -3923075673129.6323 -INFO:pyaf.std:AR_MODEL_COEFF 7 exog_1=AC_Lag30 -3731529541437.591 -INFO:pyaf.std:AR_MODEL_COEFF 8 exog_1=AC_Lag45 3671277622006.637 -INFO:pyaf.std:AR_MODEL_COEFF 9 exog_5=AC_Lag15 3622554535226.096 -INFO:pyaf.std:AR_MODEL_COEFF 10 exog_2=AC_Lag30 -3554480997908.373 +INFO:pyaf.std:AR_MODEL_COEFF 1 exog_5=AC_Lag35 4537338846109.884 +INFO:pyaf.std:AR_MODEL_COEFF 2 exog_5=AC_Lag20 -4058990362004.3574 +INFO:pyaf.std:AR_MODEL_COEFF 3 exog_1=AC_Lag45 3166448170348.9717 +INFO:pyaf.std:AR_MODEL_COEFF 4 exog_2=AC_Lag45 3023144031016.986 +INFO:pyaf.std:AR_MODEL_COEFF 5 exog_1=AC_Lag30 -2982359890039.8604 +INFO:pyaf.std:AR_MODEL_COEFF 6 exog_2=AC_Lag30 -2820474651296.6846 +INFO:pyaf.std:AR_MODEL_COEFF 7 exog_2=AC_Lag20 2620817513896.1904 +INFO:pyaf.std:AR_MODEL_COEFF 8 exog_4=AC_Lag45 -2392936815017.4497 +INFO:pyaf.std:AR_MODEL_COEFF 9 exog_2=AC_Lag25 2387861025782.8496 +INFO:pyaf.std:AR_MODEL_COEFF 10 exog_5=AC_Lag5 -2308247459835.833 INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'exog_1' {'0': 701, 'AE': 57, 'AD': 30, 'AC': 12} @@ -73,15 +73,12 @@ INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 64 ['exog_6', 'exog INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 0 [] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'Signal_0.01' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal_0.01' 0 {'Transformation': '_Signal_0.01', 'DecompositionType': 'T+S+R', 'Model': '_Signal_0.01_LinearTrend_residue_Cycle_None_residue_ARX(64)', 'Voting': 6.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.1475, 'Forecast_MASE_2': 0.1569, 'Forecast_MASE_3': 0.1862, 'Forecast_MASE_4': 0.2207, 'Forecast_MASE_5': 0.2705, 'Forecast_MASE_6': 0.3101, 'Forecast_MASE_7': 0.3596, 'Forecast_MASE_8': 0.4068, 'Forecast_MASE_9': 0.4553, 'Forecast_MASE_10': 0.5034, 'Forecast_MASE_11': 0.5535, 'Forecast_MASE_12': 0.6017} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal_0.01' 0 {'Transformation': '_Signal_0.01', 'DecompositionType': 'T+S+R', 'Model': '_Signal_0.01_LinearTrend_residue_Cycle_None_residue_ARX(64)', 'Voting': 6.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.1383, 'Forecast_MASE_2': 0.1366, 'Forecast_MASE_3': 0.1428, 'Forecast_MASE_4': 0.1577, 'Forecast_MASE_5': 0.1781, 'Forecast_MASE_6': 0.1979, 'Forecast_MASE_7': 0.2188, 'Forecast_MASE_8': 0.242, 'Forecast_MASE_9': 0.2653, 'Forecast_MASE_10': 0.2903, 'Forecast_MASE_11': 0.3169, 'Forecast_MASE_12': 0.3469} INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal_0.01' INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) -INFO:pyaf.std:FORECASTING_ENGINE_END 1.42 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.633 TRYING_TO_LOAD_RANDOM_DATASET Signal_1024_D_0_linear_5_log_0.0_100 data/ARTIFICIAL_DATA/1024/Signal_1024_D_0_linear_5_log_0.0_100 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_1024_D_0_linear_5_log_0.0_100 -GENERATING_RANDOM_DATASET Signal_1024_D_0_linear_5_log_0.0_100 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 Forecast Columns Index(['Date', 'Signal_0.01', 'Signal_0.01_scaled', '_Signal_0.01', 'row_number', 'Date_Normalized', '_Signal_0.01_LinearTrend', '_Signal_0.01_LinearTrend_residue', @@ -107,30 +104,30 @@ Data columns (total 5 columns): dtypes: datetime64[ns](1), float64(4) memory usage: 40.1 KB Forecasts - [[Timestamp('2002-10-09 00:00:00') nan 1.5366906824079114 - 1.5082706824079115 1.5651106824079113] - [Timestamp('2002-10-10 00:00:00') nan 1.4924057128526245 - 1.4630057128526244 1.5218057128526246] - [Timestamp('2002-10-11 00:00:00') nan 1.5723346517399137 - 1.5376426517399138 1.6070266517399137] - [Timestamp('2002-10-12 00:00:00') nan 1.5377727206621024 - 1.4985727206621025 1.5769727206621023] - [Timestamp('2002-10-13 00:00:00') nan 1.446431956891368 - 1.398803956891368 1.494059956891368] - [Timestamp('2002-10-14 00:00:00') nan 1.5479682831373318 - 1.4950482831373317 1.600888283137332] - [Timestamp('2002-10-15 00:00:00') nan 1.495897266495736 - 1.434941266495736 1.556853266495736] - [Timestamp('2002-10-16 00:00:00') nan 1.5776926621414624 - 1.5104646621414624 1.6449206621414625] - [Timestamp('2002-10-17 00:00:00') nan 1.5420268900119745 - 1.4669588900119745 1.6170948900119744] - [Timestamp('2002-10-18 00:00:00') nan 1.456262946712418 - 1.374334946712418 1.538190946712418] - [Timestamp('2002-10-19 00:00:00') nan 1.552580534788098 - 1.4630085347880981 1.642152534788098] - [Timestamp('2002-10-20 00:00:00') nan 1.5106525612276822 - 1.4140245612276823 1.6072805612276821]] + [[Timestamp('2002-10-09 00:00:00') nan 1.539942768285637 + 1.512894768285637 1.566990768285637] + [Timestamp('2002-10-10 00:00:00') nan 1.4886050969932028 + 1.4629290969932027 1.5142810969932028] + [Timestamp('2002-10-11 00:00:00') nan 1.5698984548510746 + 1.5430464548510745 1.5967504548510747] + [Timestamp('2002-10-12 00:00:00') nan 1.5370906211691968 + 1.5076906211691967 1.566490621169197] + [Timestamp('2002-10-13 00:00:00') nan 1.4475712752372532 + 1.4150352752372533 1.480107275237253] + [Timestamp('2002-10-14 00:00:00') nan 1.5458531772036515 + 1.5099851772036514 1.5817211772036515] + [Timestamp('2002-10-15 00:00:00') nan 1.4931500765681265 + 1.4533620765681265 1.5329380765681264] + [Timestamp('2002-10-16 00:00:00') nan 1.5752805104785552 + 1.5313765104785553 1.6191845104785552] + [Timestamp('2002-10-17 00:00:00') nan 1.5413204796802114 + 1.4934964796802113 1.5891444796802114] + [Timestamp('2002-10-18 00:00:00') nan 1.4526251399636403 + 1.4008811399636403 1.5043691399636403] + [Timestamp('2002-10-19 00:00:00') nan 1.5527031501095465 + 1.4970391501095466 1.6083671501095465] + [Timestamp('2002-10-20 00:00:00') nan 1.4989982437726272 + 1.4388262437726271 1.5591702437726274]] @@ -375,51 +372,51 @@ Forecasts }, "Model_Performance": { "1": { - "AUC": 0.4815, - "DiffSMAPE": 0.0078, - "ErrorMean": 0.0042, - "ErrorStdDev": 0.0139, - "KS": 0.05, - "KendallTau": 0.8676, + "AUC": 0.489, + "DiffSMAPE": 0.0073, + "ErrorMean": 0.0023, + "ErrorStdDev": 0.0136, + "KS": 0.045, + "KendallTau": 0.8694, "Length": 200, - "LnQ": 0.0204, - "MAE": 0.0116, - "MAPE": 0.0081, - "MASE": 0.1475, - "MannWhitneyU": 19261.0, - "MedAE": 0.0096, - "Pearson": 0.979, - "R2": 0.954, - "RMSE": 0.0145, - "RMSSE": 0.1721, - "SMAPE": 0.0081, + "LnQ": 0.0183, + "MAE": 0.0109, + "MAPE": 0.0076, + "MASE": 0.1383, + "MannWhitneyU": 19560.0, + "MedAE": 0.009, + "Pearson": 0.98, + "R2": 0.9587, + "RMSE": 0.0138, + "RMSSE": 0.1632, + "SMAPE": 0.0076, "Signal": "Signal_0.01_Forecast_1" }, "12": { - "AUC": 0.3148, - "DiffSMAPE": 0.0315, - "ErrorMean": 0.0473, - "ErrorStdDev": 0.0138, - "KS": 0.29, - "KendallTau": 0.8854, + "AUC": 0.3919, + "DiffSMAPE": 0.0182, + "ErrorMean": 0.0269, + "ErrorStdDev": 0.0147, + "KS": 0.225, + "KendallTau": 0.8853, "Length": 200, - "LnQ": 0.2306, - "MAE": 0.0473, - "MAPE": 0.0332, - "MASE": 0.6017, - "MannWhitneyU": 12591.0, - "MedAE": 0.0475, - "Pearson": 0.981, - "R2": 0.4688, - "RMSE": 0.0493, - "RMSSE": 0.5853, - "SMAPE": 0.0326, + "LnQ": 0.0893, + "MAE": 0.0273, + "MAPE": 0.0191, + "MASE": 0.3469, + "MannWhitneyU": 15675.0, + "MedAE": 0.027, + "Pearson": 0.9806, + "R2": 0.7943, + "RMSE": 0.0307, + "RMSSE": 0.3642, + "SMAPE": 0.0188, "Signal": "Signal_0.01_Forecast_12" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 7.193 + "Training_Time": 3.063 } @@ -427,7 +424,8 @@ Forecasts -{"Date":{"1000":"2002-09-27T00:00:00.000","1001":"2002-09-28T00:00:00.000","1002":"2002-09-29T00:00:00.000","1003":"2002-09-30T00:00:00.000","1004":"2002-10-01T00:00:00.000","1005":"2002-10-02T00:00:00.000","1006":"2002-10-03T00:00:00.000","1007":"2002-10-04T00:00:00.000","1008":"2002-10-05T00:00:00.000","1009":"2002-10-06T00:00:00.000","1010":"2002-10-07T00:00:00.000","1011":"2002-10-08T00:00:00.000","1012":"2002-10-09T00:00:00.000","1013":"2002-10-10T00:00:00.000","1014":"2002-10-11T00:00:00.000","1015":"2002-10-12T00:00:00.000","1016":"2002-10-13T00:00:00.000","1017":"2002-10-14T00:00:00.000","1018":"2002-10-15T00:00:00.000","1019":"2002-10-16T00:00:00.000","1020":"2002-10-17T00:00:00.000","1021":"2002-10-18T00:00:00.000","1022":"2002-10-19T00:00:00.000","1023":"2002-10-20T00:00:00.000"},"Signal_0.01":{"1000":1.4995794489,"1001":1.4332510428,"1002":1.5381173589,"1003":1.4814382966,"1004":1.5540476362,"1005":1.5152024968,"1006":1.445714786,"1007":1.533121171,"1008":1.4836038423,"1009":1.5658980433,"1010":1.536958051,"1011":1.4406994184,"1012":null,"1013":null,"1014":null,"1015":null,"1016":null,"1017":null,"1018":null,"1019":null,"1020":null,"1021":null,"1022":null,"1023":null},"Signal_0.01_Forecast":{"1000":1.5237182131,"1001":1.429631877,"1002":1.5197583436,"1003":1.4833472132,"1004":1.5563502616,"1005":1.5086780607,"1006":1.4381915157,"1007":1.5412505711,"1008":1.486769705,"1009":1.5638225862,"1010":1.5240598611,"1011":1.4528195985,"1012":1.5366906824,"1013":1.4924057129,"1014":1.5723346517,"1015":1.5377727207,"1016":1.4464319569,"1017":1.5479682831,"1018":1.4958972665,"1019":1.5776926621,"1020":1.54202689,"1021":1.4562629467,"1022":1.5525805348,"1023":1.5106525612},"Signal_0.01_Forecast_Lower_Bound":{"1000":null,"1001":null,"1002":null,"1003":null,"1004":null,"1005":null,"1006":null,"1007":null,"1008":null,"1009":null,"1010":null,"1011":null,"1012":1.5082706824,"1013":1.4630057129,"1014":1.5376426517,"1015":1.4985727207,"1016":1.3988039569,"1017":1.4950482831,"1018":1.4349412665,"1019":1.5104646621,"1020":1.46695889,"1021":1.3743349467,"1022":1.4630085348,"1023":1.4140245612},"Signal_0.01_Forecast_Upper_Bound":{"1000":null,"1001":null,"1002":null,"1003":null,"1004":null,"1005":null,"1006":null,"1007":null,"1008":null,"1009":null,"1010":null,"1011":null,"1012":1.5651106824,"1013":1.5218057129,"1014":1.6070266517,"1015":1.5769727207,"1016":1.4940599569,"1017":1.6008882831,"1018":1.5568532665,"1019":1.6449206621,"1020":1.61709489,"1021":1.5381909467,"1022":1.6421525348,"1023":1.6072805612}} +{"Date":{"1000":"2002-09-27T00:00:00.000","1001":"2002-09-28T00:00:00.000","1002":"2002-09-29T00:00:00.000","1003":"2002-09-30T00:00:00.000","1004":"2002-10-01T00:00:00.000","1005":"2002-10-02T00:00:00.000","1006":"2002-10-03T00:00:00.000","1007":"2002-10-04T00:00:00.000","1008":"2002-10-05T00:00:00.000","1009":"2002-10-06T00:00:00.000","1010":"2002-10-07T00:00:00.000","1011":"2002-10-08T00:00:00.000","1012":"2002-10-09T00:00:00.000","1013":"2002-10-10T00:00:00.000","1014":"2002-10-11T00:00:00.000","1015":"2002-10-12T00:00:00.000","1016":"2002-10-13T00:00:00.000","1017":"2002-10-14T00:00:00.000","1018":"2002-10-15T00:00:00.000","1019":"2002-10-16T00:00:00.000","1020":"2002-10-17T00:00:00.000","1021":"2002-10-18T00:00:00.000","1022":"2002-10-19T00:00:00.000","1023":"2002-10-20T00:00:00.000"},"Signal_0.01":{"1000":1.4995794489,"1001":1.4332510428,"1002":1.5381173589,"1003":1.4814382966,"1004":1.5540476362,"1005":1.5152024968,"1006":1.445714786,"1007":1.533121171,"1008":1.4836038423,"1009":1.5658980433,"1010":1.536958051,"1011":1.4406994184,"1012":null,"1013":null,"1014":null,"1015":null,"1016":null,"1017":null,"1018":null,"1019":null,"1020":null,"1021":null,"1022":null,"1023":null},"Signal_0.01_Forecast":{"1000":1.5178997521,"1001":1.4241642801,"1002":1.5173092384,"1003":1.4857284841,"1004":1.5541239657,"1005":1.509179021,"1006":1.4367627925,"1007":1.5377184493,"1008":1.4866165448,"1009":1.5590127444,"1010":1.5185793577,"1011":1.4489302558,"1012":1.5399427683,"1013":1.488605097,"1014":1.5698984549,"1015":1.5370906212,"1016":1.4475712752,"1017":1.5458531772,"1018":1.4931500766,"1019":1.5752805105,"1020":1.5413204797,"1021":1.45262514,"1022":1.5527031501,"1023":1.4989982438},"Signal_0.01_Forecast_Lower_Bound":{"1000":null,"1001":null,"1002":null,"1003":null,"1004":null,"1005":null,"1006":null,"1007":null,"1008":null,"1009":null,"1010":null,"1011":null,"1012":1.5128947683,"1013":1.462929097,"1014":1.5430464549,"1015":1.5076906212,"1016":1.4150352752,"1017":1.5099851772,"1018":1.4533620766,"1019":1.5313765105,"1020":1.4934964797,"1021":1.40088114,"1022":1.4970391501,"1023":1.4388262438},"Signal_0.01_Forecast_Upper_Bound":{"1000":null,"1001":null,"1002":null,"1003":null,"1004":null,"1005":null,"1006":null,"1007":null,"1008":null,"1009":null,"1010":null,"1011":null,"1012":1.5669907683,"1013":1.514281097,"1014":1.5967504549,"1015":1.5664906212,"1016":1.4801072752,"1017":1.5817211772,"1018":1.5329380766,"1019":1.6191845105,"1020":1.5891444797,"1021":1.50436914,"1022":1.6083671501,"1023":1.5591702438}} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_34/test_artificial_1024_log_linear_5_12_100.py', 'ElapsedTimeSecs':(5.31, 0.21, 5.08), 'MAX_MEM_KB':164532, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':48, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_34/test_artificial_1024_sqr_poly_5_12_20.log b/tests/references/bugs/issue_34/test_artificial_1024_sqr_poly_5_12_20.log index 5dc89940b..02132b9fe 100644 --- a/tests/references/bugs/issue_34/test_artificial_1024_sqr_poly_5_12_20.log +++ b/tests/references/bugs/issue_34/test_artificial_1024_sqr_poly_5_12_20.log @@ -1,7 +1,7 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) INFO:pyaf.std:AR_MODEL_ADD_EXOGENOUS 1012 69 -INFO:pyaf.std:TRAINING_ENGINE_END 4.919 +INFO:pyaf.std:TRAINING_ENGINE_END 2.106 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2002-03-10T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal_0.01' Length=1012 Min=0.996135 Max=22.994639 Mean=9.41876 StdDev=5.599271 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal_0.01' Min=0.0 Max=1.0 Mean=0.382873 StdDev=0.25453 @@ -44,11 +44,8 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal_0.01' 0 {'Transformation': ' INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal_0.01' INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) -INFO:pyaf.std:FORECASTING_ENGINE_END 0.61 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.232 TRYING_TO_LOAD_RANDOM_DATASET Signal_1024_D_0_poly_5_sqr_0.0_20 data/ARTIFICIAL_DATA/1024/Signal_1024_D_0_poly_5_sqr_0.0_20 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_1024_D_0_poly_5_sqr_0.0_20 -GENERATING_RANDOM_DATASET Signal_1024_D_0_poly_5_sqr_0.0_20 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 Forecast Columns Index(['Date', 'Signal_0.01', 'Signal_0.01_scaled', '_Signal_0.01', 'row_number', 'Date_Normalized', 'Date_Normalized_^2', 'Date_Normalized_^3', '_Signal_0.01_PolyTrend', @@ -87,30 +84,30 @@ Data columns (total 5 columns): dtypes: datetime64[ns](1), float64(4) memory usage: 40.1 KB Forecasts - [[Timestamp('2002-10-09 00:00:00') nan 21.39789640522309 - 21.18229640522309 21.61349640522309] - [Timestamp('2002-10-10 00:00:00') nan 19.537961235623584 - 19.465245235623584 19.610677235623584] - [Timestamp('2002-10-11 00:00:00') nan 23.286210438241667 - 23.00338243824167 23.569038438241666] - [Timestamp('2002-10-12 00:00:00') nan 21.323790061166143 - 20.938650061166143 21.708930061166143] - [Timestamp('2002-10-13 00:00:00') nan 17.82175700061606 - 16.81921700061606 18.82429700061606] - [Timestamp('2002-10-14 00:00:00') nan 21.544876639117305 - 19.085076639117304 24.004676639117307] - [Timestamp('2002-10-15 00:00:00') nan 19.68428629704574 - 13.152194297045742 26.21637829704574] - [Timestamp('2002-10-16 00:00:00') nan 23.424602728173834 - 5.149562728173834 41.699642728173835] - [Timestamp('2002-10-17 00:00:00') nan 21.464232411496013 - -29.471855588503985 72.40032041149601] - [Timestamp('2002-10-18 00:00:00') nan 17.968299754616226 - -119.84792424538378 155.78452375461623] - [Timestamp('2002-10-19 00:00:00') nan 21.689492610613012 - -344.053367389387 387.432352610613] - [Timestamp('2002-10-20 00:00:00') nan 19.82562633122043 - -945.3706896687795 985.0219423312203]] + [[Timestamp('2002-10-09 00:00:00') nan 21.397896405221633 + 21.182296405221635 21.613496405221632] + [Timestamp('2002-10-10 00:00:00') nan 19.537961235622546 + 19.465245235622547 19.610677235622546] + [Timestamp('2002-10-11 00:00:00') nan 23.286210438240392 + 23.003382438240394 23.56903843824039] + [Timestamp('2002-10-12 00:00:00') nan 21.32379006116575 + 20.93865006116575 21.70893006116575] + [Timestamp('2002-10-13 00:00:00') nan 17.82175700061578 + 16.81921700061578 18.82429700061578] + [Timestamp('2002-10-14 00:00:00') nan 21.544876639115703 + 19.085076639115705 24.0046766391157] + [Timestamp('2002-10-15 00:00:00') nan 19.684286297044622 + 13.152194297044623 26.21637829704462] + [Timestamp('2002-10-16 00:00:00') nan 23.424602728172527 + 5.149562728172526 41.69964272817253] + [Timestamp('2002-10-17 00:00:00') nan 21.4642324114956 + -29.471855588504397 72.4003204114956] + [Timestamp('2002-10-18 00:00:00') nan 17.96829975461595 + -119.84792424538406 155.78452375461595] + [Timestamp('2002-10-19 00:00:00') nan 21.689492610611378 + -344.05336738938865 387.43235261061136] + [Timestamp('2002-10-20 00:00:00') nan 19.825626331219336 + -945.3706896687805 985.0219423312193]] @@ -188,7 +185,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 4.919 + "Training_Time": 2.106 } @@ -200,3 +197,4 @@ Forecasts +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_34/test_artificial_1024_sqr_poly_5_12_20.py', 'ElapsedTimeSecs':(3.86, 0.22, 3.63), 'MAX_MEM_KB':162352, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':40, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_34/test_artificial_1024_sqrt_constant_7_12_100.log b/tests/references/bugs/issue_34/test_artificial_1024_sqrt_constant_7_12_100.log index 3281b037c..2deb6c0bf 100644 --- a/tests/references/bugs/issue_34/test_artificial_1024_sqrt_constant_7_12_100.log +++ b/tests/references/bugs/issue_34/test_artificial_1024_sqrt_constant_7_12_100.log @@ -1,7 +1,7 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) INFO:pyaf.std:AR_MODEL_ADD_EXOGENOUS 1012 356 -INFO:pyaf.std:TRAINING_ENGINE_END 9.185 +INFO:pyaf.std:TRAINING_ENGINE_END 2.901 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2002-03-10T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal_0.01' Length=1012 Min=0.988309 Max=1.624837 Mean=1.333101 StdDev=0.130774 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal_0.01' Min=0.0 Max=1.0 Mean=0.541676 StdDev=0.205449 @@ -79,11 +79,8 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal_0.01' 0 {'Transformation': ' INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal_0.01' INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) -INFO:pyaf.std:FORECASTING_ENGINE_END 1.79 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.56 TRYING_TO_LOAD_RANDOM_DATASET Signal_1024_D_0_constant_7_sqrt_0.0_100 data/ARTIFICIAL_DATA/1024/Signal_1024_D_0_constant_7_sqrt_0.0_100 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_1024_D_0_constant_7_sqrt_0.0_100 -GENERATING_RANDOM_DATASET Signal_1024_D_0_constant_7_sqrt_0.0_100 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 Forecast Columns Index(['Date', 'Signal_0.01', 'Signal_0.01_scaled', '_Signal_0.01', 'row_number', 'Date_Normalized', '_Signal_0.01_ConstantTrend', '_Signal_0.01_ConstantTrend_residue', @@ -109,28 +106,28 @@ Data columns (total 5 columns): dtypes: datetime64[ns](1), float64(4) memory usage: 40.1 KB Forecasts - [[Timestamp('2002-10-09 00:00:00') nan 1.4302427857001088 - 1.4035867857001088 1.4568987857001088] - [Timestamp('2002-10-10 00:00:00') nan 1.5298236681992687 - 1.5031676681992687 1.5564796681992688] - [Timestamp('2002-10-11 00:00:00') nan 1.6124433535777638 - 1.5836313535777637 1.6412553535777639] - [Timestamp('2002-10-12 00:00:00') nan 1.47589092056143 1.44629492056143 - 1.5054869205614299] - [Timestamp('2002-10-13 00:00:00') nan 1.3806336006613855 - 1.3488816006613855 1.4123856006613855] - [Timestamp('2002-10-14 00:00:00') nan 1.4789135436918754 - 1.4452015436918755 1.5126255436918754] - [Timestamp('2002-10-15 00:00:00') nan 1.5642801864145057 - 1.5270401864145058 1.6015201864145057] + [[Timestamp('2002-10-09 00:00:00') nan 1.4302427857001085 + 1.4035867857001085 1.4568987857001086] + [Timestamp('2002-10-10 00:00:00') nan 1.5298236681992678 + 1.5031676681992678 1.5564796681992679] + [Timestamp('2002-10-11 00:00:00') nan 1.6124433535777645 + 1.5836313535777644 1.6412553535777645] + [Timestamp('2002-10-12 00:00:00') nan 1.4758909205614301 + 1.4462949205614302 1.50548692056143] + [Timestamp('2002-10-13 00:00:00') nan 1.3806336006613849 + 1.3488816006613848 1.4123856006613849] + [Timestamp('2002-10-14 00:00:00') nan 1.4789135436918759 + 1.445201543691876 1.5126255436918759] + [Timestamp('2002-10-15 00:00:00') nan 1.5642801864145062 + 1.5270401864145062 1.601520186414506] [Timestamp('2002-10-16 00:00:00') nan 1.4299744491153699 1.38861844911537 1.4713304491153698] - [Timestamp('2002-10-17 00:00:00') nan 1.5291209280793467 - 1.4830609280793468 1.5751809280793467] - [Timestamp('2002-10-18 00:00:00') nan 1.616040422803079 - 1.5662564228030789 1.665824422803079] - [Timestamp('2002-10-19 00:00:00') nan 1.4820411186359321 - 1.428533118635932 1.5355491186359322] + [Timestamp('2002-10-17 00:00:00') nan 1.529120928079347 + 1.483060928079347 1.575180928079347] + [Timestamp('2002-10-18 00:00:00') nan 1.61604042280308 1.56625642280308 + 1.66582442280308] + [Timestamp('2002-10-19 00:00:00') nan 1.4820411186359324 + 1.4285331186359325 1.5355491186359322] [Timestamp('2002-10-20 00:00:00') nan 1.3912045012618464 1.3327965012618463 1.4496125012618464]] @@ -428,7 +425,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 9.185 + "Training_Time": 2.901 } @@ -440,3 +437,4 @@ Forecasts +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_34/test_artificial_1024_sqrt_constant_7_12_100.py', 'ElapsedTimeSecs':(5.06, 0.23, 4.82), 'MAX_MEM_KB':162644, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':48, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_34/test_artificial_1024_sqrt_linear_30_12_20.log b/tests/references/bugs/issue_34/test_artificial_1024_sqrt_linear_30_12_20.log index e117e1d1e..f29ff8fb4 100644 --- a/tests/references/bugs/issue_34/test_artificial_1024_sqrt_linear_30_12_20.log +++ b/tests/references/bugs/issue_34/test_artificial_1024_sqrt_linear_30_12_20.log @@ -1,7 +1,7 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) INFO:pyaf.std:AR_MODEL_ADD_EXOGENOUS 1012 69 -INFO:pyaf.std:TRAINING_ENGINE_END 6.201 +INFO:pyaf.std:TRAINING_ENGINE_END 2.157 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2002-03-10T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal_0.01' Length=1012 Min=0.981703 Max=5.705723 Mean=3.904188 StdDev=1.211173 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal_0.01' Min=0.0 Max=1.0 Mean=0.618644 StdDev=0.256386 @@ -44,11 +44,8 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal_0.01' 0 {'Transformation': ' INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal_0.01' INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) -INFO:pyaf.std:FORECASTING_ENGINE_END 0.533 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.235 TRYING_TO_LOAD_RANDOM_DATASET Signal_1024_D_0_linear_30_sqrt_0.0_20 data/ARTIFICIAL_DATA/1024/Signal_1024_D_0_linear_30_sqrt_0.0_20 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_1024_D_0_linear_30_sqrt_0.0_20 -GENERATING_RANDOM_DATASET Signal_1024_D_0_linear_30_sqrt_0.0_20 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 Forecast Columns Index(['Date', 'Signal_0.01', 'Signal_0.01_scaled', '_Signal_0.01', 'row_number', 'Date_Normalized', '_Signal_0.01_LinearTrend', '_Signal_0.01_LinearTrend_residue', @@ -86,24 +83,24 @@ Data columns (total 5 columns): dtypes: datetime64[ns](1), float64(4) memory usage: 40.1 KB Forecasts - [[Timestamp('2002-10-09 00:00:00') nan 5.680613845713203 - 5.637297845713203 5.723929845713203] + [[Timestamp('2002-10-09 00:00:00') nan 5.680613845713204 + 5.637297845713204 5.7239298457132035] [Timestamp('2002-10-10 00:00:00') nan 5.697435346163617 5.630795346163618 5.764075346163617] - [Timestamp('2002-10-11 00:00:00') nan 5.69650476798161 5.59772076798161 - 5.79528876798161] - [Timestamp('2002-10-12 00:00:00') nan 5.751761042288164 - 5.622793042288164 5.880729042288165] - [Timestamp('2002-10-13 00:00:00') nan 5.740438175535252 - 5.571878175535252 5.9089981755352525] - [Timestamp('2002-10-14 00:00:00') nan 5.747446029334771 - 5.528906029334771 5.965986029334771] - [Timestamp('2002-10-15 00:00:00') nan 5.735174979670596 - 5.429022979670596 6.041326979670596] - [Timestamp('2002-10-16 00:00:00') nan 5.746298626162381 - 5.285698626162381 6.206898626162381] - [Timestamp('2002-10-17 00:00:00') nan 5.742370494607906 - 5.001882494607906 6.482858494607906] + [Timestamp('2002-10-11 00:00:00') nan 5.696504767981612 + 5.5977207679816114 5.795288767981612] + [Timestamp('2002-10-12 00:00:00') nan 5.751761042288162 + 5.622793042288162 5.880729042288163] + [Timestamp('2002-10-13 00:00:00') nan 5.740438175535255 + 5.571878175535255 5.908998175535255] + [Timestamp('2002-10-14 00:00:00') nan 5.74744602933477 5.52890602933477 + 5.96598602933477] + [Timestamp('2002-10-15 00:00:00') nan 5.735174979670597 + 5.429022979670597 6.041326979670597] + [Timestamp('2002-10-16 00:00:00') nan 5.74629862616238 5.28569862616238 + 6.20689862616238] + [Timestamp('2002-10-17 00:00:00') nan 5.742370494607908 + 5.001882494607908 6.482858494607908] [Timestamp('2002-10-18 00:00:00') nan 5.759596268842041 4.531460268842041 6.987732268842041] [Timestamp('2002-10-19 00:00:00') nan 5.767824935685509 @@ -187,7 +184,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 6.201 + "Training_Time": 2.157 } @@ -199,3 +196,4 @@ Forecasts +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_34/test_artificial_1024_sqrt_linear_30_12_20.py', 'ElapsedTimeSecs':(4.03, 0.18, 3.82), 'MAX_MEM_KB':162276, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':32, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_36/issue_36_version_info.log b/tests/references/bugs/issue_36/issue_36_version_info.log index e2af9e2f3..275d481f7 100644 --- a/tests/references/bugs/issue_36/issue_36_version_info.log +++ b/tests/references/bugs/issue_36/issue_36_version_info.log @@ -5,7 +5,7 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 2 1955-03 3.6 1955-03-01 3 1955-04 5.0 1955-04-01 4 1955-05 6.5 1955-05-01 -INFO:pyaf.std:TRAINING_ENGINE_END 20.183 +INFO:pyaf.std:TRAINING_ENGINE_END 6.574 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -37,15 +37,14 @@ INFO:pyaf.std:COMPETITION_DETAIL_START 'Ozone' INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR', 'Voting': 609.8333, 'Complexity': 'SSSSS', 'Forecast_MASE_1': 0.7396, 'Forecast_MASE_2': 0.7396, 'Forecast_MASE_3': 0.7396, 'Forecast_MASE_4': 0.7396, 'Forecast_MASE_5': 0.7396, 'Forecast_MASE_6': 0.7396, 'Forecast_MASE_7': 0.7396, 'Forecast_MASE_8': 0.7396, 'Forecast_MASE_9': 0.7396, 'Forecast_MASE_10': 0.7396, 'Forecast_MASE_11': 0.7396, 'Forecast_MASE_12': 0.7396} INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 1 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_NoAR', 'Voting': 609.8333, 'Complexity': 'SSSSS', 'Forecast_MASE_1': 0.7396, 'Forecast_MASE_2': 0.7396, 'Forecast_MASE_3': 0.7396, 'Forecast_MASE_4': 0.7396, 'Forecast_MASE_5': 0.7396, 'Forecast_MASE_6': 0.7396, 'Forecast_MASE_7': 0.7396, 'Forecast_MASE_8': 0.7396, 'Forecast_MASE_9': 0.7396, 'Forecast_MASE_10': 0.7396, 'Forecast_MASE_11': 0.7396, 'Forecast_MASE_12': 0.7396} INFO:pyaf.std:COMPETITION_DETAIL_END 'Ozone' -numpy_version 1.24.2 -pandas_version 2.0.0 -pyaf_version 5.0-rc2 +numpy_version 1.26.4 +pandas_version 2.2.2 +pyaf_version 5.0 python_implementation CPython -python_version 3.11.2 -scipy_version 1.10.1 -setuptools_version 65.5.0 -sklearn_version 1.2.2 -system_platform Linux-5.15.0-1030-aws-x86_64-with-glibc2.35 -system_processor x86_64 -system_uname uname_result(system='Linux', node='3887a0fe5274', release='5.15.0-1030-aws', version='#34~20.04.1-Ubuntu SMP Tue Jan 24 15:16:46 UTC 2023', machine='x86_64') -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_36/issue_36_version_info.py', 'ElapsedTimeSecs':(25.10, 0.31, 15.89), 'MAX_MEM_KB':151456, 'CPU_PRCNT':'64%', 'FILES_IN':8, 'FILES_OUT':24, 'EXIT_STATUS':0} +python_version 3.11.9 +scipy_version 1.12.0 +sklearn_version 1.4.2 +system_platform Linux-6.8.12-amd64-x86_64-with-glibc2.38 +system_processor +system_uname uname_result(system='Linux', node='z600', release='6.8.12-amd64', version='#1 SMP PREEMPT_DYNAMIC Debian 6.8.12-1 (2024-05-31)', machine='x86_64') +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_36/issue_36_version_info.py', 'ElapsedTimeSecs':(8.27, 0.39, 21.71), 'MAX_MEM_KB':148744, 'CPU_PRCNT':'267%', 'FILES_IN':0, 'FILES_OUT':24, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_55/grouping_issue_55_notebook.log b/tests/references/bugs/issue_55/grouping_issue_55_notebook.log index b095a1b6e..5b69f5827 100644 --- a/tests/references/bugs/issue_55/grouping_issue_55_notebook.log +++ b/tests/references/bugs/issue_55/grouping_issue_55_notebook.log @@ -6,13 +6,13 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['ALSACE_BLANC_BE', 'ALSACE_BLAN {'Levels': None, 'Data': None, 'Groups': {'Country': ['GB', 'US', 'DE', 'BE', 'CN'], 'Variant': ['BLANC', 'ROUGE'], 'Wine': ['ALSACE', 'BEAUJOLAIS', 'BORDEAUX']}, 'GroupOrder': ['Wine', 'Variant', 'Country'], 'Type': 'Grouped'} {0: {'ALSACE_BLANC_BE': [], 'ALSACE_BLANC_CN': [], 'ALSACE_BLANC_DE': [], 'ALSACE_BLANC_GB': [], 'ALSACE_BLANC_US': [], 'BEAUJOLAIS_ROUGE_BE': [], 'BEAUJOLAIS_ROUGE_CN': [], 'BEAUJOLAIS_ROUGE_DE': [], 'BEAUJOLAIS_ROUGE_GB': [], 'BEAUJOLAIS_ROUGE_US': [], 'BORDEAUX_BLANC_BE': [], 'BORDEAUX_BLANC_CN': [], 'BORDEAUX_BLANC_DE': [], 'BORDEAUX_BLANC_GB': [], 'BORDEAUX_BLANC_US': [], 'BORDEAUX_ROUGE_BE': [], 'BORDEAUX_ROUGE_CN': [], 'BORDEAUX_ROUGE_DE': [], 'BORDEAUX_ROUGE_GB': [], 'BORDEAUX_ROUGE_US': []}, 1: {'_BLANC_BE': ['ALSACE_BLANC_BE', 'BORDEAUX_BLANC_BE'], '_BLANC_CN': ['ALSACE_BLANC_CN', 'BORDEAUX_BLANC_CN'], '_BLANC_DE': ['ALSACE_BLANC_DE', 'BORDEAUX_BLANC_DE'], '_BLANC_GB': ['ALSACE_BLANC_GB', 'BORDEAUX_BLANC_GB'], '_BLANC_US': ['ALSACE_BLANC_US', 'BORDEAUX_BLANC_US'], '_ROUGE_BE': ['BEAUJOLAIS_ROUGE_BE', 'BORDEAUX_ROUGE_BE'], '_ROUGE_CN': ['BEAUJOLAIS_ROUGE_CN', 'BORDEAUX_ROUGE_CN'], '_ROUGE_DE': ['BEAUJOLAIS_ROUGE_DE', 'BORDEAUX_ROUGE_DE'], '_ROUGE_GB': ['BEAUJOLAIS_ROUGE_GB', 'BORDEAUX_ROUGE_GB'], '_ROUGE_US': ['BEAUJOLAIS_ROUGE_US', 'BORDEAUX_ROUGE_US']}, 2: {'__BE': ['_BLANC_BE', '_ROUGE_BE'], '__CN': ['_BLANC_CN', '_ROUGE_CN'], '__DE': ['_BLANC_DE', '_ROUGE_DE'], '__GB': ['_BLANC_GB', '_ROUGE_GB'], '__US': ['_BLANC_US', '_ROUGE_US']}, 3: {'__': ['__BE', '__CN', '__DE', '__GB', '__US']}} -INFO:pyaf.std:TRAINING_ENGINE_END 49.68 +INFO:pyaf.std:TRAINING_ENGINE_END 10.942 INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_END INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_COMPUTE_TOP_DOWN_HISTORICAL_PROPORTIONS INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['ALSACE_BLANC_BE', 'ALSACE_BLANC_CN', 'ALSACE_BLANC_DE', 'ALSACE_BLANC_GB', 'ALSACE_BLANC_US', 'BEAUJOLAIS_ROUGE_BE', 'BEAUJOLAIS_ROUGE_CN', 'BEAUJOLAIS_ROUGE_DE', 'BEAUJOLAIS_ROUGE_GB', 'BEAUJOLAIS_ROUGE_US', 'BORDEAUX_BLANC_BE', 'BORDEAUX_BLANC_CN', 'BORDEAUX_BLANC_DE', 'BORDEAUX_BLANC_GB', 'BORDEAUX_BLANC_US', 'BORDEAUX_ROUGE_BE', 'BORDEAUX_ROUGE_CN', 'BORDEAUX_ROUGE_DE', 'BORDEAUX_ROUGE_GB', 'BORDEAUX_ROUGE_US', '_BLANC_BE', '_BLANC_CN', '_BLANC_DE', '_BLANC_GB', '_BLANC_US', '_ROUGE_BE', '_ROUGE_CN', '_ROUGE_DE', '_ROUGE_GB', '_ROUGE_US', '__BE', '__CN', '__DE', '__GB', '__US', '__'], 'Horizons': {'ALSACE_BLANC_BE': 1, 'ALSACE_BLANC_CN': 1, 'ALSACE_BLANC_DE': 1, 'ALSACE_BLANC_GB': 1, 'ALSACE_BLANC_US': 1, 'BEAUJOLAIS_ROUGE_BE': 1, 'BEAUJOLAIS_ROUGE_CN': 1, 'BEAUJOLAIS_ROUGE_DE': 1, 'BEAUJOLAIS_ROUGE_GB': 1, 'BEAUJOLAIS_ROUGE_US': 1, 'BORDEAUX_BLANC_BE': 1, 'BORDEAUX_BLANC_CN': 1, 'BORDEAUX_BLANC_DE': 1, 'BORDEAUX_BLANC_GB': 1, 'BORDEAUX_BLANC_US': 1, 'BORDEAUX_ROUGE_BE': 1, 'BORDEAUX_ROUGE_CN': 1, 'BORDEAUX_ROUGE_DE': 1, 'BORDEAUX_ROUGE_GB': 1, 'BORDEAUX_ROUGE_US': 1, '_BLANC_BE': 1, '_BLANC_CN': 1, '_BLANC_DE': 1, '_BLANC_GB': 1, '_BLANC_US': 1, '_ROUGE_BE': 1, '_ROUGE_CN': 1, '_ROUGE_DE': 1, '_ROUGE_GB': 1, '_ROUGE_US': 1, '__BE': 1, '__CN': 1, '__DE': 1, '__GB': 1, '__US': 1, '__': 1}} -INFO:pyaf.std:FORECASTING_ENGINE_END 13.486 +INFO:pyaf.std:FORECASTING_ENGINE_END 3.793 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_OPTIMAL_COMBINATION_METHOD @@ -39,8 +39,8 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ALSACE_BLANC_CN_B INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ALSACE_BLANC_CN_Forecast') {'Signal': 'ALSACE_BLANC_CN', 'Length': 36, 'MAPE': 0.4713, 'RMSE': 54029.4295, 'MAE': 43134.2783, 'SMAPE': 0.3624, 'DiffSMAPE': 0.3624, 'MASE': 0.6463, 'RMSSE': 0.6013, 'ErrorMean': 0.0, 'ErrorStdDev': 54029.4295, 'R2': 0.2231, 'Pearson': 0.4726, 'MedAE': 33362.3734, 'LnQ': 8.1315, 'KS': 0.3056, 'KendallTau': 0.2794, 'MannWhitneyU': 571.0, 'AUC': 0.4406} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ALSACE_BLANC_CN_BU_Forecast') {'Signal': 'ALSACE_BLANC_CN_BU_Forecast', 'Length': 9, 'MAPE': 0.3128, 'RMSE': 84915.6694, 'MAE': 52186.7953, 'SMAPE': 0.3869, 'DiffSMAPE': 0.3869, 'MASE': 0.4964, 'RMSSE': 0.6766, 'ErrorMean': -39805.2253, 'ErrorStdDev': 75008.0992, 'R2': -0.0529, 'Pearson': 0.4365, 'MedAE': 15069.6268, 'LnQ': 3.1684, 'KS': 0.4444, 'KendallTau': 0.3889, 'MannWhitneyU': 49.0, 'AUC': 0.6049} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ALSACE_BLANC_CN_Forecast') {'Signal': 'ALSACE_BLANC_CN', 'Length': 9, 'MAPE': 0.3128, 'RMSE': 84915.6694, 'MAE': 52186.7953, 'SMAPE': 0.3869, 'DiffSMAPE': 0.3869, 'MASE': 0.4964, 'RMSSE': 0.6766, 'ErrorMean': -39805.2253, 'ErrorStdDev': 75008.0992, 'R2': -0.0529, 'Pearson': 0.4365, 'MedAE': 15069.6268, 'LnQ': 3.1684, 'KS': 0.4444, 'KendallTau': 0.3889, 'MannWhitneyU': 49.0, 'AUC': 0.6049} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ALSACE_BLANC_CN_BU_Forecast') {'Signal': 'ALSACE_BLANC_CN_BU_Forecast', 'Length': 1, 'MAPE': 0.3794, 'RMSE': 43088.2915, 'MAE': 43088.2915, 'SMAPE': 0.4682, 'DiffSMAPE': 0.4682, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -43088.2915, 'ErrorStdDev': 0.0, 'R2': -1.8566008644331635e+19, 'Pearson': 0.0, 'MedAE': 43088.2915, 'LnQ': 0.2276, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ALSACE_BLANC_CN_Forecast') {'Signal': 'ALSACE_BLANC_CN', 'Length': 1, 'MAPE': 0.3794, 'RMSE': 43088.2915, 'MAE': 43088.2915, 'SMAPE': 0.4682, 'DiffSMAPE': 0.4682, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -43088.2915, 'ErrorStdDev': 0.0, 'R2': -1.8566008644331635e+19, 'Pearson': 0.0, 'MedAE': 43088.2915, 'LnQ': 0.2276, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ALSACE_BLANC_CN_BU_Forecast') {'Signal': 'ALSACE_BLANC_CN_BU_Forecast', 'Length': 1, 'MAPE': 0.3794, 'RMSE': 43088.2915, 'MAE': 43088.2915, 'SMAPE': 0.4682, 'DiffSMAPE': 0.4682, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -43088.2915, 'ErrorStdDev': 0.0, 'R2': -1.8566008644331676e+19, 'Pearson': 0.0, 'MedAE': 43088.2915, 'LnQ': 0.2276, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ALSACE_BLANC_CN_Forecast') {'Signal': 'ALSACE_BLANC_CN', 'Length': 1, 'MAPE': 0.3794, 'RMSE': 43088.2915, 'MAE': 43088.2915, 'SMAPE': 0.4682, 'DiffSMAPE': 0.4682, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -43088.2915, 'ErrorStdDev': 0.0, 'R2': -1.8566008644331676e+19, 'Pearson': 0.0, 'MedAE': 43088.2915, 'LnQ': 0.2276, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ALSACE_BLANC_DE_BU_Forecast') {'Signal': 'ALSACE_BLANC_DE_BU_Forecast', 'Length': 36, 'MAPE': 0.2172, 'RMSE': 312423.8075, 'MAE': 163637.8611, 'SMAPE': 0.2301, 'DiffSMAPE': 0.2301, 'MASE': 0.7861, 'RMSSE': 0.9599, 'ErrorMean': -74362.3611, 'ErrorStdDev': 303445.0111, 'R2': -0.0347, 'Pearson': 0.1725, 'MedAE': 99026.75, 'LnQ': 4.5811, 'KS': 0.3889, 'KendallTau': 0.1575, 'MannWhitneyU': 631.5, 'AUC': 0.4873} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ALSACE_BLANC_DE_Forecast') {'Signal': 'ALSACE_BLANC_DE', 'Length': 36, 'MAPE': 0.2172, 'RMSE': 312423.8075, 'MAE': 163637.8611, 'SMAPE': 0.2301, 'DiffSMAPE': 0.2301, 'MASE': 0.7861, 'RMSSE': 0.9599, 'ErrorMean': -74362.3611, 'ErrorStdDev': 303445.0111, 'R2': -0.0347, 'Pearson': 0.1725, 'MedAE': 99026.75, 'LnQ': 4.5811, 'KS': 0.3889, 'KendallTau': 0.1575, 'MannWhitneyU': 631.5, 'AUC': 0.4873} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ALSACE_BLANC_DE_BU_Forecast') {'Signal': 'ALSACE_BLANC_DE_BU_Forecast', 'Length': 9, 'MAPE': 0.1257, 'RMSE': 84497.7974, 'MAE': 68487.5, 'SMAPE': 0.1225, 'DiffSMAPE': 0.1225, 'MASE': 0.8083, 'RMSSE': 0.7937, 'ErrorMean': 12410.6111, 'ErrorStdDev': 83581.4244, 'R2': 0.0875, 'Pearson': 0.3281, 'MedAE': 44623.0, 'LnQ': 0.1936, 'KS': 0.3333, 'KendallTau': 0.0, 'MannWhitneyU': 30.0, 'AUC': 0.3704} @@ -59,14 +59,14 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ALSACE_BLANC INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ALSACE_BLANC_US_Forecast') {'Signal': 'ALSACE_BLANC_US', 'Length': 9, 'MAPE': 0.1779, 'RMSE': 130606.7717, 'MAE': 112998.2323, 'SMAPE': 0.1713, 'DiffSMAPE': 0.1713, 'MASE': 0.5784, 'RMSSE': 0.5967, 'ErrorMean': 13368.7206, 'ErrorStdDev': 129920.7687, 'R2': 0.4055, 'Pearson': 0.6502, 'MedAE': 76360.0714, 'LnQ': 0.3492, 'KS': 0.4444, 'KendallTau': 0.4444, 'MannWhitneyU': 33.0, 'AUC': 0.4074} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ALSACE_BLANC_US_BU_Forecast') {'Signal': 'ALSACE_BLANC_US_BU_Forecast', 'Length': 1, 'MAPE': 0.1082, 'RMSE': 65167.0051, 'MAE': 65167.0051, 'SMAPE': 0.1027, 'DiffSMAPE': 0.1027, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 65167.0051, 'ErrorStdDev': 0.0, 'R2': -4.246738553206295e+19, 'Pearson': 0.0, 'MedAE': 65167.0051, 'LnQ': 0.0106, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ALSACE_BLANC_US_Forecast') {'Signal': 'ALSACE_BLANC_US', 'Length': 1, 'MAPE': 0.1082, 'RMSE': 65167.0051, 'MAE': 65167.0051, 'SMAPE': 0.1027, 'DiffSMAPE': 0.1027, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 65167.0051, 'ErrorStdDev': 0.0, 'R2': -4.246738553206295e+19, 'Pearson': 0.0, 'MedAE': 65167.0051, 'LnQ': 0.0106, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BEAUJOLAIS_ROUGE_BE_BU_Forecast') {'Signal': 'BEAUJOLAIS_ROUGE_BE_BU_Forecast', 'Length': 36, 'MAPE': 0.4423, 'RMSE': 100541.2486, 'MAE': 74677.2233, 'SMAPE': 0.3852, 'DiffSMAPE': 0.3852, 'MASE': 0.7456, 'RMSSE': 0.7488, 'ErrorMean': 0.0, 'ErrorStdDev': 100541.2486, 'R2': 0.0922, 'Pearson': 0.3036, 'MedAE': 70488.1662, 'LnQ': 7.8395, 'KS': 0.4167, 'KendallTau': 0.2762, 'MannWhitneyU': 500.0, 'AUC': 0.3858} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BEAUJOLAIS_ROUGE_BE_Forecast') {'Signal': 'BEAUJOLAIS_ROUGE_BE', 'Length': 36, 'MAPE': 0.4423, 'RMSE': 100541.2486, 'MAE': 74677.2233, 'SMAPE': 0.3852, 'DiffSMAPE': 0.3852, 'MASE': 0.7456, 'RMSSE': 0.7488, 'ErrorMean': 0.0, 'ErrorStdDev': 100541.2486, 'R2': 0.0922, 'Pearson': 0.3036, 'MedAE': 70488.1662, 'LnQ': 7.8395, 'KS': 0.4167, 'KendallTau': 0.2762, 'MannWhitneyU': 500.0, 'AUC': 0.3858} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BEAUJOLAIS_ROUGE_BE_BU_Forecast') {'Signal': 'BEAUJOLAIS_ROUGE_BE_BU_Forecast', 'Length': 36, 'MAPE': 0.4423, 'RMSE': 100541.2486, 'MAE': 74677.2233, 'SMAPE': 0.3852, 'DiffSMAPE': 0.3852, 'MASE': 0.7456, 'RMSSE': 0.7488, 'ErrorMean': -0.0, 'ErrorStdDev': 100541.2486, 'R2': 0.0922, 'Pearson': 0.3036, 'MedAE': 70488.1662, 'LnQ': 7.8395, 'KS': 0.4167, 'KendallTau': 0.2762, 'MannWhitneyU': 500.0, 'AUC': 0.3858} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BEAUJOLAIS_ROUGE_BE_Forecast') {'Signal': 'BEAUJOLAIS_ROUGE_BE', 'Length': 36, 'MAPE': 0.4423, 'RMSE': 100541.2486, 'MAE': 74677.2233, 'SMAPE': 0.3852, 'DiffSMAPE': 0.3852, 'MASE': 0.7456, 'RMSSE': 0.7488, 'ErrorMean': -0.0, 'ErrorStdDev': 100541.2486, 'R2': 0.0922, 'Pearson': 0.3036, 'MedAE': 70488.1662, 'LnQ': 7.8395, 'KS': 0.4167, 'KendallTau': 0.2762, 'MannWhitneyU': 500.0, 'AUC': 0.3858} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'BEAUJOLAIS_ROUGE_BE_BU_Forecast') {'Signal': 'BEAUJOLAIS_ROUGE_BE_BU_Forecast', 'Length': 9, 'MAPE': 0.2806, 'RMSE': 116369.6866, 'MAE': 65040.9536, 'SMAPE': 0.318, 'DiffSMAPE': 0.318, 'MASE': 0.5692, 'RMSSE': 0.6871, 'ErrorMean': -37787.3018, 'ErrorStdDev': 110063.726, 'R2': -0.1089, 'Pearson': 0.2208, 'MedAE': 18357.7224, 'LnQ': 2.1898, 'KS': 0.2222, 'KendallTau': 0.3889, 'MannWhitneyU': 45.0, 'AUC': 0.5556} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'BEAUJOLAIS_ROUGE_BE_Forecast') {'Signal': 'BEAUJOLAIS_ROUGE_BE', 'Length': 9, 'MAPE': 0.2806, 'RMSE': 116369.6866, 'MAE': 65040.9536, 'SMAPE': 0.318, 'DiffSMAPE': 0.318, 'MASE': 0.5692, 'RMSSE': 0.6871, 'ErrorMean': -37787.3018, 'ErrorStdDev': 110063.726, 'R2': -0.1089, 'Pearson': 0.2208, 'MedAE': 18357.7224, 'LnQ': 2.1898, 'KS': 0.2222, 'KendallTau': 0.3889, 'MannWhitneyU': 45.0, 'AUC': 0.5556} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BEAUJOLAIS_ROUGE_BE_BU_Forecast') {'Signal': 'BEAUJOLAIS_ROUGE_BE_BU_Forecast', 'Length': 1, 'MAPE': 0.7336, 'RMSE': 116075.4717, 'MAE': 116075.4717, 'SMAPE': 1.1585, 'DiffSMAPE': 1.1585, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -116075.4717, 'ErrorStdDev': 0.0, 'R2': -1.3473515127632758e+20, 'Pearson': 0.0, 'MedAE': 116075.4717, 'LnQ': 1.7494, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BEAUJOLAIS_ROUGE_BE_Forecast') {'Signal': 'BEAUJOLAIS_ROUGE_BE', 'Length': 1, 'MAPE': 0.7336, 'RMSE': 116075.4717, 'MAE': 116075.4717, 'SMAPE': 1.1585, 'DiffSMAPE': 1.1585, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -116075.4717, 'ErrorStdDev': 0.0, 'R2': -1.3473515127632758e+20, 'Pearson': 0.0, 'MedAE': 116075.4717, 'LnQ': 1.7494, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BEAUJOLAIS_ROUGE_CN_BU_Forecast') {'Signal': 'BEAUJOLAIS_ROUGE_CN_BU_Forecast', 'Length': 36, 'MAPE': 0.7118, 'RMSE': 69506.5369, 'MAE': 52234.7068, 'SMAPE': 0.4718, 'DiffSMAPE': 0.4718, 'MASE': 0.8068, 'RMSSE': 0.7584, 'ErrorMean': -0.0, 'ErrorStdDev': 69506.5369, 'R2': 0.5179, 'Pearson': 0.7198, 'MedAE': 40196.131, 'LnQ': 32.9972, 'KS': 0.2778, 'KendallTau': 0.4063, 'MannWhitneyU': 559.0, 'AUC': 0.4313} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BEAUJOLAIS_ROUGE_CN_Forecast') {'Signal': 'BEAUJOLAIS_ROUGE_CN', 'Length': 36, 'MAPE': 0.7118, 'RMSE': 69506.5369, 'MAE': 52234.7068, 'SMAPE': 0.4718, 'DiffSMAPE': 0.4718, 'MASE': 0.8068, 'RMSSE': 0.7584, 'ErrorMean': -0.0, 'ErrorStdDev': 69506.5369, 'R2': 0.5179, 'Pearson': 0.7198, 'MedAE': 40196.131, 'LnQ': 32.9972, 'KS': 0.2778, 'KendallTau': 0.4063, 'MannWhitneyU': 559.0, 'AUC': 0.4313} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BEAUJOLAIS_ROUGE_BE_BU_Forecast') {'Signal': 'BEAUJOLAIS_ROUGE_BE_BU_Forecast', 'Length': 1, 'MAPE': 0.7336, 'RMSE': 116075.4717, 'MAE': 116075.4717, 'SMAPE': 1.1585, 'DiffSMAPE': 1.1585, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -116075.4717, 'ErrorStdDev': 0.0, 'R2': -1.3473515127629098e+20, 'Pearson': 0.0, 'MedAE': 116075.4717, 'LnQ': 1.7494, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BEAUJOLAIS_ROUGE_BE_Forecast') {'Signal': 'BEAUJOLAIS_ROUGE_BE', 'Length': 1, 'MAPE': 0.7336, 'RMSE': 116075.4717, 'MAE': 116075.4717, 'SMAPE': 1.1585, 'DiffSMAPE': 1.1585, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -116075.4717, 'ErrorStdDev': 0.0, 'R2': -1.3473515127629098e+20, 'Pearson': 0.0, 'MedAE': 116075.4717, 'LnQ': 1.7494, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BEAUJOLAIS_ROUGE_CN_BU_Forecast') {'Signal': 'BEAUJOLAIS_ROUGE_CN_BU_Forecast', 'Length': 36, 'MAPE': 0.7118, 'RMSE': 69506.5369, 'MAE': 52234.7068, 'SMAPE': 0.4718, 'DiffSMAPE': 0.4718, 'MASE': 0.8068, 'RMSSE': 0.7584, 'ErrorMean': 0.0, 'ErrorStdDev': 69506.5369, 'R2': 0.5179, 'Pearson': 0.7198, 'MedAE': 40196.131, 'LnQ': 32.9972, 'KS': 0.2778, 'KendallTau': 0.4063, 'MannWhitneyU': 559.0, 'AUC': 0.4313} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BEAUJOLAIS_ROUGE_CN_Forecast') {'Signal': 'BEAUJOLAIS_ROUGE_CN', 'Length': 36, 'MAPE': 0.7118, 'RMSE': 69506.5369, 'MAE': 52234.7068, 'SMAPE': 0.4718, 'DiffSMAPE': 0.4718, 'MASE': 0.8068, 'RMSSE': 0.7584, 'ErrorMean': 0.0, 'ErrorStdDev': 69506.5369, 'R2': 0.5179, 'Pearson': 0.7198, 'MedAE': 40196.131, 'LnQ': 32.9972, 'KS': 0.2778, 'KendallTau': 0.4063, 'MannWhitneyU': 559.0, 'AUC': 0.4313} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'BEAUJOLAIS_ROUGE_CN_BU_Forecast') {'Signal': 'BEAUJOLAIS_ROUGE_CN_BU_Forecast', 'Length': 9, 'MAPE': 3.3899, 'RMSE': 129414.7792, 'MAE': 98491.1481, 'SMAPE': 0.7396, 'DiffSMAPE': 0.7396, 'MASE': 1.1118, 'RMSSE': 1.0528, 'ErrorMean': 19765.0149, 'ErrorStdDev': 127896.5569, 'R2': -0.1525, 'Pearson': 0.4514, 'MedAE': 71965.4419, 'LnQ': inf, 'KS': 0.2222, 'KendallTau': 0.1667, 'MannWhitneyU': 38.0, 'AUC': 0.4691} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'BEAUJOLAIS_ROUGE_CN_Forecast') {'Signal': 'BEAUJOLAIS_ROUGE_CN', 'Length': 9, 'MAPE': 3.3899, 'RMSE': 129414.7792, 'MAE': 98491.1481, 'SMAPE': 0.7396, 'DiffSMAPE': 0.7396, 'MASE': 1.1118, 'RMSSE': 1.0528, 'ErrorMean': 19765.0149, 'ErrorStdDev': 127896.5569, 'R2': -0.1525, 'Pearson': 0.4514, 'MedAE': 71965.4419, 'LnQ': inf, 'KS': 0.2222, 'KendallTau': 0.1667, 'MannWhitneyU': 38.0, 'AUC': 0.4691} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BEAUJOLAIS_ROUGE_CN_BU_Forecast') {'Signal': 'BEAUJOLAIS_ROUGE_CN_BU_Forecast', 'Length': 1, 'MAPE': 0.0365, 'RMSE': 4839.2657, 'MAE': 4839.2657, 'SMAPE': 0.0358, 'DiffSMAPE': 0.0358, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 4839.2657, 'ErrorStdDev': 0.0, 'R2': -2.341849240995648e+17, 'Pearson': 0.0, 'MedAE': 4839.2657, 'LnQ': 0.0013, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} @@ -93,32 +93,32 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BORDEAUX_BLANC_BE INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BORDEAUX_BLANC_BE_Forecast') {'Signal': 'BORDEAUX_BLANC_BE', 'Length': 36, 'MAPE': 0.1749, 'RMSE': 94511.4367, 'MAE': 74204.3551, 'SMAPE': 0.1535, 'DiffSMAPE': 0.1535, 'MASE': 0.7713, 'RMSSE': 0.7669, 'ErrorMean': 50566.0435, 'ErrorStdDev': 79846.6462, 'R2': -0.232, 'Pearson': 0.4827, 'MedAE': 60447.647, 'LnQ': 1.4491, 'KS': 0.3889, 'KendallTau': 0.254, 'MannWhitneyU': 391.0, 'AUC': 0.3017} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'BORDEAUX_BLANC_BE_BU_Forecast') {'Signal': 'BORDEAUX_BLANC_BE_BU_Forecast', 'Length': 9, 'MAPE': 0.2496, 'RMSE': 106426.2289, 'MAE': 98158.2036, 'SMAPE': 0.2509, 'DiffSMAPE': 0.2509, 'MASE': 0.5458, 'RMSSE': 0.4586, 'ErrorMean': -20125.1248, 'ErrorStdDev': 104506.0838, 'R2': 0.5247, 'Pearson': 0.736, 'MedAE': 78288.7364, 'LnQ': 0.6067, 'KS': 0.2222, 'KendallTau': 0.6111, 'MannWhitneyU': 39.0, 'AUC': 0.4815} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'BORDEAUX_BLANC_BE_Forecast') {'Signal': 'BORDEAUX_BLANC_BE', 'Length': 9, 'MAPE': 0.2496, 'RMSE': 106426.2289, 'MAE': 98158.2036, 'SMAPE': 0.2509, 'DiffSMAPE': 0.2509, 'MASE': 0.5458, 'RMSSE': 0.4586, 'ErrorMean': -20125.1248, 'ErrorStdDev': 104506.0838, 'R2': 0.5247, 'Pearson': 0.736, 'MedAE': 78288.7364, 'LnQ': 0.6067, 'KS': 0.2222, 'KendallTau': 0.6111, 'MannWhitneyU': 39.0, 'AUC': 0.4815} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BORDEAUX_BLANC_BE_BU_Forecast') {'Signal': 'BORDEAUX_BLANC_BE_BU_Forecast', 'Length': 1, 'MAPE': 0.7766, 'RMSE': 310786.5756, 'MAE': 310786.5756, 'SMAPE': 1.2696, 'DiffSMAPE': 1.2696, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -310786.5756, 'ErrorStdDev': 0.0, 'R2': -9.658829556859812e+20, 'Pearson': 0.0, 'MedAE': 310786.5756, 'LnQ': 2.2467, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BORDEAUX_BLANC_BE_Forecast') {'Signal': 'BORDEAUX_BLANC_BE', 'Length': 1, 'MAPE': 0.7766, 'RMSE': 310786.5756, 'MAE': 310786.5756, 'SMAPE': 1.2696, 'DiffSMAPE': 1.2696, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -310786.5756, 'ErrorStdDev': 0.0, 'R2': -9.658829556859812e+20, 'Pearson': 0.0, 'MedAE': 310786.5756, 'LnQ': 2.2467, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BORDEAUX_BLANC_BE_BU_Forecast') {'Signal': 'BORDEAUX_BLANC_BE_BU_Forecast', 'Length': 1, 'MAPE': 0.7766, 'RMSE': 310786.5756, 'MAE': 310786.5756, 'SMAPE': 1.2696, 'DiffSMAPE': 1.2696, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -310786.5756, 'ErrorStdDev': 0.0, 'R2': -9.658829556858206e+20, 'Pearson': 0.0, 'MedAE': 310786.5756, 'LnQ': 2.2467, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BORDEAUX_BLANC_BE_Forecast') {'Signal': 'BORDEAUX_BLANC_BE', 'Length': 1, 'MAPE': 0.7766, 'RMSE': 310786.5756, 'MAE': 310786.5756, 'SMAPE': 1.2696, 'DiffSMAPE': 1.2696, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -310786.5756, 'ErrorStdDev': 0.0, 'R2': -9.658829556858206e+20, 'Pearson': 0.0, 'MedAE': 310786.5756, 'LnQ': 2.2467, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BORDEAUX_BLANC_CN_BU_Forecast') {'Signal': 'BORDEAUX_BLANC_CN_BU_Forecast', 'Length': 36, 'MAPE': 0.4007, 'RMSE': 297740.121, 'MAE': 217486.2828, 'SMAPE': 0.4686, 'DiffSMAPE': 0.4686, 'MASE': 0.8803, 'RMSSE': 0.9952, 'ErrorMean': -176716.1492, 'ErrorStdDev': 239625.9215, 'R2': -0.5816, 'Pearson': 0.1293, 'MedAE': 124163.6808, 'LnQ': 13.9374, 'KS': 0.4444, 'KendallTau': 0.1365, 'MannWhitneyU': 956.0, 'AUC': 0.7377} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BORDEAUX_BLANC_CN_Forecast') {'Signal': 'BORDEAUX_BLANC_CN', 'Length': 36, 'MAPE': 0.4007, 'RMSE': 297740.121, 'MAE': 217486.2828, 'SMAPE': 0.4686, 'DiffSMAPE': 0.4686, 'MASE': 0.8803, 'RMSSE': 0.9952, 'ErrorMean': -176716.1492, 'ErrorStdDev': 239625.9215, 'R2': -0.5816, 'Pearson': 0.1293, 'MedAE': 124163.6808, 'LnQ': 13.9374, 'KS': 0.4444, 'KendallTau': 0.1365, 'MannWhitneyU': 956.0, 'AUC': 0.7377} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'BORDEAUX_BLANC_CN_BU_Forecast') {'Signal': 'BORDEAUX_BLANC_CN_BU_Forecast', 'Length': 9, 'MAPE': 0.202, 'RMSE': 490888.9943, 'MAE': 213295.1091, 'SMAPE': 0.2634, 'DiffSMAPE': 0.2634, 'MASE': 0.4585, 'RMSSE': 0.7001, 'ErrorMean': -187417.251, 'ErrorStdDev': 453703.404, 'R2': -0.1256, 'Pearson': 0.2039, 'MedAE': 27820.5541, 'LnQ': 2.4957, 'KS': 0.3333, 'KendallTau': 0.4444, 'MannWhitneyU': 51.0, 'AUC': 0.6296} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'BORDEAUX_BLANC_CN_Forecast') {'Signal': 'BORDEAUX_BLANC_CN', 'Length': 9, 'MAPE': 0.202, 'RMSE': 490888.9943, 'MAE': 213295.1091, 'SMAPE': 0.2634, 'DiffSMAPE': 0.2634, 'MASE': 0.4585, 'RMSSE': 0.7001, 'ErrorMean': -187417.251, 'ErrorStdDev': 453703.404, 'R2': -0.1256, 'Pearson': 0.2039, 'MedAE': 27820.5541, 'LnQ': 2.4957, 'KS': 0.3333, 'KendallTau': 0.4444, 'MannWhitneyU': 51.0, 'AUC': 0.6296} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BORDEAUX_BLANC_CN_BU_Forecast') {'Signal': 'BORDEAUX_BLANC_CN_BU_Forecast', 'Length': 1, 'MAPE': 0.1786, 'RMSE': 68498.3159, 'MAE': 68498.3159, 'SMAPE': 0.164, 'DiffSMAPE': 0.164, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 68498.3159, 'ErrorStdDev': 0.0, 'R2': -4.692019278714075e+19, 'Pearson': 0.0, 'MedAE': 68498.3159, 'LnQ': 0.027, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BORDEAUX_BLANC_CN_Forecast') {'Signal': 'BORDEAUX_BLANC_CN', 'Length': 1, 'MAPE': 0.1786, 'RMSE': 68498.3159, 'MAE': 68498.3159, 'SMAPE': 0.164, 'DiffSMAPE': 0.164, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 68498.3159, 'ErrorStdDev': 0.0, 'R2': -4.692019278714075e+19, 'Pearson': 0.0, 'MedAE': 68498.3159, 'LnQ': 0.027, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BORDEAUX_BLANC_CN_BU_Forecast') {'Signal': 'BORDEAUX_BLANC_CN_BU_Forecast', 'Length': 1, 'MAPE': 0.1786, 'RMSE': 68498.3159, 'MAE': 68498.3159, 'SMAPE': 0.164, 'DiffSMAPE': 0.164, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 68498.3159, 'ErrorStdDev': 0.0, 'R2': -4.6920192787140985e+19, 'Pearson': 0.0, 'MedAE': 68498.3159, 'LnQ': 0.027, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BORDEAUX_BLANC_CN_Forecast') {'Signal': 'BORDEAUX_BLANC_CN', 'Length': 1, 'MAPE': 0.1786, 'RMSE': 68498.3159, 'MAE': 68498.3159, 'SMAPE': 0.164, 'DiffSMAPE': 0.164, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 68498.3159, 'ErrorStdDev': 0.0, 'R2': -4.6920192787140985e+19, 'Pearson': 0.0, 'MedAE': 68498.3159, 'LnQ': 0.027, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BORDEAUX_BLANC_DE_BU_Forecast') {'Signal': 'BORDEAUX_BLANC_DE_BU_Forecast', 'Length': 36, 'MAPE': 0.4209, 'RMSE': 248194.9816, 'MAE': 175029.9938, 'SMAPE': 0.381, 'DiffSMAPE': 0.381, 'MASE': 0.9548, 'RMSSE': 0.9041, 'ErrorMean': 0.0, 'ErrorStdDev': 248194.9816, 'R2': 0.0, 'Pearson': 0.0, 'MedAE': 123756.6111, 'LnQ': 7.8399, 'KS': 0.7222, 'KendallTau': nan, 'MannWhitneyU': 360.0, 'AUC': 0.2778} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BORDEAUX_BLANC_DE_Forecast') {'Signal': 'BORDEAUX_BLANC_DE', 'Length': 36, 'MAPE': 0.4209, 'RMSE': 248194.9816, 'MAE': 175029.9938, 'SMAPE': 0.381, 'DiffSMAPE': 0.381, 'MASE': 0.9548, 'RMSSE': 0.9041, 'ErrorMean': 0.0, 'ErrorStdDev': 248194.9816, 'R2': 0.0, 'Pearson': 0.0, 'MedAE': 123756.6111, 'LnQ': 7.8399, 'KS': 0.7222, 'KendallTau': nan, 'MannWhitneyU': 360.0, 'AUC': 0.2778} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'BORDEAUX_BLANC_DE_BU_Forecast') {'Signal': 'BORDEAUX_BLANC_DE_BU_Forecast', 'Length': 9, 'MAPE': 0.2974, 'RMSE': 101931.8727, 'MAE': 90373.6173, 'SMAPE': 0.2491, 'DiffSMAPE': 0.2491, 'MASE': 2.548, 'RMSSE': 2.231, 'ErrorMean': 86635.4444, 'ErrorStdDev': 53706.6702, 'R2': -2.6022, 'Pearson': 0.0, 'MedAE': 99425.1111, 'LnQ': 0.7364, 'KS': 0.7778, 'KendallTau': nan, 'MannWhitneyU': 18.0, 'AUC': 0.2222} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'BORDEAUX_BLANC_DE_Forecast') {'Signal': 'BORDEAUX_BLANC_DE', 'Length': 9, 'MAPE': 0.2974, 'RMSE': 101931.8727, 'MAE': 90373.6173, 'SMAPE': 0.2491, 'DiffSMAPE': 0.2491, 'MASE': 2.548, 'RMSSE': 2.231, 'ErrorMean': 86635.4444, 'ErrorStdDev': 53706.6702, 'R2': -2.6022, 'Pearson': 0.0, 'MedAE': 99425.1111, 'LnQ': 0.7364, 'KS': 0.7778, 'KendallTau': nan, 'MannWhitneyU': 18.0, 'AUC': 0.2222} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BORDEAUX_BLANC_DE_BU_Forecast') {'Signal': 'BORDEAUX_BLANC_DE_BU_Forecast', 'Length': 1, 'MAPE': 0.2567, 'RMSE': 85885.1111, 'MAE': 85885.1111, 'SMAPE': 0.2275, 'DiffSMAPE': 0.2275, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 85885.1111, 'ErrorStdDev': 0.0, 'R2': -7.3762523105679024e+19, 'Pearson': 0.0, 'MedAE': 85885.1111, 'LnQ': 0.0522, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BORDEAUX_BLANC_DE_Forecast') {'Signal': 'BORDEAUX_BLANC_DE', 'Length': 1, 'MAPE': 0.2567, 'RMSE': 85885.1111, 'MAE': 85885.1111, 'SMAPE': 0.2275, 'DiffSMAPE': 0.2275, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 85885.1111, 'ErrorStdDev': 0.0, 'R2': -7.3762523105679024e+19, 'Pearson': 0.0, 'MedAE': 85885.1111, 'LnQ': 0.0522, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BORDEAUX_BLANC_GB_BU_Forecast') {'Signal': 'BORDEAUX_BLANC_GB_BU_Forecast', 'Length': 36, 'MAPE': 0.259, 'RMSE': 282372.934, 'MAE': 228564.854, 'SMAPE': 0.2421, 'DiffSMAPE': 0.2421, 'MASE': 0.7958, 'RMSSE': 0.8504, 'ErrorMean': 0.0, 'ErrorStdDev': 282372.934, 'R2': 0.1495, 'Pearson': 0.5129, 'MedAE': 212949.3404, 'LnQ': 3.2743, 'KS': 0.1389, 'KendallTau': 0.2844, 'MannWhitneyU': 635.0, 'AUC': 0.49} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BORDEAUX_BLANC_GB_Forecast') {'Signal': 'BORDEAUX_BLANC_GB', 'Length': 36, 'MAPE': 0.259, 'RMSE': 282372.934, 'MAE': 228564.854, 'SMAPE': 0.2421, 'DiffSMAPE': 0.2421, 'MASE': 0.7958, 'RMSSE': 0.8504, 'ErrorMean': 0.0, 'ErrorStdDev': 282372.934, 'R2': 0.1495, 'Pearson': 0.5129, 'MedAE': 212949.3404, 'LnQ': 3.2743, 'KS': 0.1389, 'KendallTau': 0.2844, 'MannWhitneyU': 635.0, 'AUC': 0.49} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BORDEAUX_BLANC_GB_BU_Forecast') {'Signal': 'BORDEAUX_BLANC_GB_BU_Forecast', 'Length': 36, 'MAPE': 0.259, 'RMSE': 282372.934, 'MAE': 228564.854, 'SMAPE': 0.2421, 'DiffSMAPE': 0.2421, 'MASE': 0.7958, 'RMSSE': 0.8504, 'ErrorMean': -0.0, 'ErrorStdDev': 282372.934, 'R2': 0.1495, 'Pearson': 0.5129, 'MedAE': 212949.3404, 'LnQ': 3.2743, 'KS': 0.1389, 'KendallTau': 0.2844, 'MannWhitneyU': 635.0, 'AUC': 0.49} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BORDEAUX_BLANC_GB_Forecast') {'Signal': 'BORDEAUX_BLANC_GB', 'Length': 36, 'MAPE': 0.259, 'RMSE': 282372.934, 'MAE': 228564.854, 'SMAPE': 0.2421, 'DiffSMAPE': 0.2421, 'MASE': 0.7958, 'RMSSE': 0.8504, 'ErrorMean': -0.0, 'ErrorStdDev': 282372.934, 'R2': 0.1495, 'Pearson': 0.5129, 'MedAE': 212949.3404, 'LnQ': 3.2743, 'KS': 0.1389, 'KendallTau': 0.2844, 'MannWhitneyU': 635.0, 'AUC': 0.49} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'BORDEAUX_BLANC_GB_BU_Forecast') {'Signal': 'BORDEAUX_BLANC_GB_BU_Forecast', 'Length': 9, 'MAPE': 0.133, 'RMSE': 99936.6879, 'MAE': 84699.5554, 'SMAPE': 0.1238, 'DiffSMAPE': 0.1238, 'MASE': 0.7658, 'RMSSE': 0.7626, 'ErrorMean': 44758.0178, 'ErrorStdDev': 89353.5754, 'R2': -0.1971, 'Pearson': 0.5173, 'MedAE': 68586.8256, 'LnQ': 0.1866, 'KS': 0.3333, 'KendallTau': 0.4444, 'MannWhitneyU': 31.0, 'AUC': 0.3827} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'BORDEAUX_BLANC_GB_Forecast') {'Signal': 'BORDEAUX_BLANC_GB', 'Length': 9, 'MAPE': 0.133, 'RMSE': 99936.6879, 'MAE': 84699.5554, 'SMAPE': 0.1238, 'DiffSMAPE': 0.1238, 'MASE': 0.7658, 'RMSSE': 0.7626, 'ErrorMean': 44758.0178, 'ErrorStdDev': 89353.5754, 'R2': -0.1971, 'Pearson': 0.5173, 'MedAE': 68586.8256, 'LnQ': 0.1866, 'KS': 0.3333, 'KendallTau': 0.4444, 'MannWhitneyU': 31.0, 'AUC': 0.3827} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BORDEAUX_BLANC_GB_BU_Forecast') {'Signal': 'BORDEAUX_BLANC_GB_BU_Forecast', 'Length': 1, 'MAPE': 0.1143, 'RMSE': 75387.2252, 'MAE': 75387.2252, 'SMAPE': 0.1213, 'DiffSMAPE': 0.1213, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -75387.2252, 'ErrorStdDev': 0.0, 'R2': -5.683233719547858e+19, 'Pearson': 0.0, 'MedAE': 75387.2252, 'LnQ': 0.0147, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BORDEAUX_BLANC_GB_Forecast') {'Signal': 'BORDEAUX_BLANC_GB', 'Length': 1, 'MAPE': 0.1143, 'RMSE': 75387.2252, 'MAE': 75387.2252, 'SMAPE': 0.1213, 'DiffSMAPE': 0.1213, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -75387.2252, 'ErrorStdDev': 0.0, 'R2': -5.683233719547858e+19, 'Pearson': 0.0, 'MedAE': 75387.2252, 'LnQ': 0.0147, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BORDEAUX_BLANC_GB_BU_Forecast') {'Signal': 'BORDEAUX_BLANC_GB_BU_Forecast', 'Length': 1, 'MAPE': 0.1143, 'RMSE': 75387.2252, 'MAE': 75387.2252, 'SMAPE': 0.1213, 'DiffSMAPE': 0.1213, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -75387.2252, 'ErrorStdDev': 0.0, 'R2': -5.683233719547876e+19, 'Pearson': 0.0, 'MedAE': 75387.2252, 'LnQ': 0.0147, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BORDEAUX_BLANC_GB_Forecast') {'Signal': 'BORDEAUX_BLANC_GB', 'Length': 1, 'MAPE': 0.1143, 'RMSE': 75387.2252, 'MAE': 75387.2252, 'SMAPE': 0.1213, 'DiffSMAPE': 0.1213, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -75387.2252, 'ErrorStdDev': 0.0, 'R2': -5.683233719547876e+19, 'Pearson': 0.0, 'MedAE': 75387.2252, 'LnQ': 0.0147, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BORDEAUX_BLANC_US_BU_Forecast') {'Signal': 'BORDEAUX_BLANC_US_BU_Forecast', 'Length': 36, 'MAPE': 0.5482, 'RMSE': 823974.7321, 'MAE': 597644.7, 'SMAPE': 0.8719, 'DiffSMAPE': 0.8719, 'MASE': 1.9064, 'RMSSE': 1.9474, 'ErrorMean': -577377.1097, 'ErrorStdDev': 587852.0497, 'R2': -2.9971, 'Pearson': -0.2571, 'MedAE': 449396.1274, 'LnQ': inf, 'KS': 0.5556, 'KendallTau': -0.1143, 'MannWhitneyU': 1134.0, 'AUC': 0.875} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BORDEAUX_BLANC_US_Forecast') {'Signal': 'BORDEAUX_BLANC_US', 'Length': 36, 'MAPE': 0.5482, 'RMSE': 823974.7321, 'MAE': 597644.7, 'SMAPE': 0.8719, 'DiffSMAPE': 0.8719, 'MASE': 1.9064, 'RMSSE': 1.9474, 'ErrorMean': -577377.1097, 'ErrorStdDev': 587852.0497, 'R2': -2.9971, 'Pearson': -0.2571, 'MedAE': 449396.1274, 'LnQ': inf, 'KS': 0.5556, 'KendallTau': -0.1143, 'MannWhitneyU': 1134.0, 'AUC': 0.875} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'BORDEAUX_BLANC_US_BU_Forecast') {'Signal': 'BORDEAUX_BLANC_US_BU_Forecast', 'Length': 9, 'MAPE': 0.2301, 'RMSE': 197666.0648, 'MAE': 158417.4155, 'SMAPE': 0.1943, 'DiffSMAPE': 0.1943, 'MASE': 0.606, 'RMSSE': 0.6183, 'ErrorMean': 85196.2777, 'ErrorStdDev': 178363.3018, 'R2': 0.2568, 'Pearson': 0.7973, 'MedAE': 114058.7256, 'LnQ': 0.6089, 'KS': 0.5556, 'KendallTau': 0.3333, 'MannWhitneyU': 18.0, 'AUC': 0.2222} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'BORDEAUX_BLANC_US_Forecast') {'Signal': 'BORDEAUX_BLANC_US', 'Length': 9, 'MAPE': 0.2301, 'RMSE': 197666.0648, 'MAE': 158417.4155, 'SMAPE': 0.1943, 'DiffSMAPE': 0.1943, 'MASE': 0.606, 'RMSSE': 0.6183, 'ErrorMean': 85196.2777, 'ErrorStdDev': 178363.3018, 'R2': 0.2568, 'Pearson': 0.7973, 'MedAE': 114058.7256, 'LnQ': 0.6089, 'KS': 0.5556, 'KendallTau': 0.3333, 'MannWhitneyU': 18.0, 'AUC': 0.2222} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BORDEAUX_BLANC_US_BU_Forecast') {'Signal': 'BORDEAUX_BLANC_US_BU_Forecast', 'Length': 1, 'MAPE': 0.259, 'RMSE': 254126.6978, 'MAE': 254126.6978, 'SMAPE': 0.2976, 'DiffSMAPE': 0.2976, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -254126.6978, 'ErrorStdDev': 0.0, 'R2': -6.458037852313466e+20, 'Pearson': 0.0, 'MedAE': 254126.6978, 'LnQ': 0.0899, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BORDEAUX_BLANC_US_Forecast') {'Signal': 'BORDEAUX_BLANC_US', 'Length': 1, 'MAPE': 0.259, 'RMSE': 254126.6978, 'MAE': 254126.6978, 'SMAPE': 0.2976, 'DiffSMAPE': 0.2976, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -254126.6978, 'ErrorStdDev': 0.0, 'R2': -6.458037852313466e+20, 'Pearson': 0.0, 'MedAE': 254126.6978, 'LnQ': 0.0899, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BORDEAUX_BLANC_US_BU_Forecast') {'Signal': 'BORDEAUX_BLANC_US_BU_Forecast', 'Length': 1, 'MAPE': 0.259, 'RMSE': 254126.6978, 'MAE': 254126.6978, 'SMAPE': 0.2976, 'DiffSMAPE': 0.2976, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -254126.6978, 'ErrorStdDev': 0.0, 'R2': -6.458037852313477e+20, 'Pearson': 0.0, 'MedAE': 254126.6978, 'LnQ': 0.0899, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BORDEAUX_BLANC_US_Forecast') {'Signal': 'BORDEAUX_BLANC_US', 'Length': 1, 'MAPE': 0.259, 'RMSE': 254126.6978, 'MAE': 254126.6978, 'SMAPE': 0.2976, 'DiffSMAPE': 0.2976, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -254126.6978, 'ErrorStdDev': 0.0, 'R2': -6.458037852313477e+20, 'Pearson': 0.0, 'MedAE': 254126.6978, 'LnQ': 0.0899, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BORDEAUX_ROUGE_BE_BU_Forecast') {'Signal': 'BORDEAUX_ROUGE_BE_BU_Forecast', 'Length': 36, 'MAPE': 0.1348, 'RMSE': 1018969.1263, 'MAE': 709070.1862, 'SMAPE': 0.1373, 'DiffSMAPE': 0.1373, 'MASE': 0.7788, 'RMSSE': 0.8413, 'ErrorMean': -0.0, 'ErrorStdDev': 1018969.1263, 'R2': 0.1406, 'Pearson': 0.4972, 'MedAE': 599043.0979, 'LnQ': 1.2091, 'KS': 0.1667, 'KendallTau': 0.4349, 'MannWhitneyU': 617.0, 'AUC': 0.4761} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BORDEAUX_ROUGE_BE_Forecast') {'Signal': 'BORDEAUX_ROUGE_BE', 'Length': 36, 'MAPE': 0.1348, 'RMSE': 1018969.1263, 'MAE': 709070.1862, 'SMAPE': 0.1373, 'DiffSMAPE': 0.1373, 'MASE': 0.7788, 'RMSSE': 0.8413, 'ErrorMean': -0.0, 'ErrorStdDev': 1018969.1263, 'R2': 0.1406, 'Pearson': 0.4972, 'MedAE': 599043.0979, 'LnQ': 1.2091, 'KS': 0.1667, 'KendallTau': 0.4349, 'MannWhitneyU': 617.0, 'AUC': 0.4761} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'BORDEAUX_ROUGE_BE_BU_Forecast') {'Signal': 'BORDEAUX_ROUGE_BE_BU_Forecast', 'Length': 9, 'MAPE': 0.1623, 'RMSE': 659796.6253, 'MAE': 564188.0773, 'SMAPE': 0.145, 'DiffSMAPE': 0.145, 'MASE': 0.6993, 'RMSSE': 0.6642, 'ErrorMean': 373922.4577, 'ErrorStdDev': 543611.6099, 'R2': 0.5143, 'Pearson': 0.8522, 'MedAE': 519857.8787, 'LnQ': 0.2977, 'KS': 0.4444, 'KendallTau': 0.5556, 'MannWhitneyU': 28.0, 'AUC': 0.3457} @@ -154,13 +154,13 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_BLANC_BE_BU_Fore INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_BLANC_BE_Forecast') {'Signal': '_BLANC_BE', 'Length': 36, 'MAPE': 0.1661, 'RMSE': 342349.5667, 'MAE': 277212.4552, 'SMAPE': 0.1679, 'DiffSMAPE': 0.1679, 'MASE': 0.9393, 'RMSSE': 0.9785, 'ErrorMean': -14284.1716, 'ErrorStdDev': 342051.441, 'R2': -1.1797, 'Pearson': 0.198, 'MedAE': 256382.546, 'LnQ': 1.6126, 'KS': 0.1111, 'KendallTau': 0.1302, 'MannWhitneyU': 663.5, 'AUC': 0.512} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_BLANC_BE_BU_Forecast') {'Signal': '_BLANC_BE_BU_Forecast', 'Length': 9, 'MAPE': 0.2208, 'RMSE': 490008.136, 'MAE': 351601.8801, 'SMAPE': 0.2117, 'DiffSMAPE': 0.2117, 'MASE': 0.725, 'RMSSE': 0.7472, 'ErrorMean': -99473.8748, 'ErrorStdDev': 479805.0871, 'R2': 0.1652, 'Pearson': 0.5763, 'MedAE': 377163.0136, 'LnQ': 0.7497, 'KS': 0.4444, 'KendallTau': 0.5, 'MannWhitneyU': 43.0, 'AUC': 0.5309} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_BLANC_BE_Forecast') {'Signal': '_BLANC_BE', 'Length': 9, 'MAPE': 0.2289, 'RMSE': 534678.1806, 'MAE': 343759.5156, 'SMAPE': 0.1878, 'DiffSMAPE': 0.1878, 'MASE': 0.7089, 'RMSSE': 0.8153, 'ErrorMean': 76342.2488, 'ErrorStdDev': 529199.9791, 'R2': 0.0061, 'Pearson': 0.4832, 'MedAE': 211567.8604, 'LnQ': 0.7035, 'KS': 0.2222, 'KendallTau': 0.5556, 'MannWhitneyU': 39.0, 'AUC': 0.4815} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_BLANC_BE_BU_Forecast') {'Signal': '_BLANC_BE_BU_Forecast', 'Length': 1, 'MAPE': 0.1922, 'RMSE': 208931.6744, 'MAE': 208931.6744, 'SMAPE': 0.1754, 'DiffSMAPE': 0.1754, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 208931.6744, 'ErrorStdDev': 0.0, 'R2': -4.365244457066412e+20, 'Pearson': 0.0, 'MedAE': 208931.6744, 'LnQ': 0.0309, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_BLANC_BE_Forecast') {'Signal': '_BLANC_BE', 'Length': 1, 'MAPE': 0.1174, 'RMSE': 127590.9686, 'MAE': 127590.9686, 'SMAPE': 0.1247, 'DiffSMAPE': 0.1247, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -127590.9686, 'ErrorStdDev': 0.0, 'R2': -1.6279455262200722e+20, 'Pearson': 0.0, 'MedAE': 127590.9686, 'LnQ': 0.0156, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_BLANC_BE_BU_Forecast') {'Signal': '_BLANC_BE_BU_Forecast', 'Length': 1, 'MAPE': 0.1922, 'RMSE': 208931.6744, 'MAE': 208931.6744, 'SMAPE': 0.1754, 'DiffSMAPE': 0.1754, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 208931.6744, 'ErrorStdDev': 0.0, 'R2': -4.3652444570674915e+20, 'Pearson': 0.0, 'MedAE': 208931.6744, 'LnQ': 0.0309, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_BLANC_BE_Forecast') {'Signal': '_BLANC_BE', 'Length': 1, 'MAPE': 0.1174, 'RMSE': 127590.9686, 'MAE': 127590.9686, 'SMAPE': 0.1247, 'DiffSMAPE': 0.1247, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -127590.9686, 'ErrorStdDev': 0.0, 'R2': -1.6279455262198943e+20, 'Pearson': 0.0, 'MedAE': 127590.9686, 'LnQ': 0.0156, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_BLANC_CN_BU_Forecast') {'Signal': '_BLANC_CN_BU_Forecast', 'Length': 36, 'MAPE': 0.328, 'RMSE': 298382.8238, 'MAE': 222559.2227, 'SMAPE': 0.3777, 'DiffSMAPE': 0.3777, 'MASE': 0.884, 'RMSSE': 0.9896, 'ErrorMean': -176716.1492, 'ErrorStdDev': 240424.0258, 'R2': -0.4557, 'Pearson': 0.2643, 'MedAE': 165607.5899, 'LnQ': 8.6581, 'KS': 0.4722, 'KendallTau': 0.1333, 'MannWhitneyU': 929.0, 'AUC': 0.7168} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_BLANC_CN_Forecast') {'Signal': '_BLANC_CN', 'Length': 36, 'MAPE': 0.3872, 'RMSE': 247309.1235, 'MAE': 204426.3426, 'SMAPE': 0.3344, 'DiffSMAPE': 0.3344, 'MASE': 0.812, 'RMSSE': 0.8202, 'ErrorMean': 0.0, 'ErrorStdDev': 247309.1235, 'R2': -0.0, 'Pearson': 0.0, 'MedAE': 178361.5556, 'LnQ': 6.0381, 'KS': 0.5833, 'KendallTau': nan, 'MannWhitneyU': 540.0, 'AUC': 0.4167} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_BLANC_CN_BU_Forecast') {'Signal': '_BLANC_CN_BU_Forecast', 'Length': 9, 'MAPE': 0.2307, 'RMSE': 499980.507, 'MAE': 250188.5442, 'SMAPE': 0.2979, 'DiffSMAPE': 0.2979, 'MASE': 0.58, 'RMSSE': 0.7792, 'ErrorMean': -227222.4763, 'ErrorStdDev': 445365.5282, 'R2': -0.34, 'Pearson': -0.1418, 'MedAE': 94377.8287, 'LnQ': 2.5189, 'KS': 0.5556, 'KendallTau': 0.1111, 'MannWhitneyU': 63.0, 'AUC': 0.7778} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_BLANC_CN_Forecast') {'Signal': '_BLANC_CN', 'Length': 9, 'MAPE': 0.255, 'RMSE': 447221.0159, 'MAE': 229134.5617, 'SMAPE': 0.2654, 'DiffSMAPE': 0.2654, 'MASE': 0.5312, 'RMSSE': 0.697, 'ErrorMean': -115975.3889, 'ErrorStdDev': 431921.6899, 'R2': -0.0721, 'Pearson': 0.0, 'MedAE': 89705.0556, 'LnQ': 1.779, 'KS': 0.5556, 'KendallTau': nan, 'MannWhitneyU': 36.0, 'AUC': 0.4444} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_BLANC_CN_BU_Forecast') {'Signal': '_BLANC_CN_BU_Forecast', 'Length': 1, 'MAPE': 0.0511, 'RMSE': 25410.0244, 'MAE': 25410.0244, 'SMAPE': 0.0499, 'DiffSMAPE': 0.0499, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 25410.0244, 'ErrorStdDev': 0.0, 'R2': -6.456693390840298e+18, 'Pearson': 0.0, 'MedAE': 25410.0244, 'LnQ': 0.0025, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_BLANC_CN_BU_Forecast') {'Signal': '_BLANC_CN_BU_Forecast', 'Length': 1, 'MAPE': 0.0511, 'RMSE': 25410.0244, 'MAE': 25410.0244, 'SMAPE': 0.0499, 'DiffSMAPE': 0.0499, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 25410.0244, 'ErrorStdDev': 0.0, 'R2': -6.456693390840359e+18, 'Pearson': 0.0, 'MedAE': 25410.0244, 'LnQ': 0.0025, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_BLANC_CN_Forecast') {'Signal': '_BLANC_CN', 'Length': 1, 'MAPE': 0.2436, 'RMSE': 121080.0556, 'MAE': 121080.0556, 'SMAPE': 0.2172, 'DiffSMAPE': 0.2172, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 121080.0556, 'ErrorStdDev': 0.0, 'R2': -1.4660379853336435e+20, 'Pearson': 0.0, 'MedAE': 121080.0556, 'LnQ': 0.0475, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_BLANC_DE_BU_Forecast') {'Signal': '_BLANC_DE_BU_Forecast', 'Length': 36, 'MAPE': 0.2596, 'RMSE': 500520.8627, 'MAE': 295869.6728, 'SMAPE': 0.2589, 'DiffSMAPE': 0.2589, 'MASE': 0.9531, 'RMSSE': 1.0415, 'ErrorMean': -74362.3611, 'ErrorStdDev': 494966.0324, 'R2': -0.007, 'Pearson': 0.1585, 'MedAE': 184668.6111, 'LnQ': 4.5609, 'KS': 0.5278, 'KendallTau': 0.1645, 'MannWhitneyU': 598.0, 'AUC': 0.4614} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_BLANC_DE_Forecast') {'Signal': '_BLANC_DE', 'Length': 36, 'MAPE': 0.2715, 'RMSE': 473858.776, 'MAE': 301820.6389, 'SMAPE': 0.2595, 'DiffSMAPE': 0.2595, 'MASE': 0.9722, 'RMSSE': 0.986, 'ErrorMean': -20413.9167, 'ErrorStdDev': 473418.8543, 'R2': 0.0974, 'Pearson': 0.5482, 'MedAE': 208938.5, 'LnQ': 4.4258, 'KS': 0.0556, 'KendallTau': 0.2494, 'MannWhitneyU': 673.0, 'AUC': 0.5193} @@ -172,20 +172,20 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_BLANC_GB_BU_Fore INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_BLANC_GB_Forecast') {'Signal': '_BLANC_GB', 'Length': 36, 'MAPE': 0.2788, 'RMSE': 437446.706, 'MAE': 355167.1111, 'SMAPE': 0.2585, 'DiffSMAPE': 0.2585, 'MASE': 0.9722, 'RMSSE': 0.986, 'ErrorMean': -13.0, 'ErrorStdDev': 437446.7058, 'R2': -0.3647, 'Pearson': 0.3177, 'MedAE': 269284.5, 'LnQ': 3.9038, 'KS': 0.0278, 'KendallTau': 0.2303, 'MannWhitneyU': 647.5, 'AUC': 0.4996} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_BLANC_GB_BU_Forecast') {'Signal': '_BLANC_GB_BU_Forecast', 'Length': 9, 'MAPE': 0.1187, 'RMSE': 146152.7268, 'MAE': 119811.24, 'SMAPE': 0.1117, 'DiffSMAPE': 0.1117, 'MASE': 0.6721, 'RMSSE': 0.7107, 'ErrorMean': 44026.7956, 'ErrorStdDev': 139363.7716, 'R2': -0.0139, 'Pearson': 0.3745, 'MedAE': 119672.6034, 'LnQ': 0.1702, 'KS': 0.2222, 'KendallTau': 0.2778, 'MannWhitneyU': 37.0, 'AUC': 0.4568} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_BLANC_GB_Forecast') {'Signal': '_BLANC_GB', 'Length': 9, 'MAPE': 0.1522, 'RMSE': 194195.8928, 'MAE': 162045.1111, 'SMAPE': 0.1553, 'DiffSMAPE': 0.1553, 'MASE': 0.9091, 'RMSSE': 0.9443, 'ErrorMean': -18931.3333, 'ErrorStdDev': 193270.9223, 'R2': -0.7901, 'Pearson': 0.1571, 'MedAE': 227758.0, 'LnQ': 0.3228, 'KS': 0.1111, 'KendallTau': -0.0556, 'MannWhitneyU': 42.0, 'AUC': 0.5185} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_BLANC_GB_BU_Forecast') {'Signal': '_BLANC_GB_BU_Forecast', 'Length': 1, 'MAPE': 0.1004, 'RMSE': 110891.4474, 'MAE': 110891.4474, 'SMAPE': 0.1057, 'DiffSMAPE': 0.1057, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -110891.4474, 'ErrorStdDev': 0.0, 'R2': -1.2296913105794579e+20, 'Pearson': 0.0, 'MedAE': 110891.4474, 'LnQ': 0.0112, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_BLANC_GB_BU_Forecast') {'Signal': '_BLANC_GB_BU_Forecast', 'Length': 1, 'MAPE': 0.1004, 'RMSE': 110891.4474, 'MAE': 110891.4474, 'SMAPE': 0.1057, 'DiffSMAPE': 0.1057, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -110891.4474, 'ErrorStdDev': 0.0, 'R2': -1.2296913105794603e+20, 'Pearson': 0.0, 'MedAE': 110891.4474, 'LnQ': 0.0112, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_BLANC_GB_Forecast') {'Signal': '_BLANC_GB', 'Length': 1, 'MAPE': 0.0145, 'RMSE': 16002.0, 'MAE': 16002.0, 'SMAPE': 0.0146, 'DiffSMAPE': 0.0146, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -16002.0, 'ErrorStdDev': 0.0, 'R2': -2.56064004e+18, 'Pearson': 0.0, 'MedAE': 16002.0, 'LnQ': 0.0002, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_BLANC_US_BU_Forecast') {'Signal': '_BLANC_US_BU_Forecast', 'Length': 36, 'MAPE': 0.3722, 'RMSE': 831891.9858, 'MAE': 653306.9001, 'SMAPE': 0.4903, 'DiffSMAPE': 0.4903, 'MASE': 1.4565, 'RMSSE': 1.4423, 'ErrorMean': -577377.1097, 'ErrorStdDev': 598898.9475, 'R2': -1.8473, 'Pearson': -0.0056, 'MedAE': 510372.0368, 'LnQ': 17.0056, 'KS': 0.5833, 'KendallTau': 0.0032, 'MannWhitneyU': 1084.0, 'AUC': 0.8364} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_BLANC_US_Forecast') {'Signal': '_BLANC_US', 'Length': 36, 'MAPE': 0.2142, 'RMSE': 496622.4746, 'MAE': 344674.5671, 'SMAPE': 0.2092, 'DiffSMAPE': 0.2092, 'MASE': 0.7684, 'RMSSE': 0.861, 'ErrorMean': -106644.263, 'ErrorStdDev': 485036.9918, 'R2': -0.0147, 'Pearson': 0.2024, 'MedAE': 212752.6188, 'LnQ': 3.1217, 'KS': 0.3333, 'KendallTau': 0.1587, 'MannWhitneyU': 695.5, 'AUC': 0.5367} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_BLANC_US_BU_Forecast') {'Signal': '_BLANC_US_BU_Forecast', 'Length': 9, 'MAPE': 0.173, 'RMSE': 308069.8346, 'MAE': 225544.1379, 'SMAPE': 0.1537, 'DiffSMAPE': 0.1537, 'MASE': 0.5516, 'RMSSE': 0.6354, 'ErrorMean': 98564.9983, 'ErrorStdDev': 291876.6248, 'R2': 0.3024, 'Pearson': 0.7801, 'MedAE': 179379.0969, 'LnQ': 0.4156, 'KS': 0.4444, 'KendallTau': 0.4444, 'MannWhitneyU': 26.0, 'AUC': 0.321} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_BLANC_US_Forecast') {'Signal': '_BLANC_US', 'Length': 9, 'MAPE': 0.1722, 'RMSE': 366540.7304, 'MAE': 266798.1123, 'SMAPE': 0.1764, 'DiffSMAPE': 0.1764, 'MASE': 0.6524, 'RMSSE': 0.756, 'ErrorMean': -53425.6425, 'ErrorStdDev': 362626.2646, 'R2': 0.0125, 'Pearson': 0.2363, 'MedAE': 149172.1368, 'LnQ': 0.454, 'KS': 0.2222, 'KendallTau': 0.1667, 'MannWhitneyU': 43.0, 'AUC': 0.5309} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_BLANC_US_BU_Forecast') {'Signal': '_BLANC_US_BU_Forecast', 'Length': 1, 'MAPE': 0.1193, 'RMSE': 188959.6927, 'MAE': 188959.6927, 'SMAPE': 0.1269, 'DiffSMAPE': 0.1269, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -188959.6927, 'ErrorStdDev': 0.0, 'R2': -3.5705765458096154e+20, 'Pearson': 0.0, 'MedAE': 188959.6927, 'LnQ': 0.0161, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_BLANC_US_BU_Forecast') {'Signal': '_BLANC_US_BU_Forecast', 'Length': 1, 'MAPE': 0.1193, 'RMSE': 188959.6927, 'MAE': 188959.6927, 'SMAPE': 0.1269, 'DiffSMAPE': 0.1269, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -188959.6927, 'ErrorStdDev': 0.0, 'R2': -3.5705765458096246e+20, 'Pearson': 0.0, 'MedAE': 188959.6927, 'LnQ': 0.0161, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_BLANC_US_Forecast') {'Signal': '_BLANC_US', 'Length': 1, 'MAPE': 0.171, 'RMSE': 270794.4326, 'MAE': 270794.4326, 'SMAPE': 0.187, 'DiffSMAPE': 0.187, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -270794.4326, 'ErrorStdDev': 0.0, 'R2': -7.332962472733939e+20, 'Pearson': 0.0, 'MedAE': 270794.4326, 'LnQ': 0.0352, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_ROUGE_BE_BU_Forecast') {'Signal': '_ROUGE_BE_BU_Forecast', 'Length': 36, 'MAPE': 0.13, 'RMSE': 1022756.5934, 'MAE': 706979.0852, 'SMAPE': 0.1321, 'DiffSMAPE': 0.1321, 'MASE': 0.7631, 'RMSSE': 0.8301, 'ErrorMean': -0.0, 'ErrorStdDev': 1022756.5934, 'R2': 0.1665, 'Pearson': 0.5014, 'MedAE': 609741.4702, 'LnQ': 1.1381, 'KS': 0.1667, 'KendallTau': 0.4413, 'MannWhitneyU': 614.0, 'AUC': 0.4738} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_ROUGE_BE_BU_Forecast') {'Signal': '_ROUGE_BE_BU_Forecast', 'Length': 36, 'MAPE': 0.13, 'RMSE': 1022756.5934, 'MAE': 706979.0852, 'SMAPE': 0.1321, 'DiffSMAPE': 0.1321, 'MASE': 0.7631, 'RMSSE': 0.8301, 'ErrorMean': 0.0, 'ErrorStdDev': 1022756.5934, 'R2': 0.1665, 'Pearson': 0.5014, 'MedAE': 609741.4702, 'LnQ': 1.1381, 'KS': 0.1667, 'KendallTau': 0.4413, 'MannWhitneyU': 614.0, 'AUC': 0.4738} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_ROUGE_BE_Forecast') {'Signal': '_ROUGE_BE', 'Length': 36, 'MAPE': 0.129, 'RMSE': 1038574.7394, 'MAE': 712010.6799, 'SMAPE': 0.132, 'DiffSMAPE': 0.132, 'MASE': 0.7685, 'RMSSE': 0.843, 'ErrorMean': -0.0, 'ErrorStdDev': 1038574.7394, 'R2': 0.1405, 'Pearson': 0.5006, 'MedAE': 545930.7383, 'LnQ': 1.1721, 'KS': 0.1944, 'KendallTau': 0.4698, 'MannWhitneyU': 606.0, 'AUC': 0.4676} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_ROUGE_BE_BU_Forecast') {'Signal': '_ROUGE_BE_BU_Forecast', 'Length': 9, 'MAPE': 0.1595, 'RMSE': 687486.9668, 'MAE': 592309.2962, 'SMAPE': 0.1448, 'DiffSMAPE': 0.1448, 'MASE': 0.6851, 'RMSSE': 0.6768, 'ErrorMean': 336135.1559, 'ErrorStdDev': 599709.5018, 'R2': 0.5273, 'Pearson': 0.8293, 'MedAE': 561786.7764, 'LnQ': 0.2855, 'KS': 0.4444, 'KendallTau': 0.5556, 'MannWhitneyU': 31.0, 'AUC': 0.3827} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_ROUGE_BE_Forecast') {'Signal': '_ROUGE_BE', 'Length': 9, 'MAPE': 0.1646, 'RMSE': 718512.5356, 'MAE': 594404.8255, 'SMAPE': 0.1479, 'DiffSMAPE': 0.1479, 'MASE': 0.6875, 'RMSSE': 0.7073, 'ErrorMean': 386156.1254, 'ErrorStdDev': 605923.8489, 'R2': 0.4837, 'Pearson': 0.8293, 'MedAE': 450462.15, 'LnQ': 0.3135, 'KS': 0.5556, 'KendallTau': 0.5556, 'MannWhitneyU': 29.0, 'AUC': 0.358} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_ROUGE_BE_BU_Forecast') {'Signal': '_ROUGE_BE_BU_Forecast', 'Length': 1, 'MAPE': 0.111, 'RMSE': 330932.8357, 'MAE': 330932.8357, 'SMAPE': 0.1051, 'DiffSMAPE': 0.1051, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 330932.8357, 'ErrorStdDev': 0.0, 'R2': -1.0951654171547325e+21, 'Pearson': 0.0, 'MedAE': 330932.8357, 'LnQ': 0.0111, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_ROUGE_BE_Forecast') {'Signal': '_ROUGE_BE', 'Length': 1, 'MAPE': 0.1668, 'RMSE': 497380.0409, 'MAE': 497380.0409, 'SMAPE': 0.1539, 'DiffSMAPE': 0.1539, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 497380.0409, 'ErrorStdDev': 0.0, 'R2': -2.473869050465346e+21, 'Pearson': 0.0, 'MedAE': 497380.0409, 'LnQ': 0.0238, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_ROUGE_BE_BU_Forecast') {'Signal': '_ROUGE_BE_BU_Forecast', 'Length': 1, 'MAPE': 0.111, 'RMSE': 330932.8357, 'MAE': 330932.8357, 'SMAPE': 0.1051, 'DiffSMAPE': 0.1051, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 330932.8357, 'ErrorStdDev': 0.0, 'R2': -1.0951654171548372e+21, 'Pearson': 0.0, 'MedAE': 330932.8357, 'LnQ': 0.0111, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_ROUGE_BE_Forecast') {'Signal': '_ROUGE_BE', 'Length': 1, 'MAPE': 0.1668, 'RMSE': 497380.0409, 'MAE': 497380.0409, 'SMAPE': 0.1539, 'DiffSMAPE': 0.1539, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 497380.0409, 'ErrorStdDev': 0.0, 'R2': -2.4738690504653595e+21, 'Pearson': 0.0, 'MedAE': 497380.0409, 'LnQ': 0.0238, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_ROUGE_CN_BU_Forecast') {'Signal': '_ROUGE_CN_BU_Forecast', 'Length': 36, 'MAPE': 0.3894, 'RMSE': 5907365.5027, 'MAE': 4715035.1564, 'SMAPE': 0.5149, 'DiffSMAPE': 0.5149, 'MASE': 2.2381, 'RMSSE': 2.1126, 'ErrorMean': -3569399.1416, 'ErrorStdDev': 4707053.9566, 'R2': -2.4683, 'Pearson': -0.1668, 'MedAE': 4492303.5201, 'LnQ': 19.131, 'KS': 0.5278, 'KendallTau': -0.1365, 'MannWhitneyU': 1029.0, 'AUC': 0.794} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_ROUGE_CN_Forecast') {'Signal': '_ROUGE_CN', 'Length': 36, 'MAPE': 0.3957, 'RMSE': 5930253.0467, 'MAE': 4765361.2991, 'SMAPE': 0.5205, 'DiffSMAPE': 0.5205, 'MASE': 2.2619, 'RMSSE': 2.1208, 'ErrorMean': -3502842.1503, 'ErrorStdDev': 4785185.2699, 'R2': -2.4952, 'Pearson': -0.1762, 'MedAE': 4645523.2189, 'LnQ': 19.9019, 'KS': 0.5, 'KendallTau': -0.146, 'MannWhitneyU': 1015.0, 'AUC': 0.7832} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_ROUGE_CN_BU_Forecast') {'Signal': '_ROUGE_CN_BU_Forecast', 'Length': 9, 'MAPE': 0.2257, 'RMSE': 2692389.9851, 'MAE': 2147491.3052, 'SMAPE': 0.1948, 'DiffSMAPE': 0.1948, 'MASE': 0.7019, 'RMSSE': 0.7913, 'ErrorMean': -362473.5634, 'ErrorStdDev': 2667878.6981, 'R2': 0.2881, 'Pearson': 0.5939, 'MedAE': 1623173.7811, 'LnQ': 0.6697, 'KS': 0.4444, 'KendallTau': 0.6111, 'MannWhitneyU': 47.0, 'AUC': 0.5802} @@ -209,20 +209,20 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_ROUGE_US_Forecas INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_ROUGE_US_BU_Forecast') {'Signal': '_ROUGE_US_BU_Forecast', 'Length': 9, 'MAPE': 0.2115, 'RMSE': 1732034.658, 'MAE': 1433690.2778, 'SMAPE': 0.1926, 'DiffSMAPE': 0.1926, 'MASE': 0.6415, 'RMSSE': 0.6583, 'ErrorMean': 210446.9444, 'ErrorStdDev': 1719202.1813, 'R2': 0.133, 'Pearson': 0.4008, 'MedAE': 1401559.0, 'LnQ': 0.5234, 'KS': 0.4444, 'KendallTau': 0.1179, 'MannWhitneyU': 34.0, 'AUC': 0.4198} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_ROUGE_US_Forecast') {'Signal': '_ROUGE_US', 'Length': 9, 'MAPE': 0.1389, 'RMSE': 1431642.1638, 'MAE': 1073439.3328, 'SMAPE': 0.1379, 'DiffSMAPE': 0.1379, 'MASE': 0.4803, 'RMSSE': 0.5441, 'ErrorMean': -182287.0738, 'ErrorStdDev': 1419989.6858, 'R2': 0.4077, 'Pearson': 0.6461, 'MedAE': 595622.2993, 'LnQ': 0.3161, 'KS': 0.2222, 'KendallTau': 0.4444, 'MannWhitneyU': 43.0, 'AUC': 0.5309} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_ROUGE_US_BU_Forecast') {'Signal': '_ROUGE_US_BU_Forecast', 'Length': 1, 'MAPE': 0.4928, 'RMSE': 2817833.5, 'MAE': 2817833.5, 'SMAPE': 0.3954, 'DiffSMAPE': 0.3954, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 2817833.5, 'ErrorStdDev': 0.0, 'R2': -7.94018563372225e+22, 'Pearson': 0.0, 'MedAE': 2817833.5, 'LnQ': 0.1605, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_ROUGE_US_Forecast') {'Signal': '_ROUGE_US', 'Length': 1, 'MAPE': 0.3999, 'RMSE': 2286581.9227, 'MAE': 2286581.9227, 'SMAPE': 0.3332, 'DiffSMAPE': 0.3332, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 2286581.9227, 'ErrorStdDev': 0.0, 'R2': -5.228456889077632e+22, 'Pearson': 0.0, 'MedAE': 2286581.9227, 'LnQ': 0.1132, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_ROUGE_US_Forecast') {'Signal': '_ROUGE_US', 'Length': 1, 'MAPE': 0.3999, 'RMSE': 2286581.9227, 'MAE': 2286581.9227, 'SMAPE': 0.3332, 'DiffSMAPE': 0.3332, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 2286581.9227, 'ErrorStdDev': 0.0, 'R2': -5.228456889077635e+22, 'Pearson': 0.0, 'MedAE': 2286581.9227, 'LnQ': 0.1132, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} INFO:pyaf.hierarchical:STRUCTURE_LEVEL (2, ['__BE', '__CN', '__DE', '__GB', '__US']) INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__BE_BU_Forecast') {'Signal': '__BE_BU_Forecast', 'Length': 36, 'MAPE': 0.1156, 'RMSE': 1063386.424, 'MAE': 815974.982, 'SMAPE': 0.1159, 'DiffSMAPE': 0.1159, 'MASE': 0.7539, 'RMSSE': 0.789, 'ErrorMean': -14284.1716, 'ErrorStdDev': 1063290.482, 'R2': 0.225, 'Pearson': 0.5238, 'MedAE': 666459.9529, 'LnQ': 0.7487, 'KS': 0.1389, 'KendallTau': 0.3619, 'MannWhitneyU': 613.0, 'AUC': 0.473} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__BE_Forecast') {'Signal': '__BE', 'Length': 36, 'MAPE': 0.1022, 'RMSE': 1092805.0125, 'MAE': 741138.602, 'SMAPE': 0.104, 'DiffSMAPE': 0.104, 'MASE': 0.6847, 'RMSSE': 0.8108, 'ErrorMean': -0.0, 'ErrorStdDev': 1092805.0125, 'R2': 0.1815, 'Pearson': 0.5104, 'MedAE': 540044.1262, 'LnQ': 0.777, 'KS': 0.1667, 'KendallTau': 0.381, 'MannWhitneyU': 630.0, 'AUC': 0.4861} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__BE_Forecast') {'Signal': '__BE', 'Length': 36, 'MAPE': 0.1022, 'RMSE': 1092805.0125, 'MAE': 741138.602, 'SMAPE': 0.104, 'DiffSMAPE': 0.104, 'MASE': 0.6847, 'RMSSE': 0.8108, 'ErrorMean': 0.0, 'ErrorStdDev': 1092805.0125, 'R2': 0.1815, 'Pearson': 0.5104, 'MedAE': 540044.1262, 'LnQ': 0.777, 'KS': 0.1667, 'KendallTau': 0.381, 'MannWhitneyU': 630.0, 'AUC': 0.4861} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__BE_BU_Forecast') {'Signal': '__BE_BU_Forecast', 'Length': 9, 'MAPE': 0.1505, 'RMSE': 1017139.297, 'MAE': 735729.9952, 'SMAPE': 0.1315, 'DiffSMAPE': 0.1315, 'MASE': 0.7444, 'RMSSE': 0.7229, 'ErrorMean': 412477.4047, 'ErrorStdDev': 929749.8266, 'R2': 0.4963, 'Pearson': 0.7733, 'MedAE': 495863.9584, 'LnQ': 0.3248, 'KS': 0.3333, 'KendallTau': 0.6111, 'MannWhitneyU': 37.0, 'AUC': 0.4568} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__BE_Forecast') {'Signal': '__BE', 'Length': 9, 'MAPE': 0.2011, 'RMSE': 1296405.8711, 'MAE': 1029812.9857, 'SMAPE': 0.1805, 'DiffSMAPE': 0.1805, 'MASE': 1.042, 'RMSSE': 0.9214, 'ErrorMean': 452045.4608, 'ErrorStdDev': 1215040.3631, 'R2': 0.1817, 'Pearson': 0.5422, 'MedAE': 928049.2133, 'LnQ': 0.4809, 'KS': 0.4444, 'KendallTau': 0.5, 'MannWhitneyU': 29.0, 'AUC': 0.358} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__BE_BU_Forecast') {'Signal': '__BE_BU_Forecast', 'Length': 1, 'MAPE': 0.05, 'RMSE': 203341.8671, 'MAE': 203341.8671, 'SMAPE': 0.0487, 'DiffSMAPE': 0.0487, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 203341.8671, 'ErrorStdDev': 0.0, 'R2': -4.1347914907611916e+20, 'Pearson': 0.0, 'MedAE': 203341.8671, 'LnQ': 0.0024, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__BE_Forecast') {'Signal': '__BE', 'Length': 1, 'MAPE': 0.249, 'RMSE': 1013349.2949, 'MAE': 1013349.2949, 'SMAPE': 0.2214, 'DiffSMAPE': 0.2214, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 1013349.2949, 'ErrorStdDev': 0.0, 'R2': -1.0268767933998951e+22, 'Pearson': 0.0, 'MedAE': 1013349.2949, 'LnQ': 0.0494, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__BE_BU_Forecast') {'Signal': '__BE_BU_Forecast', 'Length': 1, 'MAPE': 0.05, 'RMSE': 203341.8671, 'MAE': 203341.8671, 'SMAPE': 0.0487, 'DiffSMAPE': 0.0487, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 203341.8671, 'ErrorStdDev': 0.0, 'R2': -4.1347914907621006e+20, 'Pearson': 0.0, 'MedAE': 203341.8671, 'LnQ': 0.0024, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__BE_Forecast') {'Signal': '__BE', 'Length': 1, 'MAPE': 0.249, 'RMSE': 1013349.2949, 'MAE': 1013349.2949, 'SMAPE': 0.2214, 'DiffSMAPE': 0.2214, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 1013349.2949, 'ErrorStdDev': 0.0, 'R2': -1.0268767933998914e+22, 'Pearson': 0.0, 'MedAE': 1013349.2949, 'LnQ': 0.0494, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__CN_BU_Forecast') {'Signal': '__CN_BU_Forecast', 'Length': 36, 'MAPE': 0.375, 'RMSE': 5982830.9754, 'MAE': 4785039.1981, 'SMAPE': 0.4855, 'DiffSMAPE': 0.4855, 'MASE': 2.1829, 'RMSSE': 2.1118, 'ErrorMean': -3569399.1416, 'ErrorStdDev': 4801422.3151, 'R2': -2.3342, 'Pearson': -0.1729, 'MedAE': 4842837.0457, 'LnQ': 15.9094, 'KS': 0.5, 'KendallTau': -0.1492, 'MannWhitneyU': 1022.0, 'AUC': 0.7886} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__CN_Forecast') {'Signal': '__CN', 'Length': 36, 'MAPE': 0.3787, 'RMSE': 5843680.6738, 'MAE': 4760283.9719, 'SMAPE': 0.4745, 'DiffSMAPE': 0.4745, 'MASE': 2.1716, 'RMSSE': 2.0627, 'ErrorMean': -3220956.7602, 'ErrorStdDev': 4875863.1406, 'R2': -2.1809, 'Pearson': -0.1808, 'MedAE': 4526850.2788, 'LnQ': 14.249, 'KS': 0.4722, 'KendallTau': -0.127, 'MannWhitneyU': 979.0, 'AUC': 0.7554} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__CN_Forecast') {'Signal': '__CN', 'Length': 36, 'MAPE': 0.3787, 'RMSE': 5843680.6738, 'MAE': 4760283.9719, 'SMAPE': 0.4745, 'DiffSMAPE': 0.4745, 'MASE': 2.1716, 'RMSSE': 2.0627, 'ErrorMean': -3220956.7602, 'ErrorStdDev': 4875863.1406, 'R2': -2.1809, 'Pearson': -0.1808, 'MedAE': 4526850.2788, 'LnQ': 14.249, 'KS': 0.4722, 'KendallTau': -0.127, 'MannWhitneyU': 979.5, 'AUC': 0.7558} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__CN_BU_Forecast') {'Signal': '__CN_BU_Forecast', 'Length': 9, 'MAPE': 0.2292, 'RMSE': 2784210.909, 'MAE': 2341063.8304, 'SMAPE': 0.2024, 'DiffSMAPE': 0.2024, 'MASE': 0.7544, 'RMSSE': 0.8181, 'ErrorMean': -478448.9523, 'ErrorStdDev': 2742793.6462, 'R2': 0.2307, 'Pearson': 0.5282, 'MedAE': 1772017.7256, 'LnQ': 0.6313, 'KS': 0.4444, 'KendallTau': 0.5556, 'MannWhitneyU': 48.0, 'AUC': 0.5926} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__CN_Forecast') {'Signal': '__CN', 'Length': 9, 'MAPE': 0.2353, 'RMSE': 2852608.781, 'MAE': 2276336.9642, 'SMAPE': 0.1973, 'DiffSMAPE': 0.1973, 'MASE': 0.7336, 'RMSSE': 0.8382, 'ErrorMean': -122512.6866, 'ErrorStdDev': 2849976.7542, 'R2': 0.1925, 'Pearson': 0.4456, 'MedAE': 1562210.67, 'LnQ': 0.6878, 'KS': 0.3333, 'KendallTau': 0.3889, 'MannWhitneyU': 46.0, 'AUC': 0.5679} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__CN_BU_Forecast') {'Signal': '__CN_BU_Forecast', 'Length': 1, 'MAPE': 0.0771, 'RMSE': 919796.1306, 'MAE': 919796.1306, 'SMAPE': 0.0743, 'DiffSMAPE': 0.0743, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 919796.1306, 'ErrorStdDev': 0.0, 'R2': -8.460249217968722e+21, 'Pearson': 0.0, 'MedAE': 919796.1306, 'LnQ': 0.0055, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__CN_Forecast') {'Signal': '__CN', 'Length': 1, 'MAPE': 0.0926, 'RMSE': 1104571.0872, 'MAE': 1104571.0872, 'SMAPE': 0.0885, 'DiffSMAPE': 0.0885, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 1104571.0872, 'ErrorStdDev': 0.0, 'R2': -1.2200772866701103e+22, 'Pearson': 0.0, 'MedAE': 1104571.0872, 'LnQ': 0.0078, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__CN_Forecast') {'Signal': '__CN', 'Length': 1, 'MAPE': 0.0926, 'RMSE': 1104571.0872, 'MAE': 1104571.0872, 'SMAPE': 0.0885, 'DiffSMAPE': 0.0885, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 1104571.0872, 'ErrorStdDev': 0.0, 'R2': -1.2200772866701062e+22, 'Pearson': 0.0, 'MedAE': 1104571.0872, 'LnQ': 0.0078, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__DE_BU_Forecast') {'Signal': '__DE_BU_Forecast', 'Length': 36, 'MAPE': 0.3014, 'RMSE': 2405270.7616, 'MAE': 1882403.2797, 'SMAPE': 0.2652, 'DiffSMAPE': 0.2652, 'MASE': 1.028, 'RMSSE': 0.9093, 'ErrorMean': -114017.7501, 'ErrorStdDev': 2402566.8335, 'R2': 0.1053, 'Pearson': 0.4005, 'MedAE': 1571959.8118, 'LnQ': 4.2492, 'KS': 0.4444, 'KendallTau': 0.0, 'MannWhitneyU': 616.0, 'AUC': 0.4753} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__DE_Forecast') {'Signal': '__DE', 'Length': 36, 'MAPE': 0.285, 'RMSE': 2614065.2725, 'MAE': 1930208.9672, 'SMAPE': 0.2697, 'DiffSMAPE': 0.2697, 'MASE': 1.0541, 'RMSSE': 0.9883, 'ErrorMean': -506300.3659, 'ErrorStdDev': 2564565.692, 'R2': -0.0568, 'Pearson': 0.1073, 'MedAE': 1429297.88, 'LnQ': 4.507, 'KS': 0.3333, 'KendallTau': 0.0921, 'MannWhitneyU': 707.0, 'AUC': 0.5455} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__DE_BU_Forecast') {'Signal': '__DE_BU_Forecast', 'Length': 9, 'MAPE': 0.1952, 'RMSE': 1129894.1931, 'MAE': 873918.2929, 'SMAPE': 0.1648, 'DiffSMAPE': 0.1648, 'MASE': 0.8057, 'RMSSE': 0.8595, 'ErrorMean': 573371.0826, 'ErrorStdDev': 973604.8938, 'R2': -0.0316, 'Pearson': 0.4897, 'MedAE': 852342.1618, 'LnQ': 0.4804, 'KS': 0.4444, 'KendallTau': 0.3333, 'MannWhitneyU': 31.0, 'AUC': 0.3827} @@ -236,19 +236,19 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__GB_Forecas INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__GB_BU_Forecast') {'Signal': '__GB_BU_Forecast', 'Length': 1, 'MAPE': 0.0976, 'RMSE': 853175.3884, 'MAE': 853175.3884, 'SMAPE': 0.1026, 'DiffSMAPE': 0.1026, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -853175.3884, 'ErrorStdDev': 0.0, 'R2': -7.279082433789528e+21, 'Pearson': 0.0, 'MedAE': 853175.3884, 'LnQ': 0.0105, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__GB_Forecast') {'Signal': '__GB', 'Length': 1, 'MAPE': 0.0961, 'RMSE': 840216.0, 'MAE': 840216.0, 'SMAPE': 0.1009, 'DiffSMAPE': 0.1009, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': -840216.0, 'ErrorStdDev': 0.0, 'R2': -7.05962926656e+21, 'Pearson': 0.0, 'MedAE': 840216.0, 'LnQ': 0.0102, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__US_BU_Forecast') {'Signal': '__US_BU_Forecast', 'Length': 36, 'MAPE': 0.1769, 'RMSE': 2759548.7649, 'MAE': 1941972.0866, 'SMAPE': 0.1856, 'DiffSMAPE': 0.1856, 'MASE': 0.7881, 'RMSSE': 0.8768, 'ErrorMean': -771402.0963, 'ErrorStdDev': 2649537.3543, 'R2': -0.1624, 'Pearson': -0.0623, 'MedAE': 1496334.5291, 'LnQ': 2.276, 'KS': 0.4444, 'KendallTau': 0.019, 'MannWhitneyU': 701.0, 'AUC': 0.5409} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__US_Forecast') {'Signal': '__US', 'Length': 36, 'MAPE': 0.1889, 'RMSE': 2351568.3169, 'MAE': 1928247.7871, 'SMAPE': 0.1855, 'DiffSMAPE': 0.1855, 'MASE': 0.7825, 'RMSSE': 0.7472, 'ErrorMean': 0.0, 'ErrorStdDev': 2351568.3169, 'R2': 0.1559, 'Pearson': 0.4101, 'MedAE': 1438421.043, 'LnQ': 1.7279, 'KS': 0.3056, 'KendallTau': 0.3333, 'MannWhitneyU': 568.0, 'AUC': 0.4383} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__US_Forecast') {'Signal': '__US', 'Length': 36, 'MAPE': 0.1889, 'RMSE': 2351568.3169, 'MAE': 1928247.7871, 'SMAPE': 0.1855, 'DiffSMAPE': 0.1855, 'MASE': 0.7825, 'RMSSE': 0.7472, 'ErrorMean': -0.0, 'ErrorStdDev': 2351568.3169, 'R2': 0.1559, 'Pearson': 0.4101, 'MedAE': 1438421.043, 'LnQ': 1.7279, 'KS': 0.3056, 'KendallTau': 0.3333, 'MannWhitneyU': 568.0, 'AUC': 0.4383} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__US_BU_Forecast') {'Signal': '__US_BU_Forecast', 'Length': 9, 'MAPE': 0.1936, 'RMSE': 1852385.6856, 'MAE': 1564232.843, 'SMAPE': 0.1781, 'DiffSMAPE': 0.1781, 'MASE': 0.6255, 'RMSSE': 0.6476, 'ErrorMean': 157021.302, 'ErrorStdDev': 1845718.5698, 'R2': 0.181, 'Pearson': 0.4884, 'MedAE': 1426332.3161, 'LnQ': 0.4345, 'KS': 0.4444, 'KendallTau': 0.2222, 'MannWhitneyU': 40.0, 'AUC': 0.4938} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__US_Forecast') {'Signal': '__US', 'Length': 9, 'MAPE': 0.1733, 'RMSE': 1671135.5816, 'MAE': 1246583.1641, 'SMAPE': 0.1482, 'DiffSMAPE': 0.1482, 'MASE': 0.4985, 'RMSSE': 0.5842, 'ErrorMean': 1031804.0677, 'ErrorStdDev': 1314562.474, 'R2': 0.3335, 'Pearson': 0.8189, 'MedAE': 966505.9339, 'LnQ': 0.3933, 'KS': 0.4444, 'KendallTau': 0.7222, 'MannWhitneyU': 29.0, 'AUC': 0.358} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__US_BU_Forecast') {'Signal': '__US_BU_Forecast', 'Length': 1, 'MAPE': 0.3488, 'RMSE': 2547039.0674, 'MAE': 2547039.0674, 'SMAPE': 0.297, 'DiffSMAPE': 0.297, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 2547039.0674, 'ErrorStdDev': 0.0, 'R2': -6.48740801086014e+22, 'Pearson': 0.0, 'MedAE': 2547039.0674, 'LnQ': 0.0895, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__US_Forecast') {'Signal': '__US', 'Length': 1, 'MAPE': 0.3968, 'RMSE': 2897638.3737, 'MAE': 2897638.3737, 'SMAPE': 0.3311, 'DiffSMAPE': 0.3311, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 2897638.3737, 'ErrorStdDev': 0.0, 'R2': -8.396308145018297e+22, 'Pearson': 0.0, 'MedAE': 2897638.3737, 'LnQ': 0.1117, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__US_Forecast') {'Signal': '__US', 'Length': 1, 'MAPE': 0.3968, 'RMSE': 2897638.3737, 'MAE': 2897638.3737, 'SMAPE': 0.3311, 'DiffSMAPE': 0.3311, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 2897638.3737, 'ErrorStdDev': 0.0, 'R2': -8.396308145018285e+22, 'Pearson': 0.0, 'MedAE': 2897638.3737, 'LnQ': 0.1117, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} INFO:pyaf.hierarchical:STRUCTURE_LEVEL (3, ['__']) INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '___BU_Forecast') {'Signal': '___BU_Forecast', 'Length': 36, 'MAPE': 0.1449, 'RMSE': 9381130.2031, 'MAE': 7618192.6359, 'SMAPE': 0.1538, 'DiffSMAPE': 0.1538, 'MASE': 0.9094, 'RMSSE': 0.9871, 'ErrorMean': -4184822.2517, 'ErrorStdDev': 8396003.0139, 'R2': 0.303, 'Pearson': 0.6648, 'MedAE': 6484076.1435, 'LnQ': 1.2426, 'KS': 0.25, 'KendallTau': 0.4254, 'MannWhitneyU': 796.0, 'AUC': 0.6142} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '___Forecast') {'Signal': '__', 'Length': 36, 'MAPE': 0.3167, 'RMSE': 21835558.058, 'MAE': 17524473.5289, 'SMAPE': 0.4087, 'DiffSMAPE': 0.4087, 'MASE': 2.0919, 'RMSSE': 2.2976, 'ErrorMean': -16088645.4482, 'ErrorStdDev': 14763030.9675, 'R2': -2.7759, 'Pearson': 0.0173, 'MedAE': 17449069.0713, 'LnQ': 10.1088, 'KS': 0.5278, 'KendallTau': -0.019, 'MannWhitneyU': 1107.0, 'AUC': 0.8542} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '___BU_Forecast') {'Signal': '___BU_Forecast', 'Length': 9, 'MAPE': 0.1236, 'RMSE': 5742427.2087, 'MAE': 4493337.5203, 'SMAPE': 0.1155, 'DiffSMAPE': 0.1155, 'MASE': 0.637, 'RMSSE': 0.6672, 'ErrorMean': 619583.2197, 'ErrorStdDev': 5708904.1752, 'R2': 0.3523, 'Pearson': 0.6534, 'MedAE': 4397422.0232, 'LnQ': 0.2117, 'KS': 0.3333, 'KendallTau': 0.5, 'MannWhitneyU': 42.0, 'AUC': 0.5185} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '___Forecast') {'Signal': '__', 'Length': 9, 'MAPE': 0.1273, 'RMSE': 5613938.9462, 'MAE': 4542929.0451, 'SMAPE': 0.1156, 'DiffSMAPE': 0.1156, 'MASE': 0.644, 'RMSSE': 0.6523, 'ErrorMean': 3419029.1663, 'ErrorStdDev': 4452701.4329, 'R2': 0.381, 'Pearson': 0.8055, 'MedAE': 3108700.549, 'LnQ': 0.1977, 'KS': 0.3333, 'KendallTau': 0.5, 'MannWhitneyU': 31.0, 'AUC': 0.3827} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '___BU_Forecast') {'Signal': '___BU_Forecast', 'Length': 1, 'MAPE': 0.1449, 'RMSE': 5198301.579, 'MAE': 5198301.579, 'SMAPE': 0.1351, 'DiffSMAPE': 0.1351, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 5198301.579, 'ErrorStdDev': 0.0, 'R2': -2.7022339306176375e+23, 'Pearson': 0.0, 'MedAE': 5198301.579, 'LnQ': 0.0183, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '___Forecast') {'Signal': '__', 'Length': 1, 'MAPE': 0.4141, 'RMSE': 14854855.9405, 'MAE': 14854855.9405, 'SMAPE': 0.3431, 'DiffSMAPE': 0.3431, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 14854855.9405, 'ErrorStdDev': 0.0, 'R2': -2.2066674501162197e+24, 'Pearson': 0.0, 'MedAE': 14854855.9405, 'LnQ': 0.1201, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} -INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 73.522 +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '___Forecast') {'Signal': '__', 'Length': 1, 'MAPE': 0.4141, 'RMSE': 14854855.9405, 'MAE': 14854855.9405, 'SMAPE': 0.3431, 'DiffSMAPE': 0.3431, 'MASE': 0.0, 'RMSSE': 0.0, 'ErrorMean': 14854855.9405, 'ErrorStdDev': 0.0, 'R2': -2.206667450116213e+24, 'Pearson': 0.0, 'MedAE': 14854855.9405, 'LnQ': 0.1201, 'KS': 0.0, 'KendallTau': 0.0, 'MannWhitneyU': 0.0, 'AUC': 0.0} +INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 17.093 INFO:pyaf.std:TIME_DETAIL TimeVariable='Month' TimeMin=2012-01-01T00:00:00.000000 TimeMax=2014-12-01T00:00:00.000000 TimeDelta= Horizon=1 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='ALSACE_BLANC_BE' Length=46 Min=547748 Max=2166585 Mean=1210707.782609 StdDev=275212.588648 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_ALSACE_BLANC_BE' Min=0.0 Max=1.0 Mean=0.409528 StdDev=0.170006 @@ -1534,6 +1534,8 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/bugs_hier_grouping_issue_55_CN_AR_deco INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/bugs_hier_grouping_issue_55_CN_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/bugs_hier_grouping_issue_55_CN_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/bugs_hier_grouping_issue_55_CN_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/bugs_hier_grouping_issue_55_CN_quantiles_output.png') INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END @@ -1585,7 +1587,7 @@ dict_keys(['ALSACE_BLANC_BE', 'ALSACE_BLANC_CN', 'ALSACE_BLANC_DE', 'ALSACE_BLAN 7 BEAUJOLAIS_ROUGE_DE 1.612523e+05 0.5505 6 BEAUJOLAIS_ROUGE_CN 1.294148e+05 3.3899 -INFO:pyaf.std:FORECASTING_ENGINE_END 14.297 +INFO:pyaf.std:FORECASTING_ENGINE_END 4.172 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU', 'TD', 'MO', 'OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD @@ -1607,4 +1609,4 @@ RangeIndex: 50 entries, 0 to 49 Columns: 325 entries, Month to OC_Forecast dtypes: datetime64[ns](1), float64(324) memory usage: 127.1 KB -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_55/grouping_issue_55_notebook.py', 'ElapsedTimeSecs':(132.69, 4.26, 84.51), 'MAX_MEM_KB':369384, 'CPU_PRCNT':'66%', 'FILES_IN':15624, 'FILES_OUT':6848, 'EXIT_STATUS':0} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_55/grouping_issue_55_notebook.py', 'ElapsedTimeSecs':(31.48, 5.09, 115.89), 'MAX_MEM_KB':359964, 'CPU_PRCNT':'384%', 'FILES_IN':0, 'FILES_OUT':5976, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_56/issue_56_order1.log b/tests/references/bugs/issue_56/issue_56_order1.log index a46550d32..cbd255756 100644 --- a/tests/references/bugs/issue_56/issue_56_order1.log +++ b/tests/references/bugs/issue_56/issue_56_order1.log @@ -2,13 +2,13 @@ INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_START INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male', '_female', '_male', '_'], 'Horizons': {'NSW_female': 12, 'NSW_male': 12, 'VIC_female': 12, 'VIC_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 50.219 +INFO:pyaf.std:TRAINING_ENGINE_END 6.308 INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_END INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_COMPUTE_TOP_DOWN_HISTORICAL_PROPORTIONS INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male', '_female', '_male', '_'], 'Horizons': {'NSW_female': 12, 'NSW_male': 12, 'VIC_female': 12, 'VIC_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 4.688 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.92 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU', 'TD', 'MO', 'OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD @@ -46,20 +46,20 @@ INFO:pyaf.hierarchical:DATASET_COLUMNS Index(['Index', 'NSW_female', 'NSW_female dtype='object') INFO:pyaf.hierarchical:STRUCTURE_LEVEL (0, ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male']) INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0752, 'RMSE': 59.49, 'MAE': 44.572, 'SMAPE': 0.0739, 'DiffSMAPE': 0.0739, 'MASE': 1.013, 'RMSSE': 1.033, 'ErrorMean': -4.7598, 'ErrorStdDev': 59.2993, 'R2': 0.9185, 'Pearson': 0.9615, 'MedAE': 27.9894, 'LnQ': 0.5908, 'KS': 0.2034, 'KendallTau': 0.7834, 'MannWhitneyU': 1797.0, 'AUC': 0.5162} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0753, 'RMSE': 57.9255, 'MAE': 44.6353, 'SMAPE': 0.0739, 'DiffSMAPE': 0.0739, 'MASE': 1.0144, 'RMSSE': 1.0058, 'ErrorMean': -0.0, 'ErrorStdDev': 57.9255, 'R2': 0.9227, 'Pearson': 0.9619, 'MedAE': 30.3823, 'LnQ': 0.5697, 'KS': 0.1356, 'KendallTau': 0.7846, 'MannWhitneyU': 1729.0, 'AUC': 0.4967} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0727, 'RMSE': 52.7177, 'MAE': 42.6918, 'SMAPE': 0.0729, 'DiffSMAPE': 0.0729, 'MASE': 0.9703, 'RMSSE': 0.9154, 'ErrorMean': -3.802, 'ErrorStdDev': 52.5804, 'R2': 0.936, 'Pearson': 0.9676, 'MedAE': 37.7484, 'LnQ': 0.4982, 'KS': 0.1186, 'KendallTau': 0.8407, 'MannWhitneyU': 1717.0, 'AUC': 0.4932} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0764, 'RMSE': 58.9609, 'MAE': 44.7233, 'SMAPE': 0.0745, 'DiffSMAPE': 0.0745, 'MASE': 1.0164, 'RMSSE': 1.0238, 'ErrorMean': -0.0, 'ErrorStdDev': 58.9609, 'R2': 0.9199, 'Pearson': 0.9615, 'MedAE': 30.3279, 'LnQ': 0.599, 'KS': 0.1525, 'KendallTau': 0.7834, 'MannWhitneyU': 1749.0, 'AUC': 0.5024} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0752, 'RMSE': 59.49, 'MAE': 44.572, 'SMAPE': 0.0739, 'DiffSMAPE': 0.0739, 'MASE': 1.013, 'RMSSE': 1.033, 'ErrorMean': -4.7598, 'ErrorStdDev': 59.2993, 'R2': 0.9185, 'Pearson': 0.9615, 'MedAE': 27.9894, 'LnQ': 0.5908, 'KS': 0.2034, 'KendallTau': 0.7834, 'MannWhitneyU': 1797.0, 'AUC': 0.5162} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0753, 'RMSE': 57.9255, 'MAE': 44.6353, 'SMAPE': 0.0739, 'DiffSMAPE': 0.0739, 'MASE': 1.0144, 'RMSSE': 1.0058, 'ErrorMean': -0.0, 'ErrorStdDev': 57.9255, 'R2': 0.9227, 'Pearson': 0.9619, 'MedAE': 30.3823, 'LnQ': 0.5697, 'KS': 0.1356, 'KendallTau': 0.7846, 'MannWhitneyU': 1729.0, 'AUC': 0.4967} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0727, 'RMSE': 52.7177, 'MAE': 42.6918, 'SMAPE': 0.0729, 'DiffSMAPE': 0.0729, 'MASE': 0.9703, 'RMSSE': 0.9154, 'ErrorMean': -3.802, 'ErrorStdDev': 52.5804, 'R2': 0.936, 'Pearson': 0.9676, 'MedAE': 37.7484, 'LnQ': 0.4982, 'KS': 0.1186, 'KendallTau': 0.8407, 'MannWhitneyU': 1717.0, 'AUC': 0.4932} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0764, 'RMSE': 58.9609, 'MAE': 44.7233, 'SMAPE': 0.0745, 'DiffSMAPE': 0.0745, 'MASE': 1.0164, 'RMSSE': 1.0238, 'ErrorMean': -0.0, 'ErrorStdDev': 58.9609, 'R2': 0.9199, 'Pearson': 0.9615, 'MedAE': 30.3279, 'LnQ': 0.599, 'KS': 0.1525, 'KendallTau': 0.7834, 'MannWhitneyU': 1749.0, 'AUC': 0.5024} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0752, 'RMSE': 59.49, 'MAE': 44.572, 'SMAPE': 0.0739, 'DiffSMAPE': 0.0739, 'MASE': 1.013, 'RMSSE': 1.033, 'ErrorMean': -4.7598, 'ErrorStdDev': 59.2993, 'R2': 0.9185, 'Pearson': 0.9615, 'MedAE': 27.9894, 'LnQ': 0.5908, 'KS': 0.2034, 'KendallTau': 0.7834, 'MannWhitneyU': 1797.0, 'AUC': 0.5162} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0753, 'RMSE': 57.9255, 'MAE': 44.6353, 'SMAPE': 0.0739, 'DiffSMAPE': 0.0739, 'MASE': 1.0144, 'RMSSE': 1.0058, 'ErrorMean': -0.0, 'ErrorStdDev': 57.9255, 'R2': 0.9227, 'Pearson': 0.9619, 'MedAE': 30.3823, 'LnQ': 0.5697, 'KS': 0.1356, 'KendallTau': 0.7846, 'MannWhitneyU': 1729.0, 'AUC': 0.4967} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0727, 'RMSE': 52.7177, 'MAE': 42.6918, 'SMAPE': 0.0729, 'DiffSMAPE': 0.0729, 'MASE': 0.9703, 'RMSSE': 0.9154, 'ErrorMean': -3.802, 'ErrorStdDev': 52.5804, 'R2': 0.936, 'Pearson': 0.9676, 'MedAE': 37.7484, 'LnQ': 0.4982, 'KS': 0.1186, 'KendallTau': 0.8407, 'MannWhitneyU': 1717.0, 'AUC': 0.4932} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0764, 'RMSE': 58.9609, 'MAE': 44.7233, 'SMAPE': 0.0745, 'DiffSMAPE': 0.0745, 'MASE': 1.0164, 'RMSSE': 1.0238, 'ErrorMean': -0.0, 'ErrorStdDev': 58.9609, 'R2': 0.9199, 'Pearson': 0.9615, 'MedAE': 30.3279, 'LnQ': 0.599, 'KS': 0.1525, 'KendallTau': 0.7834, 'MannWhitneyU': 1749.0, 'AUC': 0.5024} @@ -173,7 +173,7 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__Forecast') {'S INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__MO_Forecast') {'Signal': '__MO_Forecast', 'Length': 59, 'MAPE': 0.0672, 'RMSE': 202.5936, 'MAE': 160.9384, 'SMAPE': 0.0671, 'DiffSMAPE': 0.0671, 'MASE': 1.1983, 'RMSSE': 1.194, 'ErrorMean': -0.0, 'ErrorStdDev': 202.5936, 'R2': 0.9261, 'Pearson': 0.9623, 'MedAE': 149.8491, 'LnQ': 0.432, 'KS': 0.1695, 'KendallTau': 0.7632, 'MannWhitneyU': 1661.0, 'AUC': 0.4772} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__OC_Forecast') {'Signal': '__OC_Forecast', 'Length': 59, 'MAPE': 0.0663, 'RMSE': 200.2897, 'MAE': 158.5187, 'SMAPE': 0.0662, 'DiffSMAPE': 0.0662, 'MASE': 1.1802, 'RMSSE': 1.1804, 'ErrorMean': -2.4627, 'ErrorStdDev': 200.2746, 'R2': 0.9277, 'Pearson': 0.9632, 'MedAE': 136.3294, 'LnQ': 0.4244, 'KS': 0.1695, 'KendallTau': 0.7643, 'MannWhitneyU': 1666.0, 'AUC': 0.4786} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__PHA_TD_Forecast') {'Signal': '__PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0672, 'RMSE': 202.5936, 'MAE': 160.9384, 'SMAPE': 0.0671, 'DiffSMAPE': 0.0671, 'MASE': 1.1983, 'RMSSE': 1.194, 'ErrorMean': -0.0, 'ErrorStdDev': 202.5936, 'R2': 0.9261, 'Pearson': 0.9623, 'MedAE': 149.8491, 'LnQ': 0.432, 'KS': 0.1695, 'KendallTau': 0.7632, 'MannWhitneyU': 1661.0, 'AUC': 0.4772} -INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 63.579 +INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 9.059 INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='NSW_female' Length=59 Min=270 Max=1000 Mean=650.932203 StdDev=208.335442 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_NSW_female' Min=0.0 Max=1.0 Mean=0.521825 StdDev=0.285391 @@ -387,10 +387,11 @@ INFO:pyaf.std:COMPETITION_DETAIL_END '_' INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male', '_female', '_male', '_'], 'Horizons': {'NSW_female': 12, 'NSW_male': 12, 'VIC_female': 12, 'VIC_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 3.093 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.803 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU', 'TD', 'MO', 'OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD PHA_TD INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_MIDDLE_OUT_METHOD MO INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_OPTIMAL_COMBINATION_METHOD OC +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_56/issue_56_order1.py', 'ElapsedTimeSecs':(10.64, 1.51, 47.91), 'MAX_MEM_KB':153844, 'CPU_PRCNT':'464%', 'FILES_IN':0, 'FILES_OUT':168, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_56/issue_56_order2.log b/tests/references/bugs/issue_56/issue_56_order2.log index 012449669..087301be0 100644 --- a/tests/references/bugs/issue_56/issue_56_order2.log +++ b/tests/references/bugs/issue_56/issue_56_order2.log @@ -2,13 +2,13 @@ INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_START INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male', '_female', '_male', '_'], 'Horizons': {'NSW_female': 12, 'NSW_male': 12, 'VIC_female': 12, 'VIC_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 48.491 +INFO:pyaf.std:TRAINING_ENGINE_END 7.741 INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_END INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_COMPUTE_TOP_DOWN_HISTORICAL_PROPORTIONS INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male', '_female', '_male', '_'], 'Horizons': {'NSW_female': 12, 'NSW_male': 12, 'VIC_female': 12, 'VIC_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 6.592 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.866 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU', 'TD', 'MO', 'OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD @@ -46,20 +46,20 @@ INFO:pyaf.hierarchical:DATASET_COLUMNS Index(['Index', 'NSW_female', 'NSW_female dtype='object') INFO:pyaf.hierarchical:STRUCTURE_LEVEL (0, ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male']) INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0752, 'RMSE': 59.49, 'MAE': 44.572, 'SMAPE': 0.0739, 'DiffSMAPE': 0.0739, 'MASE': 1.013, 'RMSSE': 1.033, 'ErrorMean': -4.7598, 'ErrorStdDev': 59.2993, 'R2': 0.9185, 'Pearson': 0.9615, 'MedAE': 27.9894, 'LnQ': 0.5908, 'KS': 0.2034, 'KendallTau': 0.7834, 'MannWhitneyU': 1797.0, 'AUC': 0.5162} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0753, 'RMSE': 57.9255, 'MAE': 44.6353, 'SMAPE': 0.0739, 'DiffSMAPE': 0.0739, 'MASE': 1.0144, 'RMSSE': 1.0058, 'ErrorMean': -0.0, 'ErrorStdDev': 57.9255, 'R2': 0.9227, 'Pearson': 0.9619, 'MedAE': 30.3823, 'LnQ': 0.5697, 'KS': 0.1356, 'KendallTau': 0.7846, 'MannWhitneyU': 1729.0, 'AUC': 0.4967} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0727, 'RMSE': 52.7177, 'MAE': 42.6918, 'SMAPE': 0.0729, 'DiffSMAPE': 0.0729, 'MASE': 0.9703, 'RMSSE': 0.9154, 'ErrorMean': -3.802, 'ErrorStdDev': 52.5804, 'R2': 0.936, 'Pearson': 0.9676, 'MedAE': 37.7484, 'LnQ': 0.4982, 'KS': 0.1186, 'KendallTau': 0.8407, 'MannWhitneyU': 1717.0, 'AUC': 0.4932} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0764, 'RMSE': 58.9609, 'MAE': 44.7233, 'SMAPE': 0.0745, 'DiffSMAPE': 0.0745, 'MASE': 1.0164, 'RMSSE': 1.0238, 'ErrorMean': -0.0, 'ErrorStdDev': 58.9609, 'R2': 0.9199, 'Pearson': 0.9615, 'MedAE': 30.3279, 'LnQ': 0.599, 'KS': 0.1525, 'KendallTau': 0.7834, 'MannWhitneyU': 1749.0, 'AUC': 0.5024} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0752, 'RMSE': 59.49, 'MAE': 44.572, 'SMAPE': 0.0739, 'DiffSMAPE': 0.0739, 'MASE': 1.013, 'RMSSE': 1.033, 'ErrorMean': -4.7598, 'ErrorStdDev': 59.2993, 'R2': 0.9185, 'Pearson': 0.9615, 'MedAE': 27.9894, 'LnQ': 0.5908, 'KS': 0.2034, 'KendallTau': 0.7834, 'MannWhitneyU': 1797.0, 'AUC': 0.5162} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0753, 'RMSE': 57.9255, 'MAE': 44.6353, 'SMAPE': 0.0739, 'DiffSMAPE': 0.0739, 'MASE': 1.0144, 'RMSSE': 1.0058, 'ErrorMean': -0.0, 'ErrorStdDev': 57.9255, 'R2': 0.9227, 'Pearson': 0.9619, 'MedAE': 30.3823, 'LnQ': 0.5697, 'KS': 0.1356, 'KendallTau': 0.7846, 'MannWhitneyU': 1729.0, 'AUC': 0.4967} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0727, 'RMSE': 52.7177, 'MAE': 42.6918, 'SMAPE': 0.0729, 'DiffSMAPE': 0.0729, 'MASE': 0.9703, 'RMSSE': 0.9154, 'ErrorMean': -3.802, 'ErrorStdDev': 52.5804, 'R2': 0.936, 'Pearson': 0.9676, 'MedAE': 37.7484, 'LnQ': 0.4982, 'KS': 0.1186, 'KendallTau': 0.8407, 'MannWhitneyU': 1717.0, 'AUC': 0.4932} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0764, 'RMSE': 58.9609, 'MAE': 44.7233, 'SMAPE': 0.0745, 'DiffSMAPE': 0.0745, 'MASE': 1.0164, 'RMSSE': 1.0238, 'ErrorMean': -0.0, 'ErrorStdDev': 58.9609, 'R2': 0.9199, 'Pearson': 0.9615, 'MedAE': 30.3279, 'LnQ': 0.599, 'KS': 0.1525, 'KendallTau': 0.7834, 'MannWhitneyU': 1749.0, 'AUC': 0.5024} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0752, 'RMSE': 59.49, 'MAE': 44.572, 'SMAPE': 0.0739, 'DiffSMAPE': 0.0739, 'MASE': 1.013, 'RMSSE': 1.033, 'ErrorMean': -4.7598, 'ErrorStdDev': 59.2993, 'R2': 0.9185, 'Pearson': 0.9615, 'MedAE': 27.9894, 'LnQ': 0.5908, 'KS': 0.2034, 'KendallTau': 0.7834, 'MannWhitneyU': 1797.0, 'AUC': 0.5162} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0753, 'RMSE': 57.9255, 'MAE': 44.6353, 'SMAPE': 0.0739, 'DiffSMAPE': 0.0739, 'MASE': 1.0144, 'RMSSE': 1.0058, 'ErrorMean': -0.0, 'ErrorStdDev': 57.9255, 'R2': 0.9227, 'Pearson': 0.9619, 'MedAE': 30.3823, 'LnQ': 0.5697, 'KS': 0.1356, 'KendallTau': 0.7846, 'MannWhitneyU': 1729.0, 'AUC': 0.4967} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0727, 'RMSE': 52.7177, 'MAE': 42.6918, 'SMAPE': 0.0729, 'DiffSMAPE': 0.0729, 'MASE': 0.9703, 'RMSSE': 0.9154, 'ErrorMean': -3.802, 'ErrorStdDev': 52.5804, 'R2': 0.936, 'Pearson': 0.9676, 'MedAE': 37.7484, 'LnQ': 0.4982, 'KS': 0.1186, 'KendallTau': 0.8407, 'MannWhitneyU': 1717.0, 'AUC': 0.4932} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0764, 'RMSE': 58.9609, 'MAE': 44.7233, 'SMAPE': 0.0745, 'DiffSMAPE': 0.0745, 'MASE': 1.0164, 'RMSSE': 1.0238, 'ErrorMean': -0.0, 'ErrorStdDev': 58.9609, 'R2': 0.9199, 'Pearson': 0.9615, 'MedAE': 30.3279, 'LnQ': 0.599, 'KS': 0.1525, 'KendallTau': 0.7834, 'MannWhitneyU': 1749.0, 'AUC': 0.5024} @@ -173,7 +173,7 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__Forecast') {'S INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__MO_Forecast') {'Signal': '__MO_Forecast', 'Length': 59, 'MAPE': 0.0672, 'RMSE': 202.5936, 'MAE': 160.9384, 'SMAPE': 0.0671, 'DiffSMAPE': 0.0671, 'MASE': 1.1983, 'RMSSE': 1.194, 'ErrorMean': -0.0, 'ErrorStdDev': 202.5936, 'R2': 0.9261, 'Pearson': 0.9623, 'MedAE': 149.8491, 'LnQ': 0.432, 'KS': 0.1695, 'KendallTau': 0.7632, 'MannWhitneyU': 1661.0, 'AUC': 0.4772} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__OC_Forecast') {'Signal': '__OC_Forecast', 'Length': 59, 'MAPE': 0.0663, 'RMSE': 200.2897, 'MAE': 158.5187, 'SMAPE': 0.0662, 'DiffSMAPE': 0.0662, 'MASE': 1.1802, 'RMSSE': 1.1804, 'ErrorMean': -2.4627, 'ErrorStdDev': 200.2746, 'R2': 0.9277, 'Pearson': 0.9632, 'MedAE': 136.3294, 'LnQ': 0.4244, 'KS': 0.1695, 'KendallTau': 0.7643, 'MannWhitneyU': 1666.0, 'AUC': 0.4786} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__PHA_TD_Forecast') {'Signal': '__PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0672, 'RMSE': 202.5936, 'MAE': 160.9384, 'SMAPE': 0.0671, 'DiffSMAPE': 0.0671, 'MASE': 1.1983, 'RMSSE': 1.194, 'ErrorMean': -0.0, 'ErrorStdDev': 202.5936, 'R2': 0.9261, 'Pearson': 0.9623, 'MedAE': 149.8491, 'LnQ': 0.432, 'KS': 0.1695, 'KendallTau': 0.7632, 'MannWhitneyU': 1661.0, 'AUC': 0.4772} -INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 62.899 +INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 10.714 INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='NSW_female' Length=59 Min=270 Max=1000 Mean=650.932203 StdDev=208.335442 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_NSW_female' Min=0.0 Max=1.0 Mean=0.521825 StdDev=0.285391 @@ -387,10 +387,11 @@ INFO:pyaf.std:COMPETITION_DETAIL_END '_' INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male', '_female', '_male', '_'], 'Horizons': {'NSW_female': 12, 'NSW_male': 12, 'VIC_female': 12, 'VIC_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 3.593 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.85 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU', 'TD', 'MO', 'OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD PHA_TD INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_MIDDLE_OUT_METHOD MO INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_OPTIMAL_COMBINATION_METHOD OC +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_56/issue_56_order2.py', 'ElapsedTimeSecs':(12.42, 1.56, 60.52), 'MAX_MEM_KB':149980, 'CPU_PRCNT':'499%', 'FILES_IN':0, 'FILES_OUT':184, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_58/issue_58_1_categorical_exogenous.log b/tests/references/bugs/issue_58/issue_58_1_categorical_exogenous.log index a95a1f594..be17a9f91 100644 --- a/tests/references/bugs/issue_58/issue_58_1_categorical_exogenous.log +++ b/tests/references/bugs/issue_58/issue_58_1_categorical_exogenous.log @@ -12,44 +12,44 @@ INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) -INFO:pyaf.std:TRAINING_ENGINE_END 24.588 +INFO:pyaf.std:TRAINING_ENGINE_END 2.596 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone2' Length=204 Min=0.0 Max=26.1 Mean=5.529412 StdDev=3.838507 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone2' Min=0.0 Max=1.0 Mean=0.211855 StdDev=0.147069 INFO:pyaf.std:EXOGENOUS_DATA ['Exog2', 'Exog3', 'Exog4'] INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone2_ConstantTrend_residue_zeroCycle[0.0]_residue_ARX(51)' [ConstantTrend + NoCycle + ARX] -INFO:pyaf.std:TREND_DETAIL '_Ozone2_ConstantTrend' [ConstantTrend] -INFO:pyaf.std:CYCLE_DETAIL '_Ozone2_ConstantTrend_residue_zeroCycle[0.0]' [NoCycle] -INFO:pyaf.std:AUTOREG_DETAIL '_Ozone2_ConstantTrend_residue_zeroCycle[0.0]_residue_ARX(51)' [ARX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 1540445004.9991, 'RMSE': 1.9081, 'MAE': 1.4559, 'MASE': 0.4468} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.2942, 'RMSE': 2.0041, 'MAE': 1.4231, 'MASE': 0.5007} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.3257, 'RMSE': 1.4223, 'MAE': 1.2587, 'MASE': 0.7064} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 1635262158.6652, 'RMSE': 2.1732, 'MAE': 1.6867, 'MASE': 0.5176} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.4486, 'RMSE': 2.5282, 'MAE': 2.0811, 'MASE': 0.7322} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.5019, 'RMSE': 1.9181, 'MAE': 1.7377, 'MASE': 0.9752} +INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone2_LinearTrend_residue_zeroCycle[0.0]_residue_ARX(51)' [LinearTrend + NoCycle + ARX] +INFO:pyaf.std:TREND_DETAIL '_Ozone2_LinearTrend' [LinearTrend] +INFO:pyaf.std:CYCLE_DETAIL '_Ozone2_LinearTrend_residue_zeroCycle[0.0]' [NoCycle] +INFO:pyaf.std:AUTOREG_DETAIL '_Ozone2_LinearTrend_residue_zeroCycle[0.0]_residue_ARX(51)' [ARX] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 1918297635.5216, 'RMSE': 2.2448, 'MAE': 1.6218, 'MASE': 0.4977} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.2656, 'RMSE': 2.4015, 'MAE': 1.6678, 'MASE': 0.5868} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2496, 'RMSE': 1.9602, 'MAE': 1.3012, 'MASE': 0.7302} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 2281714838.3924, 'RMSE': 2.9535, 'MAE': 2.1214, 'MASE': 0.651} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.3481, 'RMSE': 3.4703, 'MAE': 2.4268, 'MASE': 0.8539} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.3837, 'RMSE': 2.8522, 'MAE': 2.0821, 'MASE': 1.1685} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:CONSTANT_TREND _Ozone2_ConstantTrend 0.213082 +INFO:pyaf.std:LINEAR_RIDGE_TREND LinearTrend (0.218822, array([-0.011482])) INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:ZERO_CYCLE_MODEL_VALUES _Ozone2_ConstantTrend_residue_zeroCycle[0.0] 0.0 {} +INFO:pyaf.std:ZERO_CYCLE_MODEL_VALUES _Ozone2_LinearTrend_residue_zeroCycle[0.0] 0.0 {} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START -INFO:pyaf.std:AR_MODEL_COEFF 1 Exog3=AR_Lag31 -163559603092961.38 -INFO:pyaf.std:AR_MODEL_COEFF 2 Exog2=3_Lag42 147875180804438.97 -INFO:pyaf.std:AR_MODEL_COEFF 3 Exog2=4_Lag29 129042008239147.25 -INFO:pyaf.std:AR_MODEL_COEFF 4 Exog2=3_Lag18 128308982696729.11 -INFO:pyaf.std:AR_MODEL_COEFF 5 Exog3=AT_Lag41 -88990559964540.66 -INFO:pyaf.std:AR_MODEL_COEFF 6 Exog2=2_Lag7 -85118156058220.16 -INFO:pyaf.std:AR_MODEL_COEFF 7 Exog3=AS_Lag30 84868383177297.38 -INFO:pyaf.std:AR_MODEL_COEFF 8 Exog3=AT_Lag17 -81039783132262.92 -INFO:pyaf.std:AR_MODEL_COEFF 9 Exog2=5_Lag4 70522035901468.72 -INFO:pyaf.std:AR_MODEL_COEFF 10 Exog3=AR_Lag7 -69985462597730.26 +INFO:pyaf.std:AR_MODEL_COEFF 1 Exog2=3_Lag42 153042798100450.0 +INFO:pyaf.std:AR_MODEL_COEFF 2 Exog3=AU_Lag4 132496873953078.56 +INFO:pyaf.std:AR_MODEL_COEFF 3 Exog2=3_Lag6 -112601838757155.39 +INFO:pyaf.std:AR_MODEL_COEFF 4 Exog2=4_Lag41 -103386406777662.45 +INFO:pyaf.std:AR_MODEL_COEFF 5 Exog2=2_Lag19 101612066358166.4 +INFO:pyaf.std:AR_MODEL_COEFF 6 Exog3=AU_Lag16 -87255565109256.28 +INFO:pyaf.std:AR_MODEL_COEFF 7 Exog2=4_Lag17 84712825003889.27 +INFO:pyaf.std:AR_MODEL_COEFF 8 Exog3=AS_Lag18 79938147224107.8 +INFO:pyaf.std:AR_MODEL_COEFF 9 Exog2=5_Lag16 -79427599656042.69 +INFO:pyaf.std:AR_MODEL_COEFF 10 Exog2=5_Lag4 -77404686275744.55 INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'Exog2' {1: 13, 2: 13, 3: 13, 4: 13, 5: 13} @@ -60,7 +60,7 @@ INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 1 ['Exog4'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 0 [] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'Ozone2' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone2' 0 {'Transformation': '_Ozone2', 'DecompositionType': 'T+S+R', 'Model': '_Ozone2_ConstantTrend_residue_zeroCycle[0.0]_residue_ARX(51)', 'Voting': 97.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.5007, 'Forecast_MASE_2': 0.6416, 'Forecast_MASE_3': 0.6747, 'Forecast_MASE_4': 0.6987, 'Forecast_MASE_5': 0.7165, 'Forecast_MASE_6': 0.7246, 'Forecast_MASE_7': 0.7279, 'Forecast_MASE_8': 0.7299, 'Forecast_MASE_9': 0.7313, 'Forecast_MASE_10': 0.732, 'Forecast_MASE_11': 0.7322, 'Forecast_MASE_12': 0.7322} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone2' 0 {'Transformation': '_Ozone2', 'DecompositionType': 'T+S+R', 'Model': '_Ozone2_LinearTrend_residue_zeroCycle[0.0]_residue_ARX(51)', 'Voting': 97.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.5868, 'Forecast_MASE_2': 0.7504, 'Forecast_MASE_3': 0.7813, 'Forecast_MASE_4': 0.7928, 'Forecast_MASE_5': 0.8023, 'Forecast_MASE_6': 0.8068, 'Forecast_MASE_7': 0.8083, 'Forecast_MASE_8': 0.809, 'Forecast_MASE_9': 0.8095, 'Forecast_MASE_10': 0.8244, 'Forecast_MASE_11': 0.8391, 'Forecast_MASE_12': 0.8539} INFO:pyaf.std:COMPETITION_DETAIL_END 'Ozone2' INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_categorical_arx_ozone_Ozone2_Trend_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_categorical_arx_ozone_Ozone2_Cycle_decomp_output.png') @@ -71,17 +71,16 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_categorical_arx_oz INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_categorical_arx_ozone_Ozone2_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone2'], 'Horizons': {'Ozone2': 12}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) -INFO:pyaf.std:FORECASTING_ENGINE_END 0.916 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.294 Forecast Columns Index(['Time', 'Ozone2', 'Ozone2_scaled', '_Ozone2', 'row_number', - 'Time_Normalized', '_Ozone2_ConstantTrend', - '_Ozone2_ConstantTrend_residue', - '_Ozone2_ConstantTrend_residue_zeroCycle[0.0]', - '_Ozone2_ConstantTrend_residue_zeroCycle[0.0]_residue', 'Exog2=1', + 'Time_Normalized', '_Ozone2_LinearTrend', '_Ozone2_LinearTrend_residue', + '_Ozone2_LinearTrend_residue_zeroCycle[0.0]', + '_Ozone2_LinearTrend_residue_zeroCycle[0.0]_residue', 'Exog2=1', 'Exog2=2', 'Exog2=3', 'Exog2=4', 'Exog2=5', 'Exog3=AQ', 'Exog3=AR', 'Exog3=AS', 'Exog3=AT', 'Exog3=AU', 'Exog4=P_T', 'Exog4=P_R', 'Exog4=P_U', 'Exog4=P_S', 'Exog4=P_Q', - '_Ozone2_ConstantTrend_residue_zeroCycle[0.0]_residue_ARX(51)', - '_Ozone2_ConstantTrend_residue_zeroCycle[0.0]_residue_ARX(51)_residue', + '_Ozone2_LinearTrend_residue_zeroCycle[0.0]_residue_ARX(51)', + '_Ozone2_LinearTrend_residue_zeroCycle[0.0]_residue_ARX(51)_residue', 'Ozone2_Transformed', '_Ozone2_Trend', '_Ozone2_Trend_residue', '_Ozone2_Cycle', '_Ozone2_Cycle_residue', '_Ozone2_AR', '_Ozone2_AR_residue', '_Ozone2_TransformedForecast', @@ -106,18 +105,18 @@ dtypes: datetime64[ns](1), float64(2) memory usage: 5.2 KB None Forecasts - [[Timestamp('1972-01-01 00:00:00') nan 3.755006217684328] - [Timestamp('1972-02-01 00:00:00') nan 3.2576352291230584] - [Timestamp('1972-03-01 00:00:00') nan 3.4363519521874646] - [Timestamp('1972-04-01 00:00:00') nan 3.8297144320471657] - [Timestamp('1972-05-01 00:00:00') nan 5.598917145825784] - [Timestamp('1972-06-01 00:00:00') nan 5.700075507626293] - [Timestamp('1972-07-01 00:00:00') nan 6.214482567462972] - [Timestamp('1972-08-01 00:00:00') nan 6.692960593568761] - [Timestamp('1972-09-01 00:00:00') nan 12.13142096536019] - [Timestamp('1972-10-01 00:00:00') nan 4.202262248140363] - [Timestamp('1972-11-01 00:00:00') nan 3.9119798313921943] - [Timestamp('1972-12-01 00:00:00') nan 3.4543164690529085]] + [[Timestamp('1972-01-01 00:00:00') nan 3.191906307298693] + [Timestamp('1972-02-01 00:00:00') nan 2.741673572940357] + [Timestamp('1972-03-01 00:00:00') nan 2.877447426470205] + [Timestamp('1972-04-01 00:00:00') nan 3.2010855882194744] + [Timestamp('1972-05-01 00:00:00') nan 4.5426484139408085] + [Timestamp('1972-06-01 00:00:00') nan 4.755792857440897] + [Timestamp('1972-07-01 00:00:00') nan 5.1108134639715725] + [Timestamp('1972-08-01 00:00:00') nan 5.414710384643164] + [Timestamp('1972-09-01 00:00:00') nan 16.234058120512184] + [Timestamp('1972-10-01 00:00:00') nan 3.5836710965647294] + [Timestamp('1972-11-01 00:00:00') nan 3.2636733215332505] + [Timestamp('1972-12-01 00:00:00') nan 2.8933988810887463]] @@ -182,59 +181,59 @@ Forecasts }, "Model": { "AR_Model": "ARX", - "Best_Decomposition": "_Ozone2_ConstantTrend_residue_zeroCycle[0.0]_residue_ARX(51)", + "Best_Decomposition": "_Ozone2_LinearTrend_residue_zeroCycle[0.0]_residue_ARX(51)", "Cycle": "NoCycle", "Signal_Decomposition_Type": "T+S+R", "Signal_Transoformation": "NoTransf", - "Trend": "ConstantTrend" + "Trend": "LinearTrend" }, "Model_Performance": { "1": { - "AUC": 0.4339, - "DiffSMAPE": 0.2681, - "ErrorMean": -0.1664, - "ErrorStdDev": 1.9972, + "AUC": 0.5273, + "DiffSMAPE": 0.2796, + "ErrorMean": -0.6184, + "ErrorStdDev": 2.3205, "KS": 0.3077, - "KendallTau": 0.5973, + "KendallTau": 0.6046, "Length": 39, - "LnQ": 4.9801, - "MAE": 1.4231, - "MAPE": 0.2942, - "MASE": 0.5007, - "MannWhitneyU": 660.0, - "MedAE": 0.9188, - "Pearson": 0.7991, - "R2": 0.6334, - "RMSE": 2.0041, - "RMSSE": 0.4914, - "SMAPE": 0.2711, + "LnQ": 5.4989, + "MAE": 1.6678, + "MAPE": 0.2656, + "MASE": 0.5868, + "MannWhitneyU": 802.0, + "MedAE": 1.069, + "Pearson": 0.7613, + "R2": 0.4736, + "RMSE": 2.4015, + "RMSSE": 0.5888, + "SMAPE": 0.2825, "Signal": "Ozone2_Forecast_1" }, "12": { - "AUC": 0.3826, - "DiffSMAPE": 0.3986, - "ErrorMean": -0.2912, - "ErrorStdDev": 2.5114, + "AUC": 0.6154, + "DiffSMAPE": 0.4032, + "ErrorMean": -1.0291, + "ErrorStdDev": 3.3142, "KS": 0.5897, - "KendallTau": 0.1852, + "KendallTau": 0.1644, "Length": 39, - "LnQ": 8.8837, - "MAE": 2.0811, - "MAPE": 0.4486, - "MASE": 0.7322, - "MannWhitneyU": 582.0, - "MedAE": 1.7067, - "Pearson": 0.6516, - "R2": 0.4166, - "RMSE": 2.5282, - "RMSSE": 0.6199, - "SMAPE": 0.4029, + "LnQ": 11.9869, + "MAE": 2.4268, + "MAPE": 0.3481, + "MASE": 0.8539, + "MannWhitneyU": 936.0, + "MedAE": 1.0328, + "Pearson": 0.6518, + "R2": -0.0991, + "RMSE": 3.4703, + "RMSSE": 0.8509, + "SMAPE": 0.4073, "Signal": "Ozone2_Forecast_12" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 24.588 + "Training_Time": 2.596 } @@ -242,8 +241,8 @@ Forecasts -{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone2":{"192":3.6,"193":2.0,"194":2.2,"195":3.0,"196":4.8,"197":7.0,"198":7.0,"199":6.6,"200":10.8,"201":5.0,"202":3.2,"203":2.4,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone2_Forecast":{"192":3.9545376045,"193":3.1399050188,"194":3.5937897887,"195":3.872736428,"196":6.7005177786,"197":4.6135892449,"198":6.4291283243,"199":7.9089770669,"200":12.9470459654,"201":4.8013206314,"202":4.3479000844,"203":4.0831393695,"204":3.7550062177,"205":3.2576352291,"206":3.4363519522,"207":3.829714432,"208":5.5989171458,"209":5.7000755076,"210":6.2144825675,"211":6.6929605936,"212":12.1314209654,"213":4.2022622481,"214":3.9119798314,"215":3.4543164691}} +{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone2":{"192":3.6,"193":2.0,"194":2.2,"195":3.0,"196":4.8,"197":7.0,"198":7.0,"199":6.6,"200":10.8,"201":5.0,"202":3.2,"203":2.4,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone2_Forecast":{"192":3.2772045069,"193":2.6925787565,"194":3.0319953493,"195":3.2633265267,"196":5.4883861169,"197":3.9509880657,"198":5.3115148789,"199":6.4527550719,"200":16.2577687386,"201":3.8734798852,"202":3.5913194889,"203":3.3545702147,"204":3.1919063073,"205":2.7416735729,"206":2.8774474265,"207":3.2010855882,"208":4.5426484139,"209":4.7557928574,"210":5.110813464,"211":5.4147103846,"212":16.2340581205,"213":3.5836710966,"214":3.2636733215,"215":2.8933988811}} -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_58/issue_58_1_categorical_exogenous.py', 'ElapsedTimeSecs':(60.00, 0.56, 13.95), 'MAX_MEM_KB':309156, 'CPU_PRCNT':'24%', 'FILES_IN':8, 'FILES_OUT':3512, 'EXIT_STATUS':0} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_58/issue_58_1_categorical_exogenous.py', 'ElapsedTimeSecs':(9.16, 0.50, 12.90), 'MAX_MEM_KB':223512, 'CPU_PRCNT':'146%', 'FILES_IN':0, 'FILES_OUT':2120, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_70/test_artificial_filter_seasonals_day.log b/tests/references/bugs/issue_70/test_artificial_filter_seasonals_day.log index 36f05cd37..91fd5ef7c 100644 --- a/tests/references/bugs/issue_70/test_artificial_filter_seasonals_day.log +++ b/tests/references/bugs/issue_70/test_artificial_filter_seasonals_day.log @@ -1,120 +1,114 @@ -/home/circleci/project/tests/bugs/issue_70/test_artificial_filter_seasonals_day.py:11: SettingWithCopyWarning: -A value is trying to be set on a copy of a slice from a DataFrame. -Try using .loc[row_indexer,col_indexer] = value instead - -See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy - df[b1.mSignalVar] = df[b1.mName] INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 12}} TRYING_TO_LOAD_RANDOM_DATASET Signal_4000_D_0_constant_24_None_0.1_0 data/ARTIFICIAL_DATA/4000/Signal_4000_D_0_constant_24_None_0.1_0 -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) DEBUG:pyaf.detailed:DETAIL_MESSAGE('KEPT_DISCARDED_MODELS', 160, 148, 12) INFO:pyaf.std:PERF_DUMP_START @@ -361,7 +355,7 @@ INFO:pyaf.std:[ } ] INFO:pyaf.std:PERF_DUMP_END -INFO:pyaf.std:TRAINING_ENGINE_END 81.602 +INFO:pyaf.std:TRAINING_ENGINE_END 17.861 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2008-09-14T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=3988 Min=15.729285 Max=232.295991 Mean=124.086138 StdDev=58.285074 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.500339 StdDev=0.269132 @@ -395,3 +389,11 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 1 {'Transformation': '_Sign INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 2 {'Transformation': '_Signal', 'DecompositionType': 'T+S+R', 'Model': '_Signal_LinearTrend_residue_Cycle_24_residue_AR(64)', 'Voting': 955.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.2417, 'Forecast_MASE_2': 0.2389, 'Forecast_MASE_3': 0.2389, 'Forecast_MASE_4': 0.239, 'Forecast_MASE_5': 0.239, 'Forecast_MASE_6': 0.239, 'Forecast_MASE_7': 0.239, 'Forecast_MASE_8': 0.239, 'Forecast_MASE_9': 0.239, 'Forecast_MASE_10': 0.239, 'Forecast_MASE_11': 0.239, 'Forecast_MASE_12': 0.239} INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 3 {'Transformation': '_Signal', 'DecompositionType': 'T+S+R', 'Model': '_Signal_PolyTrend_residue_Cycle_24_residue_AR(64)', 'Voting': 955.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.2437, 'Forecast_MASE_2': 0.2395, 'Forecast_MASE_3': 0.2399, 'Forecast_MASE_4': 0.2399, 'Forecast_MASE_5': 0.2399, 'Forecast_MASE_6': 0.2399, 'Forecast_MASE_7': 0.2399, 'Forecast_MASE_8': 0.2399, 'Forecast_MASE_9': 0.2399, 'Forecast_MASE_10': 0.2399, 'Forecast_MASE_11': 0.2399, 'Forecast_MASE_12': 0.2399} INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal' +INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/artificial_ds_filter_seasonals_day_Signal_Trend_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/artificial_ds_filter_seasonals_day_Signal_Cycle_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/artificial_ds_filter_seasonals_day_Signal_AR_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/artificial_ds_filter_seasonals_day_Signal_TransformedForecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/artificial_ds_filter_seasonals_day_Signal_Forecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/artificial_ds_filter_seasonals_day_Signal_prediction_intervals_output.png') +INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/artificial_ds_filter_seasonals_day_Signal_quantiles_output.png') +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_70/test_artificial_filter_seasonals_day.py', 'ElapsedTimeSecs':(25.44, 1.13, 54.12), 'MAX_MEM_KB':233444, 'CPU_PRCNT':'217%', 'FILES_IN':0, 'FILES_OUT':2088, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_70/test_artificial_filter_seasonals_hour.log b/tests/references/bugs/issue_70/test_artificial_filter_seasonals_hour.log index 369e44ac1..a45dc54fd 100644 --- a/tests/references/bugs/issue_70/test_artificial_filter_seasonals_hour.log +++ b/tests/references/bugs/issue_70/test_artificial_filter_seasonals_hour.log @@ -1,116 +1,110 @@ -/home/circleci/project/tests/bugs/issue_70/test_artificial_filter_seasonals_hour.py:11: SettingWithCopyWarning: -A value is trying to be set on a copy of a slice from a DataFrame. -Try using .loc[row_indexer,col_indexer] = value instead - -See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy - df[b1.mSignalVar] = df[b1.mName] INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 12}} TRYING_TO_LOAD_RANDOM_DATASET Signal_4000_H_0_constant_24_None_0.1_0 data/ARTIFICIAL_DATA/4000/Signal_4000_H_0_constant_24_None_0.1_0 -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) DEBUG:pyaf.detailed:DETAIL_MESSAGE('KEPT_DISCARDED_MODELS', 240, 162, 78) INFO:pyaf.std:PERF_DUMP_START @@ -357,7 +351,7 @@ INFO:pyaf.std:[ } ] INFO:pyaf.std:PERF_DUMP_END -INFO:pyaf.std:TRAINING_ENGINE_END 111.686 +INFO:pyaf.std:TRAINING_ENGINE_END 27.075 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2000-05-12T11:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=3988 Min=15.729285 Max=232.295991 Mean=124.086138 StdDev=58.285074 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.500339 StdDev=0.269132 @@ -396,3 +390,11 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 6 {'Transformation': '_Sign INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 7 {'Transformation': '_Signal', 'DecompositionType': 'T+S+R', 'Model': '_Signal_PolyTrend_residue_Cycle_24_residue_AR(64)', 'Voting': 1046.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.2437, 'Forecast_MASE_2': 0.2395, 'Forecast_MASE_3': 0.2399, 'Forecast_MASE_4': 0.2399, 'Forecast_MASE_5': 0.2399, 'Forecast_MASE_6': 0.2399, 'Forecast_MASE_7': 0.2399, 'Forecast_MASE_8': 0.2399, 'Forecast_MASE_9': 0.2399, 'Forecast_MASE_10': 0.2399, 'Forecast_MASE_11': 0.2399, 'Forecast_MASE_12': 0.2399} INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 8 {'Transformation': '_Signal', 'DecompositionType': 'T+S+R', 'Model': '_Signal_PolyTrend_residue_Seasonal_Hour_residue_AR(64)', 'Voting': 1046.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.2437, 'Forecast_MASE_2': 0.2395, 'Forecast_MASE_3': 0.2399, 'Forecast_MASE_4': 0.2399, 'Forecast_MASE_5': 0.2399, 'Forecast_MASE_6': 0.2399, 'Forecast_MASE_7': 0.2399, 'Forecast_MASE_8': 0.2399, 'Forecast_MASE_9': 0.2399, 'Forecast_MASE_10': 0.2399, 'Forecast_MASE_11': 0.2399, 'Forecast_MASE_12': 0.2399} INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal' +INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/artificial_ds_filter_seasonals_hour_Signal_Trend_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/artificial_ds_filter_seasonals_hour_Signal_Cycle_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/artificial_ds_filter_seasonals_hour_Signal_AR_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/artificial_ds_filter_seasonals_hour_Signal_TransformedForecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/artificial_ds_filter_seasonals_hour_Signal_Forecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/artificial_ds_filter_seasonals_hour_Signal_prediction_intervals_output.png') +INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/artificial_ds_filter_seasonals_hour_Signal_quantiles_output.png') +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_70/test_artificial_filter_seasonals_hour.py', 'ElapsedTimeSecs':(35.03, 0.96, 73.36), 'MAX_MEM_KB':236364, 'CPU_PRCNT':'212%', 'FILES_IN':0, 'FILES_OUT':2056, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_70/test_artificial_filter_seasonals_min.log b/tests/references/bugs/issue_70/test_artificial_filter_seasonals_min.log index aebee928b..51af68a95 100644 --- a/tests/references/bugs/issue_70/test_artificial_filter_seasonals_min.log +++ b/tests/references/bugs/issue_70/test_artificial_filter_seasonals_min.log @@ -1,124 +1,118 @@ -/home/circleci/project/tests/bugs/issue_70/test_artificial_filter_seasonals_min.py:11: SettingWithCopyWarning: -A value is trying to be set on a copy of a slice from a DataFrame. -Try using .loc[row_indexer,col_indexer] = value instead - -See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy - df[b1.mSignalVar] = df[b1.mName] INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 12}} TRYING_TO_LOAD_RANDOM_DATASET Signal_40000_min_0_constant_24_None_0.1_0 data/ARTIFICIAL_DATA/40000/Signal_40000_min_0_constant_24_None_0.1_0 -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) INFO:pyaf.std:PERF_DUMP_START INFO:pyaf.std:[ @@ -364,7 +358,7 @@ INFO:pyaf.std:[ } ] INFO:pyaf.std:PERF_DUMP_END -INFO:pyaf.std:TRAINING_ENGINE_END 48.697 +INFO:pyaf.std:TRAINING_ENGINE_END 11.176 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-23T01:56:00.000000 TimeMax=2000-01-27T14:59:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=8192 Min=178.140756 Max=236.768208 Mean=206.580273 StdDev=12.835377 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.485089 StdDev=0.218931 @@ -398,3 +392,11 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 1 {'Transformation': '_Sign INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 2 {'Transformation': '_Signal', 'DecompositionType': 'T+S+R', 'Model': '_Signal_LinearTrend_residue_Cycle_24_residue_AR(64)', 'Voting': 617.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.2341, 'Forecast_MASE_2': 0.2327, 'Forecast_MASE_3': 0.2327, 'Forecast_MASE_4': 0.2327, 'Forecast_MASE_5': 0.2327, 'Forecast_MASE_6': 0.2327, 'Forecast_MASE_7': 0.2327, 'Forecast_MASE_8': 0.2327, 'Forecast_MASE_9': 0.2327, 'Forecast_MASE_10': 0.2327, 'Forecast_MASE_11': 0.2327, 'Forecast_MASE_12': 0.2327} INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 3 {'Transformation': '_Signal', 'DecompositionType': 'T+S+R', 'Model': '_Signal_PolyTrend_residue_Cycle_24_residue_AR(64)', 'Voting': 617.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.2357, 'Forecast_MASE_2': 0.2343, 'Forecast_MASE_3': 0.2343, 'Forecast_MASE_4': 0.2343, 'Forecast_MASE_5': 0.2343, 'Forecast_MASE_6': 0.2343, 'Forecast_MASE_7': 0.2343, 'Forecast_MASE_8': 0.2343, 'Forecast_MASE_9': 0.2343, 'Forecast_MASE_10': 0.2343, 'Forecast_MASE_11': 0.2343, 'Forecast_MASE_12': 0.2343} INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal' +INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/artificial_ds_filter_seasonals_min_Signal_Trend_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/artificial_ds_filter_seasonals_min_Signal_Cycle_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/artificial_ds_filter_seasonals_min_Signal_AR_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/artificial_ds_filter_seasonals_min_Signal_TransformedForecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/artificial_ds_filter_seasonals_min_Signal_Forecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/artificial_ds_filter_seasonals_min_Signal_prediction_intervals_output.png') +INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/artificial_ds_filter_seasonals_min_Signal_quantiles_output.png') +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_70/test_artificial_filter_seasonals_min.py', 'ElapsedTimeSecs':(18.74, 1.11, 44.83), 'MAX_MEM_KB':268836, 'CPU_PRCNT':'245%', 'FILES_IN':0, 'FILES_OUT':2672, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_70/test_artificial_filter_seasonals_second.log b/tests/references/bugs/issue_70/test_artificial_filter_seasonals_second.log index 292a8e6a5..4ccc49ef6 100644 --- a/tests/references/bugs/issue_70/test_artificial_filter_seasonals_second.log +++ b/tests/references/bugs/issue_70/test_artificial_filter_seasonals_second.log @@ -1,124 +1,118 @@ -/home/circleci/project/tests/bugs/issue_70/test_artificial_filter_seasonals_second.py:11: SettingWithCopyWarning: -A value is trying to be set on a copy of a slice from a DataFrame. -Try using .loc[row_indexer,col_indexer] = value instead - -See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy - df[b1.mSignalVar] = df[b1.mName] INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 12}} TRYING_TO_LOAD_RANDOM_DATASET Signal_40000_S_0_constant_24_None_0.1_0 data/ARTIFICIAL_DATA/40000/Signal_40000_S_0_constant_24_None_0.1_0 -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) INFO:pyaf.std:PERF_DUMP_START INFO:pyaf.std:[ @@ -364,7 +358,7 @@ INFO:pyaf.std:[ } ] INFO:pyaf.std:PERF_DUMP_END -INFO:pyaf.std:TRAINING_ENGINE_END 49.688 +INFO:pyaf.std:TRAINING_ENGINE_END 12.35 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T08:49:56.000000 TimeMax=2000-01-01T10:38:59.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=8192 Min=178.140756 Max=236.768208 Mean=206.580273 StdDev=12.835377 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.485089 StdDev=0.218931 @@ -398,3 +392,11 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 1 {'Transformation': '_Sign INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 2 {'Transformation': '_Signal', 'DecompositionType': 'T+S+R', 'Model': '_Signal_LinearTrend_residue_Cycle_24_residue_AR(64)', 'Voting': 617.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.2341, 'Forecast_MASE_2': 0.2327, 'Forecast_MASE_3': 0.2327, 'Forecast_MASE_4': 0.2327, 'Forecast_MASE_5': 0.2327, 'Forecast_MASE_6': 0.2327, 'Forecast_MASE_7': 0.2327, 'Forecast_MASE_8': 0.2327, 'Forecast_MASE_9': 0.2327, 'Forecast_MASE_10': 0.2327, 'Forecast_MASE_11': 0.2327, 'Forecast_MASE_12': 0.2327} INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 3 {'Transformation': '_Signal', 'DecompositionType': 'T+S+R', 'Model': '_Signal_PolyTrend_residue_Cycle_24_residue_AR(64)', 'Voting': 617.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.2357, 'Forecast_MASE_2': 0.2343, 'Forecast_MASE_3': 0.2343, 'Forecast_MASE_4': 0.2343, 'Forecast_MASE_5': 0.2343, 'Forecast_MASE_6': 0.2343, 'Forecast_MASE_7': 0.2343, 'Forecast_MASE_8': 0.2343, 'Forecast_MASE_9': 0.2343, 'Forecast_MASE_10': 0.2343, 'Forecast_MASE_11': 0.2343, 'Forecast_MASE_12': 0.2343} INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal' +INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/artificial_ds_filter_seasonals_second_Signal_Trend_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/artificial_ds_filter_seasonals_second_Signal_Cycle_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/artificial_ds_filter_seasonals_second_Signal_AR_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/artificial_ds_filter_seasonals_second_Signal_TransformedForecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/artificial_ds_filter_seasonals_second_Signal_Forecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/artificial_ds_filter_seasonals_second_Signal_prediction_intervals_output.png') +INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/artificial_ds_filter_seasonals_second_Signal_quantiles_output.png') +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_70/test_artificial_filter_seasonals_second.py', 'ElapsedTimeSecs':(20.13, 1.12, 46.94), 'MAX_MEM_KB':272172, 'CPU_PRCNT':'238%', 'FILES_IN':0, 'FILES_OUT':2680, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_70/test_artificial_keep_all_seasonals_day.log b/tests/references/bugs/issue_70/test_artificial_keep_all_seasonals_day.log index 563c2ef55..5a04da1e1 100644 --- a/tests/references/bugs/issue_70/test_artificial_keep_all_seasonals_day.log +++ b/tests/references/bugs/issue_70/test_artificial_keep_all_seasonals_day.log @@ -1,207 +1,198 @@ -/home/circleci/project/tests/bugs/issue_70/test_artificial_keep_all_seasonals_day.py:11: SettingWithCopyWarning: -A value is trying to be set on a copy of a slice from a DataFrame. -Try using .loc[row_indexer,col_indexer] = value instead - -See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy - df[b1.mSignalVar] = df[b1.mName] INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 12}} TRYING_TO_LOAD_RANDOM_DATASET Signal_4000_D_0_constant_24_None_0.1_0 data/ARTIFICIAL_DATA/4000/Signal_4000_D_0_constant_24_None_0.1_0 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_4000_D_0_constant_24_None_0.1_0 -GENERATING_RANDOM_DATASET Signal_4000_D_0_constant_24_None_0.1_0 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) DEBUG:pyaf.detailed:DETAIL_MESSAGE('KEPT_DISCARDED_MODELS', 224, 179, 45) INFO:pyaf.std:PERF_DUMP_START @@ -448,7 +439,7 @@ INFO:pyaf.std:[ } ] INFO:pyaf.std:PERF_DUMP_END -INFO:pyaf.std:TRAINING_ENGINE_END 95.899 +INFO:pyaf.std:TRAINING_ENGINE_END 17.508 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2008-09-14T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=3988 Min=15.729285 Max=232.295991 Mean=124.086138 StdDev=58.285074 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.500339 StdDev=0.269132 @@ -482,3 +473,11 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 1 {'Transformation': '_Sign INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 2 {'Transformation': '_Signal', 'DecompositionType': 'T+S+R', 'Model': '_Signal_LinearTrend_residue_Cycle_24_residue_AR(64)', 'Voting': 1157.0, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.2417, 'Forecast_MASE_2': 0.2389, 'Forecast_MASE_3': 0.2389, 'Forecast_MASE_4': 0.239, 'Forecast_MASE_5': 0.239, 'Forecast_MASE_6': 0.239, 'Forecast_MASE_7': 0.239, 'Forecast_MASE_8': 0.239, 'Forecast_MASE_9': 0.239, 'Forecast_MASE_10': 0.239, 'Forecast_MASE_11': 0.239, 'Forecast_MASE_12': 0.239} INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 3 {'Transformation': '_Signal', 'DecompositionType': 'T+S+R', 'Model': '_Signal_PolyTrend_residue_Cycle_24_residue_AR(64)', 'Voting': 1157.0, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.2437, 'Forecast_MASE_2': 0.2395, 'Forecast_MASE_3': 0.2399, 'Forecast_MASE_4': 0.2399, 'Forecast_MASE_5': 0.2399, 'Forecast_MASE_6': 0.2399, 'Forecast_MASE_7': 0.2399, 'Forecast_MASE_8': 0.2399, 'Forecast_MASE_9': 0.2399, 'Forecast_MASE_10': 0.2399, 'Forecast_MASE_11': 0.2399, 'Forecast_MASE_12': 0.2399} INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal' +INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/artificial_ds_keep_all_seasonals_day_Signal_Trend_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/artificial_ds_keep_all_seasonals_day_Signal_Cycle_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/artificial_ds_keep_all_seasonals_day_Signal_AR_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/artificial_ds_keep_all_seasonals_day_Signal_TransformedForecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/artificial_ds_keep_all_seasonals_day_Signal_Forecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/artificial_ds_keep_all_seasonals_day_Signal_prediction_intervals_output.png') +INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/artificial_ds_keep_all_seasonals_day_Signal_quantiles_output.png') +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_70/test_artificial_keep_all_seasonals_day.py', 'ElapsedTimeSecs':(24.84, 1.16, 70.48), 'MAX_MEM_KB':221696, 'CPU_PRCNT':'288%', 'FILES_IN':0, 'FILES_OUT':2088, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_70/test_artificial_keep_all_seasonals_hour.log b/tests/references/bugs/issue_70/test_artificial_keep_all_seasonals_hour.log index 2b4b79f3d..41798fa25 100644 --- a/tests/references/bugs/issue_70/test_artificial_keep_all_seasonals_hour.log +++ b/tests/references/bugs/issue_70/test_artificial_keep_all_seasonals_hour.log @@ -1,387 +1,378 @@ -/home/circleci/project/tests/bugs/issue_70/test_artificial_keep_all_seasonals_hour.py:11: SettingWithCopyWarning: -A value is trying to be set on a copy of a slice from a DataFrame. -Try using .loc[row_indexer,col_indexer] = value instead - -See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy - df[b1.mSignalVar] = df[b1.mName] INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 12}} TRYING_TO_LOAD_RANDOM_DATASET Signal_4000_H_0_constant_24_None_0.1_0 data/ARTIFICIAL_DATA/4000/Signal_4000_H_0_constant_24_None_0.1_0 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_4000_H_0_constant_24_None_0.1_0 -GENERATING_RANDOM_DATASET Signal_4000_H_0_constant_24_None_0.1_0 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) DEBUG:pyaf.detailed:DETAIL_MESSAGE('KEPT_DISCARDED_MODELS', 384, 166, 218) INFO:pyaf.std:PERF_DUMP_START @@ -628,7 +619,7 @@ INFO:pyaf.std:[ } ] INFO:pyaf.std:PERF_DUMP_END -INFO:pyaf.std:TRAINING_ENGINE_END 131.696 +INFO:pyaf.std:TRAINING_ENGINE_END 26.797 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2000-05-12T11:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=3988 Min=15.729285 Max=232.295991 Mean=124.086138 StdDev=58.285074 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.500339 StdDev=0.269132 @@ -667,3 +658,11 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 6 {'Transformation': '_Sign INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 7 {'Transformation': '_Signal', 'DecompositionType': 'T+S+R', 'Model': '_Signal_PolyTrend_residue_Cycle_24_residue_AR(64)', 'Voting': 1072.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.2437, 'Forecast_MASE_2': 0.2395, 'Forecast_MASE_3': 0.2399, 'Forecast_MASE_4': 0.2399, 'Forecast_MASE_5': 0.2399, 'Forecast_MASE_6': 0.2399, 'Forecast_MASE_7': 0.2399, 'Forecast_MASE_8': 0.2399, 'Forecast_MASE_9': 0.2399, 'Forecast_MASE_10': 0.2399, 'Forecast_MASE_11': 0.2399, 'Forecast_MASE_12': 0.2399} INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 8 {'Transformation': '_Signal', 'DecompositionType': 'T+S+R', 'Model': '_Signal_PolyTrend_residue_Seasonal_Hour_residue_AR(64)', 'Voting': 1072.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.2437, 'Forecast_MASE_2': 0.2395, 'Forecast_MASE_3': 0.2399, 'Forecast_MASE_4': 0.2399, 'Forecast_MASE_5': 0.2399, 'Forecast_MASE_6': 0.2399, 'Forecast_MASE_7': 0.2399, 'Forecast_MASE_8': 0.2399, 'Forecast_MASE_9': 0.2399, 'Forecast_MASE_10': 0.2399, 'Forecast_MASE_11': 0.2399, 'Forecast_MASE_12': 0.2399} INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal' +INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/artificial_ds_keep_all_seasonals_hour_Signal_Trend_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/artificial_ds_keep_all_seasonals_hour_Signal_Cycle_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/artificial_ds_keep_all_seasonals_hour_Signal_AR_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/artificial_ds_keep_all_seasonals_hour_Signal_TransformedForecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/artificial_ds_keep_all_seasonals_hour_Signal_Forecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/artificial_ds_keep_all_seasonals_hour_Signal_prediction_intervals_output.png') +INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/artificial_ds_keep_all_seasonals_hour_Signal_quantiles_output.png') +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_70/test_artificial_keep_all_seasonals_hour.py', 'ElapsedTimeSecs':(34.52, 1.12, 107.45), 'MAX_MEM_KB':247820, 'CPU_PRCNT':'314%', 'FILES_IN':0, 'FILES_OUT':2104, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_70/test_artificial_keep_all_seasonals_minute.log b/tests/references/bugs/issue_70/test_artificial_keep_all_seasonals_minute.log index 5619df99e..ed179564f 100644 --- a/tests/references/bugs/issue_70/test_artificial_keep_all_seasonals_minute.log +++ b/tests/references/bugs/issue_70/test_artificial_keep_all_seasonals_minute.log @@ -1,127 +1,118 @@ -/home/circleci/project/tests/bugs/issue_70/test_artificial_keep_all_seasonals_minute.py:11: SettingWithCopyWarning: -A value is trying to be set on a copy of a slice from a DataFrame. -Try using .loc[row_indexer,col_indexer] = value instead - -See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy - df[b1.mSignalVar] = df[b1.mName] INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 12}} TRYING_TO_LOAD_RANDOM_DATASET Signal_40000_min_0_constant_24_None_0.1_0 data/ARTIFICIAL_DATA/40000/Signal_40000_min_0_constant_24_None_0.1_0 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_40000_min_0_constant_24_None_0.1_0 -GENERATING_RANDOM_DATASET Signal_40000_min_0_constant_24_None_0.1_0 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) INFO:pyaf.std:PERF_DUMP_START INFO:pyaf.std:[ @@ -367,7 +358,7 @@ INFO:pyaf.std:[ } ] INFO:pyaf.std:PERF_DUMP_END -INFO:pyaf.std:TRAINING_ENGINE_END 49.596 +INFO:pyaf.std:TRAINING_ENGINE_END 9.735 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-23T01:56:00.000000 TimeMax=2000-01-27T14:59:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=8192 Min=178.140756 Max=236.768208 Mean=206.580273 StdDev=12.835377 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.485089 StdDev=0.218931 @@ -401,3 +392,11 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 1 {'Transformation': '_Sign INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 2 {'Transformation': '_Signal', 'DecompositionType': 'T+S+R', 'Model': '_Signal_LinearTrend_residue_Cycle_24_residue_AR(64)', 'Voting': 617.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.2341, 'Forecast_MASE_2': 0.2327, 'Forecast_MASE_3': 0.2327, 'Forecast_MASE_4': 0.2327, 'Forecast_MASE_5': 0.2327, 'Forecast_MASE_6': 0.2327, 'Forecast_MASE_7': 0.2327, 'Forecast_MASE_8': 0.2327, 'Forecast_MASE_9': 0.2327, 'Forecast_MASE_10': 0.2327, 'Forecast_MASE_11': 0.2327, 'Forecast_MASE_12': 0.2327} INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 3 {'Transformation': '_Signal', 'DecompositionType': 'T+S+R', 'Model': '_Signal_PolyTrend_residue_Cycle_24_residue_AR(64)', 'Voting': 617.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.2357, 'Forecast_MASE_2': 0.2343, 'Forecast_MASE_3': 0.2343, 'Forecast_MASE_4': 0.2343, 'Forecast_MASE_5': 0.2343, 'Forecast_MASE_6': 0.2343, 'Forecast_MASE_7': 0.2343, 'Forecast_MASE_8': 0.2343, 'Forecast_MASE_9': 0.2343, 'Forecast_MASE_10': 0.2343, 'Forecast_MASE_11': 0.2343, 'Forecast_MASE_12': 0.2343} INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal' +INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/artificial_ds_keep_all_seasonals_minute_Signal_Trend_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/artificial_ds_keep_all_seasonals_minute_Signal_Cycle_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/artificial_ds_keep_all_seasonals_minute_Signal_AR_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/artificial_ds_keep_all_seasonals_minute_Signal_TransformedForecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/artificial_ds_keep_all_seasonals_minute_Signal_Forecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/artificial_ds_keep_all_seasonals_minute_Signal_prediction_intervals_output.png') +INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/artificial_ds_keep_all_seasonals_minute_Signal_quantiles_output.png') +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_70/test_artificial_keep_all_seasonals_minute.py', 'ElapsedTimeSecs':(17.64, 1.08, 39.84), 'MAX_MEM_KB':263968, 'CPU_PRCNT':'232%', 'FILES_IN':0, 'FILES_OUT':2672, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_70/test_artificial_keep_all_seasonals_second.log b/tests/references/bugs/issue_70/test_artificial_keep_all_seasonals_second.log index a4f33b4b1..dce62da5a 100644 --- a/tests/references/bugs/issue_70/test_artificial_keep_all_seasonals_second.log +++ b/tests/references/bugs/issue_70/test_artificial_keep_all_seasonals_second.log @@ -1,127 +1,118 @@ -/home/circleci/project/tests/bugs/issue_70/test_artificial_keep_all_seasonals_second.py:11: SettingWithCopyWarning: -A value is trying to be set on a copy of a slice from a DataFrame. -Try using .loc[row_indexer,col_indexer] = value instead - -See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy - df[b1.mSignalVar] = df[b1.mName] INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 12}} TRYING_TO_LOAD_RANDOM_DATASET Signal_40000_S_0_constant_24_None_0.1_0 data/ARTIFICIAL_DATA/40000/Signal_40000_S_0_constant_24_None_0.1_0 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_40000_S_0_constant_24_None_0.1_0 -GENERATING_RANDOM_DATASET Signal_40000_S_0_constant_24_None_0.1_0 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) INFO:pyaf.std:PERF_DUMP_START INFO:pyaf.std:[ @@ -367,7 +358,7 @@ INFO:pyaf.std:[ } ] INFO:pyaf.std:PERF_DUMP_END -INFO:pyaf.std:TRAINING_ENGINE_END 47.196 +INFO:pyaf.std:TRAINING_ENGINE_END 9.899 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T08:49:56.000000 TimeMax=2000-01-01T10:38:59.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=8192 Min=178.140756 Max=236.768208 Mean=206.580273 StdDev=12.835377 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.485089 StdDev=0.218931 @@ -401,3 +392,11 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 1 {'Transformation': '_Sign INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 2 {'Transformation': '_Signal', 'DecompositionType': 'T+S+R', 'Model': '_Signal_LinearTrend_residue_Cycle_24_residue_AR(64)', 'Voting': 617.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.2341, 'Forecast_MASE_2': 0.2327, 'Forecast_MASE_3': 0.2327, 'Forecast_MASE_4': 0.2327, 'Forecast_MASE_5': 0.2327, 'Forecast_MASE_6': 0.2327, 'Forecast_MASE_7': 0.2327, 'Forecast_MASE_8': 0.2327, 'Forecast_MASE_9': 0.2327, 'Forecast_MASE_10': 0.2327, 'Forecast_MASE_11': 0.2327, 'Forecast_MASE_12': 0.2327} INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 3 {'Transformation': '_Signal', 'DecompositionType': 'T+S+R', 'Model': '_Signal_PolyTrend_residue_Cycle_24_residue_AR(64)', 'Voting': 617.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.2357, 'Forecast_MASE_2': 0.2343, 'Forecast_MASE_3': 0.2343, 'Forecast_MASE_4': 0.2343, 'Forecast_MASE_5': 0.2343, 'Forecast_MASE_6': 0.2343, 'Forecast_MASE_7': 0.2343, 'Forecast_MASE_8': 0.2343, 'Forecast_MASE_9': 0.2343, 'Forecast_MASE_10': 0.2343, 'Forecast_MASE_11': 0.2343, 'Forecast_MASE_12': 0.2343} INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal' +INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/artificial_ds_keep_all_seasonals_second_Signal_Trend_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/artificial_ds_keep_all_seasonals_second_Signal_Cycle_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/artificial_ds_keep_all_seasonals_second_Signal_AR_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/artificial_ds_keep_all_seasonals_second_Signal_TransformedForecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/artificial_ds_keep_all_seasonals_second_Signal_Forecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/artificial_ds_keep_all_seasonals_second_Signal_prediction_intervals_output.png') +INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/artificial_ds_keep_all_seasonals_second_Signal_quantiles_output.png') +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_70/test_artificial_keep_all_seasonals_second.py', 'ElapsedTimeSecs':(17.95, 1.25, 40.27), 'MAX_MEM_KB':260320, 'CPU_PRCNT':'231%', 'FILES_IN':0, 'FILES_OUT':2672, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_72/test_artificial_32_exp_linear_0__100.log b/tests/references/bugs/issue_72/test_artificial_32_exp_linear_0__100.log index 819d43903..58a96bdbf 100644 --- a/tests/references/bugs/issue_72/test_artificial_32_exp_linear_0__100.log +++ b/tests/references/bugs/issue_72/test_artificial_32_exp_linear_0__100.log @@ -1,7 +1,7 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 1}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) INFO:pyaf.std:AR_MODEL_ADD_EXOGENOUS 31 0 -INFO:pyaf.std:TRAINING_ENGINE_END 1.106 +INFO:pyaf.std:TRAINING_ENGINE_END 0.201 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2000-01-24T00:00:00.000000 TimeDelta= Horizon=1 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal_0.01' Length=31 Min=0.349583 Max=0.387443 Mean=0.366733 StdDev=0.009475 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal_0.01' Min=0.0 Max=1.0 Mean=0.452992 StdDev=0.250257 @@ -41,11 +41,8 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal_0.01' 1 {'Transformation': ' INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal_0.01' INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 1}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) -INFO:pyaf.std:FORECASTING_ENGINE_END 0.167 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.021 TRYING_TO_LOAD_RANDOM_DATASET Signal_32_D_0_linear_0_exp_0.0_100 data/ARTIFICIAL_DATA/32/Signal_32_D_0_linear_0_exp_0.0_100 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_32_D_0_linear_0_exp_0.0_100 -GENERATING_RANDOM_DATASET Signal_32_D_0_linear_0_exp_0.0_100 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 Forecast Columns Index(['Date', 'Signal_0.01', 'Signal_0.01_scaled', '_Signal_0.01', 'row_number', 'Date_Normalized', '_Signal_0.01_LinearTrend', '_Signal_0.01_LinearTrend_residue', @@ -76,8 +73,8 @@ Data columns (total 5 columns): dtypes: datetime64[ns](1), float64(4) memory usage: 1.4 KB Forecasts - [[Timestamp('2000-02-01 00:00:00') nan 0.37599373788158125 - 0.36011773788158125 0.39186973788158125]] + [[Timestamp('2000-02-01 00:00:00') nan 0.37599373788158114 + 0.36011773788158113 0.39186973788158114]] @@ -134,7 +131,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 1.106 + "Training_Time": 0.201 } @@ -146,3 +143,4 @@ Forecasts +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_72/test_artificial_32_exp_linear_0__100.py', 'ElapsedTimeSecs':(1.71, 0.18, 1.52), 'MAX_MEM_KB':144600, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':16, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_72/test_artificial_32_sqrt_poly_7__20.log b/tests/references/bugs/issue_72/test_artificial_32_sqrt_poly_7__20.log index e471c9cb6..20cda4670 100644 --- a/tests/references/bugs/issue_72/test_artificial_32_sqrt_poly_7__20.log +++ b/tests/references/bugs/issue_72/test_artificial_32_sqrt_poly_7__20.log @@ -1,7 +1,7 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 1}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) INFO:pyaf.std:AR_MODEL_ADD_EXOGENOUS 31 2 -INFO:pyaf.std:TRAINING_ENGINE_END 1.207 +INFO:pyaf.std:TRAINING_ENGINE_END 0.193 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2000-01-24T00:00:00.000000 TimeDelta= Horizon=1 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal_0.01' Length=31 Min=0.985566 Max=1.310653 Mean=1.148774 StdDev=0.096698 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal_0.01' Min=0.0 Max=1.0 Mean=0.502043 StdDev=0.297452 @@ -40,11 +40,8 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal_0.01' 0 {'Transformation': ' INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal_0.01' INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 1}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) -INFO:pyaf.std:FORECASTING_ENGINE_END 0.192 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.022 TRYING_TO_LOAD_RANDOM_DATASET Signal_32_D_0_poly_7_sqrt_0.0_20 data/ARTIFICIAL_DATA/32/Signal_32_D_0_poly_7_sqrt_0.0_20 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_32_D_0_poly_7_sqrt_0.0_20 -GENERATING_RANDOM_DATASET Signal_32_D_0_poly_7_sqrt_0.0_20 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 Forecast Columns Index(['Date', 'Signal_0.01', 'Signal_0.01_scaled', '_Signal_0.01', 'row_number', 'Date_Normalized', 'Date_Normalized_^2', 'Date_Normalized_^3', '_Signal_0.01_PolyTrend', @@ -76,8 +73,8 @@ Data columns (total 5 columns): dtypes: datetime64[ns](1), float64(4) memory usage: 1.4 KB Forecasts - [[Timestamp('2000-02-01 00:00:00') nan 1.2365793634533588 - 1.1660193634533589 1.3071393634533588]] + [[Timestamp('2000-02-01 00:00:00') nan 1.236579363453401 + 1.166019363453401 1.307139363453401]] @@ -134,7 +131,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 1.207 + "Training_Time": 0.193 } @@ -146,3 +143,4 @@ Forecasts +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_72/test_artificial_32_sqrt_poly_7__20.py', 'ElapsedTimeSecs':(1.71, 0.16, 1.55), 'MAX_MEM_KB':143876, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':16, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_73/issue_73_1_fast_mode.log b/tests/references/bugs/issue_73/issue_73_1_fast_mode.log index 9576c355f..26673e492 100644 --- a/tests/references/bugs/issue_73/issue_73_1_fast_mode.log +++ b/tests/references/bugs/issue_73/issue_73_1_fast_mode.log @@ -1,417 +1,417 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['signal'], 'Horizons': {'signal': 36}} -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -INFO:pyaf.std:TRAINING_ENGINE_END 63.301 +INFO:pyaf.std:TRAINING_ENGINE_END 15.008 INFO:pyaf.std:TIME_DETAIL TimeVariable='time' TimeMin=1.0 TimeMax=10.5089285714286 TimeDelta=0.002976190476190485 Horizon=36 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='signal' Length=4032 Min=18640 Max=38777 Mean=29617.136161 StdDev=5566.669347 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_signal' Min=0.0 Max=1.0 Mean=0.545123 StdDev=0.27644 @@ -445,3 +445,11 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'signal' 1 {'Transformation': '_sign INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'signal' 2 {'Transformation': 'CumSum_signal', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_signal_LinearTrend_residue_Cycle_None_residue_NoAR', 'Voting': 1148.8611, 'Complexity': 'MSSSS', 'Forecast_MASE_1': 7.4355, 'Forecast_MASE_2': 7.4355, 'Forecast_MASE_3': 7.4355, 'Forecast_MASE_4': 7.4355, 'Forecast_MASE_5': 7.4355, 'Forecast_MASE_6': 7.4355, 'Forecast_MASE_7': 7.4355, 'Forecast_MASE_8': 7.4355, 'Forecast_MASE_9': 7.4355, 'Forecast_MASE_10': 7.4355, 'Forecast_MASE_11': 7.4355, 'Forecast_MASE_12': 7.4355, 'Forecast_MASE_13': 7.4355, 'Forecast_MASE_14': 7.4355, 'Forecast_MASE_15': 7.4355, 'Forecast_MASE_16': 7.4355, 'Forecast_MASE_17': 7.4355, 'Forecast_MASE_18': 7.4355, 'Forecast_MASE_19': 7.4355, 'Forecast_MASE_20': 7.4355, 'Forecast_MASE_21': 7.4355, 'Forecast_MASE_22': 7.4355, 'Forecast_MASE_23': 7.4355, 'Forecast_MASE_24': 7.4355, 'Forecast_MASE_25': 7.4355, 'Forecast_MASE_26': 7.4355, 'Forecast_MASE_27': 7.4355, 'Forecast_MASE_28': 7.4355, 'Forecast_MASE_29': 7.4355, 'Forecast_MASE_30': 7.4355, 'Forecast_MASE_31': 7.4355, 'Forecast_MASE_32': 7.4355, 'Forecast_MASE_33': 7.4355, 'Forecast_MASE_34': 7.4355, 'Forecast_MASE_35': 7.4355, 'Forecast_MASE_36': 7.4355} INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'signal' 3 {'Transformation': 'CumSum_signal', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_signal_LinearTrend_residue_zeroCycle[0.0]_residue_NoAR', 'Voting': 1148.8611, 'Complexity': 'MSSSS', 'Forecast_MASE_1': 7.4355, 'Forecast_MASE_2': 7.4355, 'Forecast_MASE_3': 7.4355, 'Forecast_MASE_4': 7.4355, 'Forecast_MASE_5': 7.4355, 'Forecast_MASE_6': 7.4355, 'Forecast_MASE_7': 7.4355, 'Forecast_MASE_8': 7.4355, 'Forecast_MASE_9': 7.4355, 'Forecast_MASE_10': 7.4355, 'Forecast_MASE_11': 7.4355, 'Forecast_MASE_12': 7.4355, 'Forecast_MASE_13': 7.4355, 'Forecast_MASE_14': 7.4355, 'Forecast_MASE_15': 7.4355, 'Forecast_MASE_16': 7.4355, 'Forecast_MASE_17': 7.4355, 'Forecast_MASE_18': 7.4355, 'Forecast_MASE_19': 7.4355, 'Forecast_MASE_20': 7.4355, 'Forecast_MASE_21': 7.4355, 'Forecast_MASE_22': 7.4355, 'Forecast_MASE_23': 7.4355, 'Forecast_MASE_24': 7.4355, 'Forecast_MASE_25': 7.4355, 'Forecast_MASE_26': 7.4355, 'Forecast_MASE_27': 7.4355, 'Forecast_MASE_28': 7.4355, 'Forecast_MASE_29': 7.4355, 'Forecast_MASE_30': 7.4355, 'Forecast_MASE_31': 7.4355, 'Forecast_MASE_32': 7.4355, 'Forecast_MASE_33': 7.4355, 'Forecast_MASE_34': 7.4355, 'Forecast_MASE_35': 7.4355, 'Forecast_MASE_36': 7.4355} INFO:pyaf.std:COMPETITION_DETAIL_END 'signal' +INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/issue_73_1_fast_mode_signal_Trend_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/issue_73_1_fast_mode_signal_Cycle_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/issue_73_1_fast_mode_signal_AR_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/issue_73_1_fast_mode_signal_TransformedForecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/issue_73_1_fast_mode_signal_Forecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/issue_73_1_fast_mode_signal_prediction_intervals_output.png') +INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/issue_73_1_fast_mode_signal_quantiles_output.png') +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_73/issue_73_1_fast_mode.py', 'ElapsedTimeSecs':(24.18, 3.67, 54.11), 'MAX_MEM_KB':242056, 'CPU_PRCNT':'238%', 'FILES_IN':0, 'FILES_OUT':2184, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_73/issue_73_1_fast_mode_2.log b/tests/references/bugs/issue_73/issue_73_1_fast_mode_2.log index 85033451a..e6c79491e 100644 --- a/tests/references/bugs/issue_73/issue_73_1_fast_mode_2.log +++ b/tests/references/bugs/issue_73/issue_73_1_fast_mode_2.log @@ -1,211 +1,211 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['signal'], 'Horizons': {'signal': 36}} -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -INFO:pyaf.std:TRAINING_ENGINE_END 71.599 +INFO:pyaf.std:TRAINING_ENGINE_END 18.366 INFO:pyaf.std:TIME_DETAIL TimeVariable='time' TimeMin=1.0 TimeMax=10.5089285714286 TimeDelta=0.002976190476190485 Horizon=36 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='signal' Length=4032 Min=18640 Max=38777 Mean=29617.136161 StdDev=5566.669347 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_signal' Min=0.0 Max=1.0 Mean=0.545123 StdDev=0.27644 @@ -236,3 +236,11 @@ INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'signal' INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'signal' 0 {'Transformation': '_signal', 'DecompositionType': 'T+S+R', 'Model': '_signal_ConstantTrend_residue_Cycle_336_residue_NoAR', 'Voting': 1163.8611, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.8394, 'Forecast_MASE_2': 0.8394, 'Forecast_MASE_3': 0.8394, 'Forecast_MASE_4': 0.8394, 'Forecast_MASE_5': 0.8394, 'Forecast_MASE_6': 0.8394, 'Forecast_MASE_7': 0.8394, 'Forecast_MASE_8': 0.8394, 'Forecast_MASE_9': 0.8394, 'Forecast_MASE_10': 0.8394, 'Forecast_MASE_11': 0.8394, 'Forecast_MASE_12': 0.8394, 'Forecast_MASE_13': 0.8394, 'Forecast_MASE_14': 0.8394, 'Forecast_MASE_15': 0.8394, 'Forecast_MASE_16': 0.8394, 'Forecast_MASE_17': 0.8394, 'Forecast_MASE_18': 0.8394, 'Forecast_MASE_19': 0.8394, 'Forecast_MASE_20': 0.8394, 'Forecast_MASE_21': 0.8394, 'Forecast_MASE_22': 0.8394, 'Forecast_MASE_23': 0.8394, 'Forecast_MASE_24': 0.8394, 'Forecast_MASE_25': 0.8394, 'Forecast_MASE_26': 0.8394, 'Forecast_MASE_27': 0.8394, 'Forecast_MASE_28': 0.8394, 'Forecast_MASE_29': 0.8394, 'Forecast_MASE_30': 0.8394, 'Forecast_MASE_31': 0.8394, 'Forecast_MASE_32': 0.8394, 'Forecast_MASE_33': 0.8394, 'Forecast_MASE_34': 0.8394, 'Forecast_MASE_35': 0.8394, 'Forecast_MASE_36': 0.8394} INFO:pyaf.std:COMPETITION_DETAIL_END 'signal' +INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/issue_73_1_fast_mode_more_cycles_signal_Trend_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/issue_73_1_fast_mode_more_cycles_signal_Cycle_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/issue_73_1_fast_mode_more_cycles_signal_AR_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/issue_73_1_fast_mode_more_cycles_signal_TransformedForecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/issue_73_1_fast_mode_more_cycles_signal_Forecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/issue_73_1_fast_mode_more_cycles_signal_prediction_intervals_output.png') +INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/issue_73_1_fast_mode_more_cycles_signal_quantiles_output.png') +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_73/issue_73_1_fast_mode_2.py', 'ElapsedTimeSecs':(27.88, 2.95, 63.91), 'MAX_MEM_KB':249140, 'CPU_PRCNT':'239%', 'FILES_IN':0, 'FILES_OUT':2456, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_76/test_ozone_unicode.log b/tests/references/bugs/issue_76/test_ozone_unicode.log index 11149fbab..af33d59a2 100644 --- a/tests/references/bugs/issue_76/test_ozone_unicode.log +++ b/tests/references/bugs/issue_76/test_ozone_unicode.log @@ -5,7 +5,7 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['臭氧'], 'Horizons': {'臭氧 2 1955-03 3.6 1955-03-01 3 1955-04 5.0 1955-04-01 4 1955-05 6.5 1955-05-01 -INFO:pyaf.std:TRAINING_ENGINE_END 20.198 +INFO:pyaf.std:TRAINING_ENGINE_END 5.127 INFO:pyaf.std:TIME_DETAIL TimeVariable='月' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='臭氧' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_臭氧' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -38,1128 +38,14 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST '臭氧' 0 {'Transformation': '_臭 INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST '臭氧' 1 {'Transformation': '_臭氧', 'DecompositionType': 'T+S+R', 'Model': '_臭氧_LinearTrend_residue_Seasonal_MonthOfYear_residue_NoAR', 'Voting': 609.8333, 'Complexity': 'SSSSS', 'Forecast_MASE_1': 0.7396, 'Forecast_MASE_2': 0.7396, 'Forecast_MASE_3': 0.7396, 'Forecast_MASE_4': 0.7396, 'Forecast_MASE_5': 0.7396, 'Forecast_MASE_6': 0.7396, 'Forecast_MASE_7': 0.7396, 'Forecast_MASE_8': 0.7396, 'Forecast_MASE_9': 0.7396, 'Forecast_MASE_10': 0.7396, 'Forecast_MASE_11': 0.7396, 'Forecast_MASE_12': 0.7396} INFO:pyaf.std:COMPETITION_DETAIL_END '臭氧' INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/issue_76_unicode__ozone_臭氧_Trend_decomp_output.png') -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -/home/circleci/project/pyaf/TS/Plots.py:91: UserWarning: Glyph 33261 (\N{CJK UNIFIED IDEOGRAPH-81ED}) missing from current font. - fig.savefig(name + '_decomp_output.' + format) -/home/circleci/project/pyaf/TS/Plots.py:91: UserWarning: Glyph 27687 (\N{CJK UNIFIED IDEOGRAPH-6C27}) missing from current font. - fig.savefig(name + '_decomp_output.' + format) -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -/home/circleci/project/pyaf/TS/Plots.py:91: UserWarning: Glyph 26376 (\N{CJK UNIFIED IDEOGRAPH-6708}) missing from current font. - fig.savefig(name + '_decomp_output.' + format) -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/issue_76_unicode__ozone_臭氧_Cycle_decomp_output.png') -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -/home/circleci/project/pyaf/TS/Plots.py:91: UserWarning: Glyph 33261 (\N{CJK UNIFIED IDEOGRAPH-81ED}) missing from current font. - fig.savefig(name + '_decomp_output.' + format) -/home/circleci/project/pyaf/TS/Plots.py:91: UserWarning: Glyph 27687 (\N{CJK UNIFIED IDEOGRAPH-6C27}) missing from current font. - fig.savefig(name + '_decomp_output.' + format) -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -/home/circleci/project/pyaf/TS/Plots.py:91: UserWarning: Glyph 26376 (\N{CJK UNIFIED IDEOGRAPH-6708}) missing from current font. - fig.savefig(name + '_decomp_output.' + format) -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/issue_76_unicode__ozone_臭氧_AR_decomp_output.png') -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -/home/circleci/project/pyaf/TS/Plots.py:91: UserWarning: Glyph 33261 (\N{CJK UNIFIED IDEOGRAPH-81ED}) missing from current font. - fig.savefig(name + '_decomp_output.' + format) -/home/circleci/project/pyaf/TS/Plots.py:91: UserWarning: Glyph 27687 (\N{CJK UNIFIED IDEOGRAPH-6C27}) missing from current font. - fig.savefig(name + '_decomp_output.' + format) -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -/home/circleci/project/pyaf/TS/Plots.py:91: UserWarning: Glyph 26376 (\N{CJK UNIFIED IDEOGRAPH-6708}) missing from current font. - fig.savefig(name + '_decomp_output.' + format) -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/issue_76_unicode__ozone_臭氧_TransformedForecast_decomp_output.png') -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -/home/circleci/project/pyaf/TS/Plots.py:91: UserWarning: Glyph 26376 (\N{CJK UNIFIED IDEOGRAPH-6708}) missing from current font. - fig.savefig(name + '_decomp_output.' + format) -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -/home/circleci/project/pyaf/TS/Plots.py:91: UserWarning: Glyph 33261 (\N{CJK UNIFIED IDEOGRAPH-81ED}) missing from current font. - fig.savefig(name + '_decomp_output.' + format) -/home/circleci/project/pyaf/TS/Plots.py:91: UserWarning: Glyph 27687 (\N{CJK UNIFIED IDEOGRAPH-6C27}) missing from current font. - fig.savefig(name + '_decomp_output.' + format) -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/issue_76_unicode__ozone_臭氧_Forecast_decomp_output.png') -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -/home/circleci/project/pyaf/TS/Plots.py:91: UserWarning: Glyph 33261 (\N{CJK UNIFIED IDEOGRAPH-81ED}) missing from current font. - fig.savefig(name + '_decomp_output.' + format) -/home/circleci/project/pyaf/TS/Plots.py:91: UserWarning: Glyph 27687 (\N{CJK UNIFIED IDEOGRAPH-6C27}) missing from current font. - fig.savefig(name + '_decomp_output.' + format) -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -/home/circleci/project/pyaf/TS/Plots.py:91: UserWarning: Glyph 26376 (\N{CJK UNIFIED IDEOGRAPH-6708}) missing from current font. - fig.savefig(name + '_decomp_output.' + format) -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/issue_76_unicode__ozone_臭氧_prediction_intervals_output.png') -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -/home/circleci/project/pyaf/TS/Plots.py:153: UserWarning: Glyph 33261 (\N{CJK UNIFIED IDEOGRAPH-81ED}) missing from current font. - fig.savefig(name + '_prediction_intervals_output.' + format) -/home/circleci/project/pyaf/TS/Plots.py:153: UserWarning: Glyph 27687 (\N{CJK UNIFIED IDEOGRAPH-6C27}) missing from current font. - fig.savefig(name + '_prediction_intervals_output.' + format) -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -/home/circleci/project/pyaf/TS/Plots.py:153: UserWarning: Glyph 26376 (\N{CJK UNIFIED IDEOGRAPH-6708}) missing from current font. - fig.savefig(name + '_prediction_intervals_output.' + format) -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/issue_76_unicode__ozone_臭氧_quantiles_output.png') -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -/home/circleci/project/pyaf/TS/Plots.py:245: UserWarning: Glyph 33261 (\N{CJK UNIFIED IDEOGRAPH-81ED}) missing from current font. - fig.savefig(name + '_quantiles_output.' + format) -/home/circleci/project/pyaf/TS/Plots.py:245: UserWarning: Glyph 27687 (\N{CJK UNIFIED IDEOGRAPH-6C27}) missing from current font. - fig.savefig(name + '_quantiles_output.' + format) -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'Segoe UI Emoji' not found. -WARNING:matplotlib.font_manager:findfont: Font family 'SimHei' not found. INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['臭氧'], 'Horizons': {'臭氧': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.701 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.177 Forecast Columns Index(['月', '臭氧', '臭氧_scaled', '_臭氧', 'row_number', '月_Normalized', '_臭氧_LinearTrend', '_臭氧_LinearTrend_residue', 'cycle_internal', '_臭氧_LinearTrend_residue_Cycle_12', @@ -1232,7 +118,7 @@ Forecasts { - "Training_Time": 20.198, + "Training_Time": 5.127, "\u81ed\u6c27": { "Complexity": { "AR": "S", @@ -1317,3 +203,4 @@ Forecasts +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_76/test_ozone_unicode.py', 'ElapsedTimeSecs':(12.00, 0.52, 23.19), 'MAX_MEM_KB':223784, 'CPU_PRCNT':'197%', 'FILES_IN':0, 'FILES_OUT':2352, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_82/issue_82_long_cycles.log b/tests/references/bugs/issue_82/issue_82_long_cycles.log index c9a746155..f50bab663 100644 --- a/tests/references/bugs/issue_82/issue_82_long_cycles.log +++ b/tests/references/bugs/issue_82/issue_82_long_cycles.log @@ -1,1278 +1,1571 @@ -/home/circleci/project/tests/bugs/issue_82/issue_82_long_cycles.py:18: SettingWithCopyWarning: -A value is trying to be set on a copy of a slice from a DataFrame. -Try using .loc[row_indexer,col_indexer] = value instead - -See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy - df[b1.mSignalVar] = df[b1.mName] INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 128}} TEST_CYCLES_START 64 TRYING_TO_LOAD_RANDOM_DATASET Signal_3200_H_0_constant_64_None_0.1_0 data/ARTIFICIAL_DATA/3200/Signal_3200_H_0_constant_64_None_0.1_0 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_3200_H_0_constant_64_None_0.1_0 -GENERATING_RANDOM_DATASET Signal_3200_H_0_constant_64_None_0.1_0 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) +DEBUG:pyaf.detailed:DETAIL_MESSAGE('KEPT_DISCARDED_MODELS', 168, 159, 9) +INFO:pyaf.std:TRAINING_ENGINE_END 225.903 +INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2000-04-11T23:00:00.000000 TimeDelta= Horizon=128 +INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=3188 Min=2.466245 Max=4.616119 Mean=3.432993 StdDev=0.431348 +INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.449677 StdDev=0.200639 +INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' +INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' +INFO:pyaf.std:BEST_DECOMPOSITION '_Signal_ConstantTrend_residue_Cycle_64_residue_NoAR' [ConstantTrend + Cycle_64 + NoAR] +INFO:pyaf.std:TREND_DETAIL '_Signal_ConstantTrend' [ConstantTrend] +INFO:pyaf.std:CYCLE_DETAIL '_Signal_ConstantTrend_residue_Cycle_64' [Cycle_64] +INFO:pyaf.std:AUTOREG_DETAIL '_Signal_ConstantTrend_residue_Cycle_64_residue_NoAR' [NoAR] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0331, 'RMSE': 0.1426, 'MAE': 0.1119, 'MASE': 0.2104} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0354, 'RMSE': 0.148, 'MAE': 0.1196, 'MASE': 0.2235} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.035, 'RMSE': 0.1463, 'MAE': 0.116, 'MASE': 0.2187} +INFO:pyaf.std:MODEL_PERFS Fit STEP=128 {'MAPE': 0.0331, 'RMSE': 0.1426, 'MAE': 0.1119, 'MASE': 0.2104} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=128 {'MAPE': 0.0354, 'RMSE': 0.148, 'MAE': 0.1196, 'MASE': 0.2235} +INFO:pyaf.std:MODEL_PERFS Test STEP=128 {'MAPE': 0.035, 'RMSE': 0.1463, 'MAE': 0.116, 'MASE': 0.2187} +INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'L', 'AR': 'S'} [LSSSS] +INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START +INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None +INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END +INFO:pyaf.std:TREND_DETAIL_START +INFO:pyaf.std:CONSTANT_TREND _Signal_ConstantTrend 0.450049 +INFO:pyaf.std:TREND_DETAIL_END +INFO:pyaf.std:CYCLE_MODEL_DETAIL_START +INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _Signal_ConstantTrend_residue_Cycle_64 64 -0.018165 {0: -0.241062, 1: 0.099066, 2: -0.205615, 3: -0.11222, 4: -0.08811, 5: 0.233117, 6: 0.112598, 7: -0.042439, 8: -0.236181, 9: -0.035495, 10: -0.029496, 11: -0.182098, 12: 0.333644, 13: -0.258509, 14: 0.116286, 15: 0.093077, 16: -0.051935, 17: 0.200047, 18: -0.01919, 19: -0.112782, 20: 0.098216, 21: -0.033932, 22: -0.158993, 23: -0.1921, 24: -0.18351, 25: -0.084895, 26: 0.250937, 27: -0.143439, 28: 0.24582, 29: -0.256526, 30: 0.351897, 31: -0.159269, 32: 0.190893, 33: -0.29382, 34: -0.106266, 35: 0.09159, 36: -0.048006, 37: 0.221127, 38: 0.22894, 39: 0.00828, 40: -0.105844, 41: -0.136662, 42: -0.132872, 43: 0.145527, 44: 0.033041, 45: -0.308984, 46: -0.186345, 47: 0.300196, 48: 0.366495, 49: 0.062002, 50: 0.036297, 51: -0.217474, 52: 0.272221, 53: -0.043058, 54: 0.086359, 55: 0.350605, 56: -0.189858, 57: 0.236032, 58: 0.290497, 59: 0.008135, 60: 0.077604, 61: -0.307882, 62: -0.304302, 63: 0.097611} +INFO:pyaf.std:CYCLE_MODEL_DETAIL_END +INFO:pyaf.std:AR_MODEL_DETAIL_START +INFO:pyaf.std:AR_MODEL_DETAIL_END +INFO:pyaf.std:COMPETITION_DETAIL_START 'Signal' +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 0 {'Transformation': '_Signal', 'DecompositionType': 'T+S+R', 'Model': '_Signal_ConstantTrend_residue_Cycle_64_residue_NoAR', 'Voting': 10191.0, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.2235, 'Forecast_MASE_2': 0.2235, 'Forecast_MASE_3': 0.2235, 'Forecast_MASE_4': 0.2235, 'Forecast_MASE_5': 0.2235, 'Forecast_MASE_6': 0.2235, 'Forecast_MASE_7': 0.2235, 'Forecast_MASE_8': 0.2235, 'Forecast_MASE_9': 0.2235, 'Forecast_MASE_10': 0.2235, 'Forecast_MASE_11': 0.2235, 'Forecast_MASE_12': 0.2235, 'Forecast_MASE_13': 0.2235, 'Forecast_MASE_14': 0.2235, 'Forecast_MASE_15': 0.2235, 'Forecast_MASE_16': 0.2235, 'Forecast_MASE_17': 0.2235, 'Forecast_MASE_18': 0.2235, 'Forecast_MASE_19': 0.2235, 'Forecast_MASE_20': 0.2235, 'Forecast_MASE_21': 0.2235, 'Forecast_MASE_22': 0.2235, 'Forecast_MASE_23': 0.2235, 'Forecast_MASE_24': 0.2235, 'Forecast_MASE_25': 0.2235, 'Forecast_MASE_26': 0.2235, 'Forecast_MASE_27': 0.2235, 'Forecast_MASE_28': 0.2235, 'Forecast_MASE_29': 0.2235, 'Forecast_MASE_30': 0.2235, 'Forecast_MASE_31': 0.2235, 'Forecast_MASE_32': 0.2235, 'Forecast_MASE_33': 0.2235, 'Forecast_MASE_34': 0.2235, 'Forecast_MASE_35': 0.2235, 'Forecast_MASE_36': 0.2235, 'Forecast_MASE_37': 0.2235, 'Forecast_MASE_38': 0.2235, 'Forecast_MASE_39': 0.2235, 'Forecast_MASE_40': 0.2235, 'Forecast_MASE_41': 0.2235, 'Forecast_MASE_42': 0.2235, 'Forecast_MASE_43': 0.2235, 'Forecast_MASE_44': 0.2235, 'Forecast_MASE_45': 0.2235, 'Forecast_MASE_46': 0.2235, 'Forecast_MASE_47': 0.2235, 'Forecast_MASE_48': 0.2235, 'Forecast_MASE_49': 0.2235, 'Forecast_MASE_50': 0.2235, 'Forecast_MASE_51': 0.2235, 'Forecast_MASE_52': 0.2235, 'Forecast_MASE_53': 0.2235, 'Forecast_MASE_54': 0.2235, 'Forecast_MASE_55': 0.2235, 'Forecast_MASE_56': 0.2235, 'Forecast_MASE_57': 0.2235, 'Forecast_MASE_58': 0.2235, 'Forecast_MASE_59': 0.2235, 'Forecast_MASE_60': 0.2235, 'Forecast_MASE_61': 0.2235, 'Forecast_MASE_62': 0.2235, 'Forecast_MASE_63': 0.2235, 'Forecast_MASE_64': 0.2235, 'Forecast_MASE_65': 0.2235, 'Forecast_MASE_66': 0.2235, 'Forecast_MASE_67': 0.2235, 'Forecast_MASE_68': 0.2235, 'Forecast_MASE_69': 0.2235, 'Forecast_MASE_70': 0.2235, 'Forecast_MASE_71': 0.2235, 'Forecast_MASE_72': 0.2235, 'Forecast_MASE_73': 0.2235, 'Forecast_MASE_74': 0.2235, 'Forecast_MASE_75': 0.2235, 'Forecast_MASE_76': 0.2235, 'Forecast_MASE_77': 0.2235, 'Forecast_MASE_78': 0.2235, 'Forecast_MASE_79': 0.2235, 'Forecast_MASE_80': 0.2235, 'Forecast_MASE_81': 0.2235, 'Forecast_MASE_82': 0.2235, 'Forecast_MASE_83': 0.2235, 'Forecast_MASE_84': 0.2235, 'Forecast_MASE_85': 0.2235, 'Forecast_MASE_86': 0.2235, 'Forecast_MASE_87': 0.2235, 'Forecast_MASE_88': 0.2235, 'Forecast_MASE_89': 0.2235, 'Forecast_MASE_90': 0.2235, 'Forecast_MASE_91': 0.2235, 'Forecast_MASE_92': 0.2235, 'Forecast_MASE_93': 0.2235, 'Forecast_MASE_94': 0.2235, 'Forecast_MASE_95': 0.2235, 'Forecast_MASE_96': 0.2235, 'Forecast_MASE_97': 0.2235, 'Forecast_MASE_98': 0.2235, 'Forecast_MASE_99': 0.2235, 'Forecast_MASE_100': 0.2235, 'Forecast_MASE_101': 0.2235, 'Forecast_MASE_102': 0.2235, 'Forecast_MASE_103': 0.2235, 'Forecast_MASE_104': 0.2235, 'Forecast_MASE_105': 0.2235, 'Forecast_MASE_106': 0.2235, 'Forecast_MASE_107': 0.2235, 'Forecast_MASE_108': 0.2235, 'Forecast_MASE_109': 0.2235, 'Forecast_MASE_110': 0.2235, 'Forecast_MASE_111': 0.2235, 'Forecast_MASE_112': 0.2235, 'Forecast_MASE_113': 0.2235, 'Forecast_MASE_114': 0.2235, 'Forecast_MASE_115': 0.2235, 'Forecast_MASE_116': 0.2235, 'Forecast_MASE_117': 0.2235, 'Forecast_MASE_118': 0.2235, 'Forecast_MASE_119': 0.2235, 'Forecast_MASE_120': 0.2235, 'Forecast_MASE_121': 0.2235, 'Forecast_MASE_122': 0.2235, 'Forecast_MASE_123': 0.2235, 'Forecast_MASE_124': 0.2235, 'Forecast_MASE_125': 0.2235, 'Forecast_MASE_126': 0.2235, 'Forecast_MASE_127': 0.2235, 'Forecast_MASE_128': 0.2235} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 1 {'Transformation': '_Signal', 'DecompositionType': 'T+S+R', 'Model': '_Signal_LinearTrend_residue_Cycle_64_residue_NoAR', 'Voting': 10191.0, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.2247, 'Forecast_MASE_2': 0.2247, 'Forecast_MASE_3': 0.2247, 'Forecast_MASE_4': 0.2247, 'Forecast_MASE_5': 0.2247, 'Forecast_MASE_6': 0.2247, 'Forecast_MASE_7': 0.2247, 'Forecast_MASE_8': 0.2247, 'Forecast_MASE_9': 0.2247, 'Forecast_MASE_10': 0.2247, 'Forecast_MASE_11': 0.2247, 'Forecast_MASE_12': 0.2247, 'Forecast_MASE_13': 0.2247, 'Forecast_MASE_14': 0.2247, 'Forecast_MASE_15': 0.2247, 'Forecast_MASE_16': 0.2247, 'Forecast_MASE_17': 0.2247, 'Forecast_MASE_18': 0.2247, 'Forecast_MASE_19': 0.2247, 'Forecast_MASE_20': 0.2247, 'Forecast_MASE_21': 0.2247, 'Forecast_MASE_22': 0.2247, 'Forecast_MASE_23': 0.2247, 'Forecast_MASE_24': 0.2247, 'Forecast_MASE_25': 0.2247, 'Forecast_MASE_26': 0.2247, 'Forecast_MASE_27': 0.2247, 'Forecast_MASE_28': 0.2247, 'Forecast_MASE_29': 0.2247, 'Forecast_MASE_30': 0.2247, 'Forecast_MASE_31': 0.2247, 'Forecast_MASE_32': 0.2247, 'Forecast_MASE_33': 0.2247, 'Forecast_MASE_34': 0.2247, 'Forecast_MASE_35': 0.2247, 'Forecast_MASE_36': 0.2247, 'Forecast_MASE_37': 0.2247, 'Forecast_MASE_38': 0.2247, 'Forecast_MASE_39': 0.2247, 'Forecast_MASE_40': 0.2247, 'Forecast_MASE_41': 0.2247, 'Forecast_MASE_42': 0.2247, 'Forecast_MASE_43': 0.2247, 'Forecast_MASE_44': 0.2247, 'Forecast_MASE_45': 0.2247, 'Forecast_MASE_46': 0.2247, 'Forecast_MASE_47': 0.2247, 'Forecast_MASE_48': 0.2247, 'Forecast_MASE_49': 0.2247, 'Forecast_MASE_50': 0.2247, 'Forecast_MASE_51': 0.2247, 'Forecast_MASE_52': 0.2247, 'Forecast_MASE_53': 0.2247, 'Forecast_MASE_54': 0.2247, 'Forecast_MASE_55': 0.2247, 'Forecast_MASE_56': 0.2247, 'Forecast_MASE_57': 0.2247, 'Forecast_MASE_58': 0.2247, 'Forecast_MASE_59': 0.2247, 'Forecast_MASE_60': 0.2247, 'Forecast_MASE_61': 0.2247, 'Forecast_MASE_62': 0.2247, 'Forecast_MASE_63': 0.2247, 'Forecast_MASE_64': 0.2247, 'Forecast_MASE_65': 0.2247, 'Forecast_MASE_66': 0.2247, 'Forecast_MASE_67': 0.2247, 'Forecast_MASE_68': 0.2247, 'Forecast_MASE_69': 0.2247, 'Forecast_MASE_70': 0.2247, 'Forecast_MASE_71': 0.2247, 'Forecast_MASE_72': 0.2247, 'Forecast_MASE_73': 0.2247, 'Forecast_MASE_74': 0.2247, 'Forecast_MASE_75': 0.2247, 'Forecast_MASE_76': 0.2247, 'Forecast_MASE_77': 0.2247, 'Forecast_MASE_78': 0.2247, 'Forecast_MASE_79': 0.2247, 'Forecast_MASE_80': 0.2247, 'Forecast_MASE_81': 0.2247, 'Forecast_MASE_82': 0.2247, 'Forecast_MASE_83': 0.2247, 'Forecast_MASE_84': 0.2247, 'Forecast_MASE_85': 0.2247, 'Forecast_MASE_86': 0.2247, 'Forecast_MASE_87': 0.2247, 'Forecast_MASE_88': 0.2247, 'Forecast_MASE_89': 0.2247, 'Forecast_MASE_90': 0.2247, 'Forecast_MASE_91': 0.2247, 'Forecast_MASE_92': 0.2247, 'Forecast_MASE_93': 0.2247, 'Forecast_MASE_94': 0.2247, 'Forecast_MASE_95': 0.2247, 'Forecast_MASE_96': 0.2247, 'Forecast_MASE_97': 0.2247, 'Forecast_MASE_98': 0.2247, 'Forecast_MASE_99': 0.2247, 'Forecast_MASE_100': 0.2247, 'Forecast_MASE_101': 0.2247, 'Forecast_MASE_102': 0.2247, 'Forecast_MASE_103': 0.2247, 'Forecast_MASE_104': 0.2247, 'Forecast_MASE_105': 0.2247, 'Forecast_MASE_106': 0.2247, 'Forecast_MASE_107': 0.2247, 'Forecast_MASE_108': 0.2247, 'Forecast_MASE_109': 0.2247, 'Forecast_MASE_110': 0.2247, 'Forecast_MASE_111': 0.2247, 'Forecast_MASE_112': 0.2247, 'Forecast_MASE_113': 0.2247, 'Forecast_MASE_114': 0.2247, 'Forecast_MASE_115': 0.2247, 'Forecast_MASE_116': 0.2247, 'Forecast_MASE_117': 0.2247, 'Forecast_MASE_118': 0.2247, 'Forecast_MASE_119': 0.2247, 'Forecast_MASE_120': 0.2247, 'Forecast_MASE_121': 0.2247, 'Forecast_MASE_122': 0.2247, 'Forecast_MASE_123': 0.2247, 'Forecast_MASE_124': 0.2247, 'Forecast_MASE_125': 0.2247, 'Forecast_MASE_126': 0.2247, 'Forecast_MASE_127': 0.2247, 'Forecast_MASE_128': 0.2247} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 2 {'Transformation': '_Signal', 'DecompositionType': 'T+S+R', 'Model': '_Signal_PolyTrend_residue_Cycle_64_residue_NoAR', 'Voting': 10191.0, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.2233, 'Forecast_MASE_2': 0.2233, 'Forecast_MASE_3': 0.2233, 'Forecast_MASE_4': 0.2233, 'Forecast_MASE_5': 0.2233, 'Forecast_MASE_6': 0.2233, 'Forecast_MASE_7': 0.2233, 'Forecast_MASE_8': 0.2233, 'Forecast_MASE_9': 0.2233, 'Forecast_MASE_10': 0.2233, 'Forecast_MASE_11': 0.2233, 'Forecast_MASE_12': 0.2233, 'Forecast_MASE_13': 0.2233, 'Forecast_MASE_14': 0.2233, 'Forecast_MASE_15': 0.2233, 'Forecast_MASE_16': 0.2233, 'Forecast_MASE_17': 0.2233, 'Forecast_MASE_18': 0.2233, 'Forecast_MASE_19': 0.2233, 'Forecast_MASE_20': 0.2233, 'Forecast_MASE_21': 0.2233, 'Forecast_MASE_22': 0.2233, 'Forecast_MASE_23': 0.2233, 'Forecast_MASE_24': 0.2233, 'Forecast_MASE_25': 0.2233, 'Forecast_MASE_26': 0.2233, 'Forecast_MASE_27': 0.2233, 'Forecast_MASE_28': 0.2233, 'Forecast_MASE_29': 0.2233, 'Forecast_MASE_30': 0.2233, 'Forecast_MASE_31': 0.2233, 'Forecast_MASE_32': 0.2233, 'Forecast_MASE_33': 0.2233, 'Forecast_MASE_34': 0.2233, 'Forecast_MASE_35': 0.2233, 'Forecast_MASE_36': 0.2233, 'Forecast_MASE_37': 0.2233, 'Forecast_MASE_38': 0.2233, 'Forecast_MASE_39': 0.2233, 'Forecast_MASE_40': 0.2233, 'Forecast_MASE_41': 0.2233, 'Forecast_MASE_42': 0.2233, 'Forecast_MASE_43': 0.2233, 'Forecast_MASE_44': 0.2233, 'Forecast_MASE_45': 0.2233, 'Forecast_MASE_46': 0.2233, 'Forecast_MASE_47': 0.2233, 'Forecast_MASE_48': 0.2233, 'Forecast_MASE_49': 0.2233, 'Forecast_MASE_50': 0.2233, 'Forecast_MASE_51': 0.2233, 'Forecast_MASE_52': 0.2233, 'Forecast_MASE_53': 0.2233, 'Forecast_MASE_54': 0.2233, 'Forecast_MASE_55': 0.2233, 'Forecast_MASE_56': 0.2233, 'Forecast_MASE_57': 0.2233, 'Forecast_MASE_58': 0.2233, 'Forecast_MASE_59': 0.2233, 'Forecast_MASE_60': 0.2233, 'Forecast_MASE_61': 0.2233, 'Forecast_MASE_62': 0.2233, 'Forecast_MASE_63': 0.2233, 'Forecast_MASE_64': 0.2233, 'Forecast_MASE_65': 0.2233, 'Forecast_MASE_66': 0.2233, 'Forecast_MASE_67': 0.2233, 'Forecast_MASE_68': 0.2233, 'Forecast_MASE_69': 0.2233, 'Forecast_MASE_70': 0.2233, 'Forecast_MASE_71': 0.2233, 'Forecast_MASE_72': 0.2233, 'Forecast_MASE_73': 0.2233, 'Forecast_MASE_74': 0.2233, 'Forecast_MASE_75': 0.2233, 'Forecast_MASE_76': 0.2233, 'Forecast_MASE_77': 0.2233, 'Forecast_MASE_78': 0.2233, 'Forecast_MASE_79': 0.2233, 'Forecast_MASE_80': 0.2233, 'Forecast_MASE_81': 0.2233, 'Forecast_MASE_82': 0.2233, 'Forecast_MASE_83': 0.2233, 'Forecast_MASE_84': 0.2233, 'Forecast_MASE_85': 0.2233, 'Forecast_MASE_86': 0.2233, 'Forecast_MASE_87': 0.2233, 'Forecast_MASE_88': 0.2233, 'Forecast_MASE_89': 0.2233, 'Forecast_MASE_90': 0.2233, 'Forecast_MASE_91': 0.2233, 'Forecast_MASE_92': 0.2233, 'Forecast_MASE_93': 0.2233, 'Forecast_MASE_94': 0.2233, 'Forecast_MASE_95': 0.2233, 'Forecast_MASE_96': 0.2233, 'Forecast_MASE_97': 0.2233, 'Forecast_MASE_98': 0.2233, 'Forecast_MASE_99': 0.2233, 'Forecast_MASE_100': 0.2233, 'Forecast_MASE_101': 0.2233, 'Forecast_MASE_102': 0.2233, 'Forecast_MASE_103': 0.2233, 'Forecast_MASE_104': 0.2233, 'Forecast_MASE_105': 0.2233, 'Forecast_MASE_106': 0.2233, 'Forecast_MASE_107': 0.2233, 'Forecast_MASE_108': 0.2233, 'Forecast_MASE_109': 0.2233, 'Forecast_MASE_110': 0.2233, 'Forecast_MASE_111': 0.2233, 'Forecast_MASE_112': 0.2233, 'Forecast_MASE_113': 0.2233, 'Forecast_MASE_114': 0.2233, 'Forecast_MASE_115': 0.2233, 'Forecast_MASE_116': 0.2233, 'Forecast_MASE_117': 0.2233, 'Forecast_MASE_118': 0.2233, 'Forecast_MASE_119': 0.2233, 'Forecast_MASE_120': 0.2233, 'Forecast_MASE_121': 0.2233, 'Forecast_MASE_122': 0.2233, 'Forecast_MASE_123': 0.2233, 'Forecast_MASE_124': 0.2233, 'Forecast_MASE_125': 0.2233, 'Forecast_MASE_126': 0.2233, 'Forecast_MASE_127': 0.2233, 'Forecast_MASE_128': 0.2233} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 3 {'Transformation': '_Signal', 'DecompositionType': 'T+S+R', 'Model': '_Signal_ConstantTrend_residue_Cycle_64_residue_AR(64)', 'Voting': 10191.0, 'Complexity': 'LLSSS', 'Forecast_MASE_1': 0.2282, 'Forecast_MASE_2': 0.2241, 'Forecast_MASE_3': 0.2236, 'Forecast_MASE_4': 0.2235, 'Forecast_MASE_5': 0.2235, 'Forecast_MASE_6': 0.2235, 'Forecast_MASE_7': 0.2235, 'Forecast_MASE_8': 0.2235, 'Forecast_MASE_9': 0.2235, 'Forecast_MASE_10': 0.2235, 'Forecast_MASE_11': 0.2235, 'Forecast_MASE_12': 0.2235, 'Forecast_MASE_13': 0.2235, 'Forecast_MASE_14': 0.2235, 'Forecast_MASE_15': 0.2235, 'Forecast_MASE_16': 0.2235, 'Forecast_MASE_17': 0.2235, 'Forecast_MASE_18': 0.2235, 'Forecast_MASE_19': 0.2235, 'Forecast_MASE_20': 0.2235, 'Forecast_MASE_21': 0.2235, 'Forecast_MASE_22': 0.2235, 'Forecast_MASE_23': 0.2235, 'Forecast_MASE_24': 0.2235, 'Forecast_MASE_25': 0.2235, 'Forecast_MASE_26': 0.2235, 'Forecast_MASE_27': 0.2235, 'Forecast_MASE_28': 0.2235, 'Forecast_MASE_29': 0.2235, 'Forecast_MASE_30': 0.2235, 'Forecast_MASE_31': 0.2235, 'Forecast_MASE_32': 0.2235, 'Forecast_MASE_33': 0.2235, 'Forecast_MASE_34': 0.2235, 'Forecast_MASE_35': 0.2235, 'Forecast_MASE_36': 0.2235, 'Forecast_MASE_37': 0.2235, 'Forecast_MASE_38': 0.2235, 'Forecast_MASE_39': 0.2235, 'Forecast_MASE_40': 0.2235, 'Forecast_MASE_41': 0.2235, 'Forecast_MASE_42': 0.2235, 'Forecast_MASE_43': 0.2235, 'Forecast_MASE_44': 0.2235, 'Forecast_MASE_45': 0.2235, 'Forecast_MASE_46': 0.2235, 'Forecast_MASE_47': 0.2235, 'Forecast_MASE_48': 0.2235, 'Forecast_MASE_49': 0.2235, 'Forecast_MASE_50': 0.2235, 'Forecast_MASE_51': 0.2235, 'Forecast_MASE_52': 0.2235, 'Forecast_MASE_53': 0.2235, 'Forecast_MASE_54': 0.2235, 'Forecast_MASE_55': 0.2235, 'Forecast_MASE_56': 0.2235, 'Forecast_MASE_57': 0.2235, 'Forecast_MASE_58': 0.2235, 'Forecast_MASE_59': 0.2235, 'Forecast_MASE_60': 0.2235, 'Forecast_MASE_61': 0.2235, 'Forecast_MASE_62': 0.2235, 'Forecast_MASE_63': 0.2235, 'Forecast_MASE_64': 0.2235, 'Forecast_MASE_65': 0.2235, 'Forecast_MASE_66': 0.2235, 'Forecast_MASE_67': 0.2235, 'Forecast_MASE_68': 0.2235, 'Forecast_MASE_69': 0.2235, 'Forecast_MASE_70': 0.2235, 'Forecast_MASE_71': 0.2235, 'Forecast_MASE_72': 0.2235, 'Forecast_MASE_73': 0.2235, 'Forecast_MASE_74': 0.2235, 'Forecast_MASE_75': 0.2235, 'Forecast_MASE_76': 0.2235, 'Forecast_MASE_77': 0.2235, 'Forecast_MASE_78': 0.2235, 'Forecast_MASE_79': 0.2235, 'Forecast_MASE_80': 0.2235, 'Forecast_MASE_81': 0.2235, 'Forecast_MASE_82': 0.2235, 'Forecast_MASE_83': 0.2235, 'Forecast_MASE_84': 0.2235, 'Forecast_MASE_85': 0.2235, 'Forecast_MASE_86': 0.2235, 'Forecast_MASE_87': 0.2235, 'Forecast_MASE_88': 0.2235, 'Forecast_MASE_89': 0.2235, 'Forecast_MASE_90': 0.2235, 'Forecast_MASE_91': 0.2235, 'Forecast_MASE_92': 0.2235, 'Forecast_MASE_93': 0.2235, 'Forecast_MASE_94': 0.2235, 'Forecast_MASE_95': 0.2235, 'Forecast_MASE_96': 0.2235, 'Forecast_MASE_97': 0.2235, 'Forecast_MASE_98': 0.2235, 'Forecast_MASE_99': 0.2235, 'Forecast_MASE_100': 0.2235, 'Forecast_MASE_101': 0.2235, 'Forecast_MASE_102': 0.2235, 'Forecast_MASE_103': 0.2235, 'Forecast_MASE_104': 0.2235, 'Forecast_MASE_105': 0.2235, 'Forecast_MASE_106': 0.2235, 'Forecast_MASE_107': 0.2235, 'Forecast_MASE_108': 0.2235, 'Forecast_MASE_109': 0.2235, 'Forecast_MASE_110': 0.2235, 'Forecast_MASE_111': 0.2235, 'Forecast_MASE_112': 0.2235, 'Forecast_MASE_113': 0.2235, 'Forecast_MASE_114': 0.2235, 'Forecast_MASE_115': 0.2235, 'Forecast_MASE_116': 0.2235, 'Forecast_MASE_117': 0.2235, 'Forecast_MASE_118': 0.2235, 'Forecast_MASE_119': 0.2235, 'Forecast_MASE_120': 0.2235, 'Forecast_MASE_121': 0.2235, 'Forecast_MASE_122': 0.2235, 'Forecast_MASE_123': 0.2235, 'Forecast_MASE_124': 0.2235, 'Forecast_MASE_125': 0.2235, 'Forecast_MASE_126': 0.2235, 'Forecast_MASE_127': 0.2235, 'Forecast_MASE_128': 0.2235} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 4 {'Transformation': '_Signal', 'DecompositionType': 'T+S+R', 'Model': '_Signal_LinearTrend_residue_Cycle_64_residue_AR(64)', 'Voting': 10191.0, 'Complexity': 'LLSSS', 'Forecast_MASE_1': 0.2292, 'Forecast_MASE_2': 0.2254, 'Forecast_MASE_3': 0.2248, 'Forecast_MASE_4': 0.2248, 'Forecast_MASE_5': 0.2247, 'Forecast_MASE_6': 0.2247, 'Forecast_MASE_7': 0.2247, 'Forecast_MASE_8': 0.2247, 'Forecast_MASE_9': 0.2247, 'Forecast_MASE_10': 0.2247, 'Forecast_MASE_11': 0.2247, 'Forecast_MASE_12': 0.2247, 'Forecast_MASE_13': 0.2247, 'Forecast_MASE_14': 0.2247, 'Forecast_MASE_15': 0.2247, 'Forecast_MASE_16': 0.2247, 'Forecast_MASE_17': 0.2247, 'Forecast_MASE_18': 0.2247, 'Forecast_MASE_19': 0.2247, 'Forecast_MASE_20': 0.2247, 'Forecast_MASE_21': 0.2247, 'Forecast_MASE_22': 0.2247, 'Forecast_MASE_23': 0.2247, 'Forecast_MASE_24': 0.2247, 'Forecast_MASE_25': 0.2247, 'Forecast_MASE_26': 0.2247, 'Forecast_MASE_27': 0.2247, 'Forecast_MASE_28': 0.2247, 'Forecast_MASE_29': 0.2247, 'Forecast_MASE_30': 0.2247, 'Forecast_MASE_31': 0.2247, 'Forecast_MASE_32': 0.2247, 'Forecast_MASE_33': 0.2247, 'Forecast_MASE_34': 0.2247, 'Forecast_MASE_35': 0.2247, 'Forecast_MASE_36': 0.2247, 'Forecast_MASE_37': 0.2247, 'Forecast_MASE_38': 0.2247, 'Forecast_MASE_39': 0.2247, 'Forecast_MASE_40': 0.2247, 'Forecast_MASE_41': 0.2247, 'Forecast_MASE_42': 0.2247, 'Forecast_MASE_43': 0.2247, 'Forecast_MASE_44': 0.2247, 'Forecast_MASE_45': 0.2247, 'Forecast_MASE_46': 0.2247, 'Forecast_MASE_47': 0.2247, 'Forecast_MASE_48': 0.2247, 'Forecast_MASE_49': 0.2247, 'Forecast_MASE_50': 0.2247, 'Forecast_MASE_51': 0.2247, 'Forecast_MASE_52': 0.2247, 'Forecast_MASE_53': 0.2247, 'Forecast_MASE_54': 0.2247, 'Forecast_MASE_55': 0.2247, 'Forecast_MASE_56': 0.2247, 'Forecast_MASE_57': 0.2247, 'Forecast_MASE_58': 0.2247, 'Forecast_MASE_59': 0.2247, 'Forecast_MASE_60': 0.2247, 'Forecast_MASE_61': 0.2247, 'Forecast_MASE_62': 0.2247, 'Forecast_MASE_63': 0.2247, 'Forecast_MASE_64': 0.2247, 'Forecast_MASE_65': 0.2247, 'Forecast_MASE_66': 0.2247, 'Forecast_MASE_67': 0.2247, 'Forecast_MASE_68': 0.2247, 'Forecast_MASE_69': 0.2247, 'Forecast_MASE_70': 0.2247, 'Forecast_MASE_71': 0.2247, 'Forecast_MASE_72': 0.2247, 'Forecast_MASE_73': 0.2247, 'Forecast_MASE_74': 0.2247, 'Forecast_MASE_75': 0.2247, 'Forecast_MASE_76': 0.2247, 'Forecast_MASE_77': 0.2247, 'Forecast_MASE_78': 0.2247, 'Forecast_MASE_79': 0.2247, 'Forecast_MASE_80': 0.2247, 'Forecast_MASE_81': 0.2247, 'Forecast_MASE_82': 0.2247, 'Forecast_MASE_83': 0.2247, 'Forecast_MASE_84': 0.2247, 'Forecast_MASE_85': 0.2247, 'Forecast_MASE_86': 0.2247, 'Forecast_MASE_87': 0.2247, 'Forecast_MASE_88': 0.2247, 'Forecast_MASE_89': 0.2247, 'Forecast_MASE_90': 0.2247, 'Forecast_MASE_91': 0.2247, 'Forecast_MASE_92': 0.2247, 'Forecast_MASE_93': 0.2247, 'Forecast_MASE_94': 0.2247, 'Forecast_MASE_95': 0.2247, 'Forecast_MASE_96': 0.2247, 'Forecast_MASE_97': 0.2247, 'Forecast_MASE_98': 0.2247, 'Forecast_MASE_99': 0.2247, 'Forecast_MASE_100': 0.2247, 'Forecast_MASE_101': 0.2247, 'Forecast_MASE_102': 0.2247, 'Forecast_MASE_103': 0.2247, 'Forecast_MASE_104': 0.2247, 'Forecast_MASE_105': 0.2247, 'Forecast_MASE_106': 0.2247, 'Forecast_MASE_107': 0.2247, 'Forecast_MASE_108': 0.2247, 'Forecast_MASE_109': 0.2247, 'Forecast_MASE_110': 0.2247, 'Forecast_MASE_111': 0.2247, 'Forecast_MASE_112': 0.2247, 'Forecast_MASE_113': 0.2247, 'Forecast_MASE_114': 0.2247, 'Forecast_MASE_115': 0.2247, 'Forecast_MASE_116': 0.2247, 'Forecast_MASE_117': 0.2247, 'Forecast_MASE_118': 0.2247, 'Forecast_MASE_119': 0.2247, 'Forecast_MASE_120': 0.2247, 'Forecast_MASE_121': 0.2247, 'Forecast_MASE_122': 0.2247, 'Forecast_MASE_123': 0.2247, 'Forecast_MASE_124': 0.2247, 'Forecast_MASE_125': 0.2247, 'Forecast_MASE_126': 0.2247, 'Forecast_MASE_127': 0.2247, 'Forecast_MASE_128': 0.2247} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 5 {'Transformation': '_Signal', 'DecompositionType': 'T+S+R', 'Model': '_Signal_PolyTrend_residue_Cycle_64_residue_AR(64)', 'Voting': 10191.0, 'Complexity': 'LLMSS', 'Forecast_MASE_1': 0.2277, 'Forecast_MASE_2': 0.2239, 'Forecast_MASE_3': 0.2234, 'Forecast_MASE_4': 0.2234, 'Forecast_MASE_5': 0.2233, 'Forecast_MASE_6': 0.2233, 'Forecast_MASE_7': 0.2233, 'Forecast_MASE_8': 0.2233, 'Forecast_MASE_9': 0.2233, 'Forecast_MASE_10': 0.2233, 'Forecast_MASE_11': 0.2233, 'Forecast_MASE_12': 0.2233, 'Forecast_MASE_13': 0.2233, 'Forecast_MASE_14': 0.2233, 'Forecast_MASE_15': 0.2233, 'Forecast_MASE_16': 0.2233, 'Forecast_MASE_17': 0.2233, 'Forecast_MASE_18': 0.2233, 'Forecast_MASE_19': 0.2233, 'Forecast_MASE_20': 0.2233, 'Forecast_MASE_21': 0.2233, 'Forecast_MASE_22': 0.2233, 'Forecast_MASE_23': 0.2233, 'Forecast_MASE_24': 0.2233, 'Forecast_MASE_25': 0.2233, 'Forecast_MASE_26': 0.2233, 'Forecast_MASE_27': 0.2233, 'Forecast_MASE_28': 0.2233, 'Forecast_MASE_29': 0.2233, 'Forecast_MASE_30': 0.2233, 'Forecast_MASE_31': 0.2233, 'Forecast_MASE_32': 0.2233, 'Forecast_MASE_33': 0.2233, 'Forecast_MASE_34': 0.2233, 'Forecast_MASE_35': 0.2233, 'Forecast_MASE_36': 0.2233, 'Forecast_MASE_37': 0.2233, 'Forecast_MASE_38': 0.2233, 'Forecast_MASE_39': 0.2233, 'Forecast_MASE_40': 0.2233, 'Forecast_MASE_41': 0.2233, 'Forecast_MASE_42': 0.2233, 'Forecast_MASE_43': 0.2233, 'Forecast_MASE_44': 0.2233, 'Forecast_MASE_45': 0.2233, 'Forecast_MASE_46': 0.2233, 'Forecast_MASE_47': 0.2233, 'Forecast_MASE_48': 0.2233, 'Forecast_MASE_49': 0.2233, 'Forecast_MASE_50': 0.2233, 'Forecast_MASE_51': 0.2233, 'Forecast_MASE_52': 0.2233, 'Forecast_MASE_53': 0.2233, 'Forecast_MASE_54': 0.2233, 'Forecast_MASE_55': 0.2233, 'Forecast_MASE_56': 0.2233, 'Forecast_MASE_57': 0.2233, 'Forecast_MASE_58': 0.2233, 'Forecast_MASE_59': 0.2233, 'Forecast_MASE_60': 0.2233, 'Forecast_MASE_61': 0.2233, 'Forecast_MASE_62': 0.2233, 'Forecast_MASE_63': 0.2233, 'Forecast_MASE_64': 0.2233, 'Forecast_MASE_65': 0.2233, 'Forecast_MASE_66': 0.2233, 'Forecast_MASE_67': 0.2233, 'Forecast_MASE_68': 0.2233, 'Forecast_MASE_69': 0.2233, 'Forecast_MASE_70': 0.2233, 'Forecast_MASE_71': 0.2233, 'Forecast_MASE_72': 0.2233, 'Forecast_MASE_73': 0.2233, 'Forecast_MASE_74': 0.2233, 'Forecast_MASE_75': 0.2233, 'Forecast_MASE_76': 0.2233, 'Forecast_MASE_77': 0.2233, 'Forecast_MASE_78': 0.2233, 'Forecast_MASE_79': 0.2233, 'Forecast_MASE_80': 0.2233, 'Forecast_MASE_81': 0.2233, 'Forecast_MASE_82': 0.2233, 'Forecast_MASE_83': 0.2233, 'Forecast_MASE_84': 0.2233, 'Forecast_MASE_85': 0.2233, 'Forecast_MASE_86': 0.2233, 'Forecast_MASE_87': 0.2233, 'Forecast_MASE_88': 0.2233, 'Forecast_MASE_89': 0.2233, 'Forecast_MASE_90': 0.2233, 'Forecast_MASE_91': 0.2233, 'Forecast_MASE_92': 0.2233, 'Forecast_MASE_93': 0.2233, 'Forecast_MASE_94': 0.2233, 'Forecast_MASE_95': 0.2233, 'Forecast_MASE_96': 0.2233, 'Forecast_MASE_97': 0.2233, 'Forecast_MASE_98': 0.2233, 'Forecast_MASE_99': 0.2233, 'Forecast_MASE_100': 0.2233, 'Forecast_MASE_101': 0.2233, 'Forecast_MASE_102': 0.2233, 'Forecast_MASE_103': 0.2233, 'Forecast_MASE_104': 0.2233, 'Forecast_MASE_105': 0.2233, 'Forecast_MASE_106': 0.2233, 'Forecast_MASE_107': 0.2233, 'Forecast_MASE_108': 0.2233, 'Forecast_MASE_109': 0.2233, 'Forecast_MASE_110': 0.2233, 'Forecast_MASE_111': 0.2233, 'Forecast_MASE_112': 0.2233, 'Forecast_MASE_113': 0.2233, 'Forecast_MASE_114': 0.2233, 'Forecast_MASE_115': 0.2233, 'Forecast_MASE_116': 0.2233, 'Forecast_MASE_117': 0.2233, 'Forecast_MASE_118': 0.2233, 'Forecast_MASE_119': 0.2233, 'Forecast_MASE_120': 0.2233, 'Forecast_MASE_121': 0.2233, 'Forecast_MASE_122': 0.2233, 'Forecast_MASE_123': 0.2233, 'Forecast_MASE_124': 0.2233, 'Forecast_MASE_125': 0.2233, 'Forecast_MASE_126': 0.2233, 'Forecast_MASE_127': 0.2233, 'Forecast_MASE_128': 0.2233} +INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal' +INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/issue_82_long_cycles_64_Signal_Trend_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/issue_82_long_cycles_64_Signal_Cycle_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/issue_82_long_cycles_64_Signal_AR_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/issue_82_long_cycles_64_Signal_TransformedForecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/issue_82_long_cycles_64_Signal_Forecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/issue_82_long_cycles_64_Signal_prediction_intervals_output.png') +INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/issue_82_long_cycles_64_Signal_quantiles_output.png') +INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 128}} +INFO:pyaf.std:FORECASTING_ENGINE_END 1.913 +Forecast Columns Index(['Date', 'Signal', 'Signal_scaled', '_Signal', 'row_number', + 'Date_Normalized', '_Signal_ConstantTrend', + '_Signal_ConstantTrend_residue', 'cycle_internal', + '_Signal_ConstantTrend_residue_Cycle_64', + '_Signal_ConstantTrend_residue_Cycle_64_residue', + '_Signal_ConstantTrend_residue_Cycle_64_residue_NoAR', + '_Signal_ConstantTrend_residue_Cycle_64_residue_NoAR_residue', + 'Signal_Transformed', '_Signal_Trend', '_Signal_Trend_residue', + '_Signal_Cycle', '_Signal_Cycle_residue', '_Signal_AR', + '_Signal_AR_residue', '_Signal_TransformedForecast', + '_Signal_Detrended', '_Signal_Deseasonalized', + 'Signal_TransformedForecast_inverted', 'Signal_Forecast', + '_Signal_TransformedResidue', 'Signal_Residue', + 'Signal_Forecast_Lower_Bound', 'Signal_Forecast_Upper_Bound', + 'Signal_Forecast_Quantile_5', 'Signal_Forecast_Quantile_10', + 'Signal_Forecast_Quantile_15', 'Signal_Forecast_Quantile_20', + 'Signal_Forecast_Quantile_25', 'Signal_Forecast_Quantile_30', + 'Signal_Forecast_Quantile_35', 'Signal_Forecast_Quantile_40', + 'Signal_Forecast_Quantile_45', 'Signal_Forecast_Quantile_50', + 'Signal_Forecast_Quantile_55', 'Signal_Forecast_Quantile_60', + 'Signal_Forecast_Quantile_65', 'Signal_Forecast_Quantile_70', + 'Signal_Forecast_Quantile_75', 'Signal_Forecast_Quantile_80', + 'Signal_Forecast_Quantile_85', 'Signal_Forecast_Quantile_90', + 'Signal_Forecast_Quantile_95'], + dtype='object') + +RangeIndex: 3316 entries, 0 to 3315 +Data columns (total 3 columns): + # Column Non-Null Count Dtype +--- ------ -------------- ----- + 0 Date 3316 non-null datetime64[ns] + 1 Signal 3188 non-null float64 + 2 Signal_Forecast 3316 non-null float64 +dtypes: datetime64[ns](1), float64(2) +memory usage: 77.8 KB +None +Forecasts + [[Timestamp('2000-05-12 20:00:00') nan 4.019035294515157] + [Timestamp('2000-05-12 21:00:00') nan 3.34122425550218] + [Timestamp('2000-05-12 22:00:00') nan 3.619454452206384] + [Timestamp('2000-05-12 23:00:00') nan 4.187550461484467] + [Timestamp('2000-05-13 00:00:00') nan 3.025622390165911] + [Timestamp('2000-05-13 01:00:00') nan 3.941233164439313] + [Timestamp('2000-05-13 02:00:00') nan 4.058324632665815] + [Timestamp('2000-05-13 03:00:00') nan 3.4512823192823654] + [Timestamp('2000-05-13 04:00:00') nan 3.600631986427399] + [Timestamp('2000-05-13 05:00:00') nan 2.771884977258332] + [Timestamp('2000-05-13 06:00:00') nan 2.7795826158041366] + [Timestamp('2000-05-13 07:00:00') nan 3.643644487339951] + [Timestamp('2000-05-13 08:00:00') nan 2.915540065975145] + [Timestamp('2000-05-13 09:00:00') nan 3.646773347037179] + [Timestamp('2000-05-13 10:00:00') nan 2.991747423033626] + [Timestamp('2000-05-13 11:00:00') nan 3.1925354837192037] + [Timestamp('2000-05-13 12:00:00') nan 3.2443672288978465] + [Timestamp('2000-05-13 13:00:00') nan 3.93496504905016] + [Timestamp('2000-05-13 14:00:00') nan 3.6758655881355087] + [Timestamp('2000-05-13 15:00:00') nan 3.342554816437187] + [Timestamp('2000-05-13 16:00:00') nan 2.9260337258086704] + [Timestamp('2000-05-13 17:00:00') nan 3.357483543429119] + [Timestamp('2000-05-13 18:00:00') nan 3.370381623073995] + [Timestamp('2000-05-13 19:00:00') nan 3.042306616672135] + [Timestamp('2000-05-13 20:00:00') nan 4.151085536283291] + [Timestamp('2000-05-13 21:00:00') nan 2.8780321902005594] + [Timestamp('2000-05-13 22:00:00') nan 3.683794216901741] + [Timestamp('2000-05-13 23:00:00') nan 3.6338982641780966] + [Timestamp('2000-05-14 00:00:00') nan 3.3221397368243424] + [Timestamp('2000-05-14 01:00:00') nan 3.8638689670414443] + [Timestamp('2000-05-14 02:00:00') nan 3.392537289862699] + [Timestamp('2000-05-14 03:00:00') nan 3.1913261699932987] + [Timestamp('2000-05-14 04:00:00') nan 3.6449464491926196] + [Timestamp('2000-05-14 05:00:00') nan 3.360844040521704] + [Timestamp('2000-05-14 06:00:00') nan 3.0919784531327363] + [Timestamp('2000-05-14 07:00:00') nan 3.0208033062904276] + [Timestamp('2000-05-14 08:00:00') nan 3.0392711776021617] + [Timestamp('2000-05-14 09:00:00') nan 3.2512791137124117] + [Timestamp('2000-05-14 10:00:00') nan 3.97327619040879] + [Timestamp('2000-05-14 11:00:00') nan 3.1254183871584584] + [Timestamp('2000-05-14 12:00:00') nan 3.962276482186889] + [Timestamp('2000-05-14 13:00:00') nan 2.882294463023677] + [Timestamp('2000-05-14 14:00:00') nan 4.190327579991597] + [Timestamp('2000-05-14 15:00:00') nan 3.0913856983406083] + [Timestamp('2000-05-14 16:00:00') nan 3.844188407629845] + [Timestamp('2000-05-14 17:00:00') nan 2.802117818792252] + [Timestamp('2000-05-14 18:00:00') nan 3.205334749954205] + [Timestamp('2000-05-14 19:00:00') nan 3.6307011131460385] + [Timestamp('2000-05-14 20:00:00') nan 3.330586318964312] + [Timestamp('2000-05-14 21:00:00') nan 3.9091896339246746] + [Timestamp('2000-05-14 22:00:00') nan 3.9259850709945914] + [Timestamp('2000-05-14 23:00:00') nan 3.451595333808895] + [Timestamp('2000-05-15 00:00:00') nan 3.2062419124605563] + [Timestamp('2000-05-15 01:00:00') nan 3.1399883056207623] + [Timestamp('2000-05-15 02:00:00') nan 3.148136186199206] + [Timestamp('2000-05-15 03:00:00') nan 3.7466583527727746] + [Timestamp('2000-05-15 04:00:00') nan 3.504828408192823] + [Timestamp('2000-05-15 05:00:00') nan 2.7695168812144892] + [Timestamp('2000-05-15 06:00:00') nan 3.033174718819017] + [Timestamp('2000-05-15 07:00:00') nan 4.079177605685565] + [Timestamp('2000-05-15 08:00:00') nan 4.221712596359498] + [Timestamp('2000-05-15 09:00:00') nan 3.5670899347087803] + [Timestamp('2000-05-15 10:00:00') nan 3.5118271955715374] + [Timestamp('2000-05-15 11:00:00') nan 2.966252012910303] + [Timestamp('2000-05-15 12:00:00') nan 4.019035294515157] + [Timestamp('2000-05-15 13:00:00') nan 3.34122425550218] + [Timestamp('2000-05-15 14:00:00') nan 3.619454452206384] + [Timestamp('2000-05-15 15:00:00') nan 4.187550461484467] + [Timestamp('2000-05-15 16:00:00') nan 3.025622390165911] + [Timestamp('2000-05-15 17:00:00') nan 3.941233164439313] + [Timestamp('2000-05-15 18:00:00') nan 4.058324632665815] + [Timestamp('2000-05-15 19:00:00') nan 3.4512823192823654] + [Timestamp('2000-05-15 20:00:00') nan 3.600631986427399] + [Timestamp('2000-05-15 21:00:00') nan 2.771884977258332] + [Timestamp('2000-05-15 22:00:00') nan 2.7795826158041366] + [Timestamp('2000-05-15 23:00:00') nan 3.643644487339951] + [Timestamp('2000-05-16 00:00:00') nan 2.915540065975145] + [Timestamp('2000-05-16 01:00:00') nan 3.646773347037179] + [Timestamp('2000-05-16 02:00:00') nan 2.991747423033626] + [Timestamp('2000-05-16 03:00:00') nan 3.1925354837192037] + [Timestamp('2000-05-16 04:00:00') nan 3.2443672288978465] + [Timestamp('2000-05-16 05:00:00') nan 3.93496504905016] + [Timestamp('2000-05-16 06:00:00') nan 3.6758655881355087] + [Timestamp('2000-05-16 07:00:00') nan 3.342554816437187] + [Timestamp('2000-05-16 08:00:00') nan 2.9260337258086704] + [Timestamp('2000-05-16 09:00:00') nan 3.357483543429119] + [Timestamp('2000-05-16 10:00:00') nan 3.370381623073995] + [Timestamp('2000-05-16 11:00:00') nan 3.042306616672135] + [Timestamp('2000-05-16 12:00:00') nan 4.151085536283291] + [Timestamp('2000-05-16 13:00:00') nan 2.8780321902005594] + [Timestamp('2000-05-16 14:00:00') nan 3.683794216901741] + [Timestamp('2000-05-16 15:00:00') nan 3.6338982641780966] + [Timestamp('2000-05-16 16:00:00') nan 3.3221397368243424] + [Timestamp('2000-05-16 17:00:00') nan 3.8638689670414443] + [Timestamp('2000-05-16 18:00:00') nan 3.392537289862699] + [Timestamp('2000-05-16 19:00:00') nan 3.1913261699932987] + [Timestamp('2000-05-16 20:00:00') nan 3.6449464491926196] + [Timestamp('2000-05-16 21:00:00') nan 3.360844040521704] + [Timestamp('2000-05-16 22:00:00') nan 3.0919784531327363] + [Timestamp('2000-05-16 23:00:00') nan 3.0208033062904276] + [Timestamp('2000-05-17 00:00:00') nan 3.0392711776021617] + [Timestamp('2000-05-17 01:00:00') nan 3.2512791137124117] + [Timestamp('2000-05-17 02:00:00') nan 3.97327619040879] + [Timestamp('2000-05-17 03:00:00') nan 3.1254183871584584] + [Timestamp('2000-05-17 04:00:00') nan 3.962276482186889] + [Timestamp('2000-05-17 05:00:00') nan 2.882294463023677] + [Timestamp('2000-05-17 06:00:00') nan 4.190327579991597] + [Timestamp('2000-05-17 07:00:00') nan 3.0913856983406083] + [Timestamp('2000-05-17 08:00:00') nan 3.844188407629845] + [Timestamp('2000-05-17 09:00:00') nan 2.802117818792252] + [Timestamp('2000-05-17 10:00:00') nan 3.205334749954205] + [Timestamp('2000-05-17 11:00:00') nan 3.6307011131460385] + [Timestamp('2000-05-17 12:00:00') nan 3.330586318964312] + [Timestamp('2000-05-17 13:00:00') nan 3.9091896339246746] + [Timestamp('2000-05-17 14:00:00') nan 3.9259850709945914] + [Timestamp('2000-05-17 15:00:00') nan 3.451595333808895] + [Timestamp('2000-05-17 16:00:00') nan 3.2062419124605563] + [Timestamp('2000-05-17 17:00:00') nan 3.1399883056207623] + [Timestamp('2000-05-17 18:00:00') nan 3.148136186199206] + [Timestamp('2000-05-17 19:00:00') nan 3.7466583527727746] + [Timestamp('2000-05-17 20:00:00') nan 3.504828408192823] + [Timestamp('2000-05-17 21:00:00') nan 2.7695168812144892] + [Timestamp('2000-05-17 22:00:00') nan 3.033174718819017] + [Timestamp('2000-05-17 23:00:00') nan 4.079177605685565] + [Timestamp('2000-05-18 00:00:00') nan 4.221712596359498] + [Timestamp('2000-05-18 01:00:00') nan 3.5670899347087803] + [Timestamp('2000-05-18 02:00:00') nan 3.5118271955715374] + [Timestamp('2000-05-18 03:00:00') nan 2.966252012910303]] + + + +{ + "Signal": { + "Complexity": { + "AR": "S", + "Cycle": "L", + "Decomposition": "S", + "Transformation": "S", + "Trend": "S" + }, + "Dataset": { + "Signal": "Signal", + "Time": { + "Horizon": 128, + "TimeDelta": "", + "TimeMax": "2000-05-12 19:00:00", + "TimeMin": "2000-01-01 00:00:00", + "TimeVariable": "Date" + }, + "Training_Signal_Length": 3188 + }, + "Model": { + "AR_Model": "NoAR", + "Best_Decomposition": "_Signal_ConstantTrend_residue_Cycle_64_residue_NoAR", + "Cycle": "Cycle_64", + "Signal_Decomposition_Type": "T+S+R", + "Signal_Transoformation": "NoTransf", + "Trend": "ConstantTrend" + }, + "Model_Performance": { + "1": { + "AUC": 0.4996, + "DiffSMAPE": 0.0348, + "ErrorMean": 0.0007, + "ErrorStdDev": 0.148, + "KS": 0.0539, + "KendallTau": 0.7872, + "Length": 612, + "LnQ": 1.1819, + "MAE": 0.1196, + "MAPE": 0.0354, + "MASE": 0.2235, + "MannWhitneyU": 187110.0, + "MedAE": 0.1044, + "Pearson": 0.9403, + "R2": 0.8841, + "RMSE": 0.148, + "RMSSE": 0.2265, + "SMAPE": 0.0353, + "Signal": "Signal_Forecast_1" + }, + "128": { + "AUC": 0.4996, + "DiffSMAPE": 0.0348, + "ErrorMean": 0.0007, + "ErrorStdDev": 0.148, + "KS": 0.0539, + "KendallTau": 0.7872, + "Length": 612, + "LnQ": 1.1819, + "MAE": 0.1196, + "MAPE": 0.0354, + "MASE": 0.2235, + "MannWhitneyU": 187110.0, + "MedAE": 0.1044, + "Pearson": 0.9403, + "R2": 0.8841, + "RMSE": 0.148, + "RMSSE": 0.2265, + "SMAPE": 0.0353, + "Signal": "Signal_Forecast_128" + } + }, + "Model_Selection_Criterion": "MASE" + }, + "Training_Time": 225.903 +} + + + + + + +{"Date":{"3188":"2000-05-12T20:00:00.000","3189":"2000-05-12T21:00:00.000","3190":"2000-05-12T22:00:00.000","3191":"2000-05-12T23:00:00.000","3192":"2000-05-13T00:00:00.000","3193":"2000-05-13T01:00:00.000","3194":"2000-05-13T02:00:00.000","3195":"2000-05-13T03:00:00.000","3196":"2000-05-13T04:00:00.000","3197":"2000-05-13T05:00:00.000","3198":"2000-05-13T06:00:00.000","3199":"2000-05-13T07:00:00.000","3200":"2000-05-13T08:00:00.000","3201":"2000-05-13T09:00:00.000","3202":"2000-05-13T10:00:00.000","3203":"2000-05-13T11:00:00.000","3204":"2000-05-13T12:00:00.000","3205":"2000-05-13T13:00:00.000","3206":"2000-05-13T14:00:00.000","3207":"2000-05-13T15:00:00.000","3208":"2000-05-13T16:00:00.000","3209":"2000-05-13T17:00:00.000","3210":"2000-05-13T18:00:00.000","3211":"2000-05-13T19:00:00.000","3212":"2000-05-13T20:00:00.000","3213":"2000-05-13T21:00:00.000","3214":"2000-05-13T22:00:00.000","3215":"2000-05-13T23:00:00.000","3216":"2000-05-14T00:00:00.000","3217":"2000-05-14T01:00:00.000","3218":"2000-05-14T02:00:00.000","3219":"2000-05-14T03:00:00.000","3220":"2000-05-14T04:00:00.000","3221":"2000-05-14T05:00:00.000","3222":"2000-05-14T06:00:00.000","3223":"2000-05-14T07:00:00.000","3224":"2000-05-14T08:00:00.000","3225":"2000-05-14T09:00:00.000","3226":"2000-05-14T10:00:00.000","3227":"2000-05-14T11:00:00.000","3228":"2000-05-14T12:00:00.000","3229":"2000-05-14T13:00:00.000","3230":"2000-05-14T14:00:00.000","3231":"2000-05-14T15:00:00.000","3232":"2000-05-14T16:00:00.000","3233":"2000-05-14T17:00:00.000","3234":"2000-05-14T18:00:00.000","3235":"2000-05-14T19:00:00.000","3236":"2000-05-14T20:00:00.000","3237":"2000-05-14T21:00:00.000","3238":"2000-05-14T22:00:00.000","3239":"2000-05-14T23:00:00.000","3240":"2000-05-15T00:00:00.000","3241":"2000-05-15T01:00:00.000","3242":"2000-05-15T02:00:00.000","3243":"2000-05-15T03:00:00.000","3244":"2000-05-15T04:00:00.000","3245":"2000-05-15T05:00:00.000","3246":"2000-05-15T06:00:00.000","3247":"2000-05-15T07:00:00.000","3248":"2000-05-15T08:00:00.000","3249":"2000-05-15T09:00:00.000","3250":"2000-05-15T10:00:00.000","3251":"2000-05-15T11:00:00.000","3252":"2000-05-15T12:00:00.000","3253":"2000-05-15T13:00:00.000","3254":"2000-05-15T14:00:00.000","3255":"2000-05-15T15:00:00.000","3256":"2000-05-15T16:00:00.000","3257":"2000-05-15T17:00:00.000","3258":"2000-05-15T18:00:00.000","3259":"2000-05-15T19:00:00.000","3260":"2000-05-15T20:00:00.000","3261":"2000-05-15T21:00:00.000","3262":"2000-05-15T22:00:00.000","3263":"2000-05-15T23:00:00.000","3264":"2000-05-16T00:00:00.000","3265":"2000-05-16T01:00:00.000","3266":"2000-05-16T02:00:00.000","3267":"2000-05-16T03:00:00.000","3268":"2000-05-16T04:00:00.000","3269":"2000-05-16T05:00:00.000","3270":"2000-05-16T06:00:00.000","3271":"2000-05-16T07:00:00.000","3272":"2000-05-16T08:00:00.000","3273":"2000-05-16T09:00:00.000","3274":"2000-05-16T10:00:00.000","3275":"2000-05-16T11:00:00.000","3276":"2000-05-16T12:00:00.000","3277":"2000-05-16T13:00:00.000","3278":"2000-05-16T14:00:00.000","3279":"2000-05-16T15:00:00.000","3280":"2000-05-16T16:00:00.000","3281":"2000-05-16T17:00:00.000","3282":"2000-05-16T18:00:00.000","3283":"2000-05-16T19:00:00.000","3284":"2000-05-16T20:00:00.000","3285":"2000-05-16T21:00:00.000","3286":"2000-05-16T22:00:00.000","3287":"2000-05-16T23:00:00.000","3288":"2000-05-17T00:00:00.000","3289":"2000-05-17T01:00:00.000","3290":"2000-05-17T02:00:00.000","3291":"2000-05-17T03:00:00.000","3292":"2000-05-17T04:00:00.000","3293":"2000-05-17T05:00:00.000","3294":"2000-05-17T06:00:00.000","3295":"2000-05-17T07:00:00.000","3296":"2000-05-17T08:00:00.000","3297":"2000-05-17T09:00:00.000","3298":"2000-05-17T10:00:00.000","3299":"2000-05-17T11:00:00.000","3300":"2000-05-17T12:00:00.000","3301":"2000-05-17T13:00:00.000","3302":"2000-05-17T14:00:00.000","3303":"2000-05-17T15:00:00.000","3304":"2000-05-17T16:00:00.000","3305":"2000-05-17T17:00:00.000","3306":"2000-05-17T18:00:00.000","3307":"2000-05-17T19:00:00.000","3308":"2000-05-17T20:00:00.000","3309":"2000-05-17T21:00:00.000","3310":"2000-05-17T22:00:00.000","3311":"2000-05-17T23:00:00.000","3312":"2000-05-18T00:00:00.000","3313":"2000-05-18T01:00:00.000","3314":"2000-05-18T02:00:00.000","3315":"2000-05-18T03:00:00.000"},"Signal":{"3188":null,"3189":null,"3190":null,"3191":null,"3192":null,"3193":null,"3194":null,"3195":null,"3196":null,"3197":null,"3198":null,"3199":null,"3200":null,"3201":null,"3202":null,"3203":null,"3204":null,"3205":null,"3206":null,"3207":null,"3208":null,"3209":null,"3210":null,"3211":null,"3212":null,"3213":null,"3214":null,"3215":null,"3216":null,"3217":null,"3218":null,"3219":null,"3220":null,"3221":null,"3222":null,"3223":null,"3224":null,"3225":null,"3226":null,"3227":null,"3228":null,"3229":null,"3230":null,"3231":null,"3232":null,"3233":null,"3234":null,"3235":null,"3236":null,"3237":null,"3238":null,"3239":null,"3240":null,"3241":null,"3242":null,"3243":null,"3244":null,"3245":null,"3246":null,"3247":null,"3248":null,"3249":null,"3250":null,"3251":null,"3252":null,"3253":null,"3254":null,"3255":null,"3256":null,"3257":null,"3258":null,"3259":null,"3260":null,"3261":null,"3262":null,"3263":null,"3264":null,"3265":null,"3266":null,"3267":null,"3268":null,"3269":null,"3270":null,"3271":null,"3272":null,"3273":null,"3274":null,"3275":null,"3276":null,"3277":null,"3278":null,"3279":null,"3280":null,"3281":null,"3282":null,"3283":null,"3284":null,"3285":null,"3286":null,"3287":null,"3288":null,"3289":null,"3290":null,"3291":null,"3292":null,"3293":null,"3294":null,"3295":null,"3296":null,"3297":null,"3298":null,"3299":null,"3300":null,"3301":null,"3302":null,"3303":null,"3304":null,"3305":null,"3306":null,"3307":null,"3308":null,"3309":null,"3310":null,"3311":null,"3312":null,"3313":null,"3314":null,"3315":null},"Signal_Forecast":{"3188":4.0190352945,"3189":3.3412242555,"3190":3.6194544522,"3191":4.1875504615,"3192":3.0256223902,"3193":3.9412331644,"3194":4.0583246327,"3195":3.4512823193,"3196":3.6006319864,"3197":2.7718849773,"3198":2.7795826158,"3199":3.6436444873,"3200":2.915540066,"3201":3.646773347,"3202":2.991747423,"3203":3.1925354837,"3204":3.2443672289,"3205":3.9349650491,"3206":3.6758655881,"3207":3.3425548164,"3208":2.9260337258,"3209":3.3574835434,"3210":3.3703816231,"3211":3.0423066167,"3212":4.1510855363,"3213":2.8780321902,"3214":3.6837942169,"3215":3.6338982642,"3216":3.3221397368,"3217":3.863868967,"3218":3.3925372899,"3219":3.19132617,"3220":3.6449464492,"3221":3.3608440405,"3222":3.0919784531,"3223":3.0208033063,"3224":3.0392711776,"3225":3.2512791137,"3226":3.9732761904,"3227":3.1254183872,"3228":3.9622764822,"3229":2.882294463,"3230":4.19032758,"3231":3.0913856983,"3232":3.8441884076,"3233":2.8021178188,"3234":3.20533475,"3235":3.6307011131,"3236":3.330586319,"3237":3.9091896339,"3238":3.925985071,"3239":3.4515953338,"3240":3.2062419125,"3241":3.1399883056,"3242":3.1481361862,"3243":3.7466583528,"3244":3.5048284082,"3245":2.7695168812,"3246":3.0331747188,"3247":4.0791776057,"3248":4.2217125964,"3249":3.5670899347,"3250":3.5118271956,"3251":2.9662520129,"3252":4.0190352945,"3253":3.3412242555,"3254":3.6194544522,"3255":4.1875504615,"3256":3.0256223902,"3257":3.9412331644,"3258":4.0583246327,"3259":3.4512823193,"3260":3.6006319864,"3261":2.7718849773,"3262":2.7795826158,"3263":3.6436444873,"3264":2.915540066,"3265":3.646773347,"3266":2.991747423,"3267":3.1925354837,"3268":3.2443672289,"3269":3.9349650491,"3270":3.6758655881,"3271":3.3425548164,"3272":2.9260337258,"3273":3.3574835434,"3274":3.3703816231,"3275":3.0423066167,"3276":4.1510855363,"3277":2.8780321902,"3278":3.6837942169,"3279":3.6338982642,"3280":3.3221397368,"3281":3.863868967,"3282":3.3925372899,"3283":3.19132617,"3284":3.6449464492,"3285":3.3608440405,"3286":3.0919784531,"3287":3.0208033063,"3288":3.0392711776,"3289":3.2512791137,"3290":3.9732761904,"3291":3.1254183872,"3292":3.9622764822,"3293":2.882294463,"3294":4.19032758,"3295":3.0913856983,"3296":3.8441884076,"3297":2.8021178188,"3298":3.20533475,"3299":3.6307011131,"3300":3.330586319,"3301":3.9091896339,"3302":3.925985071,"3303":3.4515953338,"3304":3.2062419125,"3305":3.1399883056,"3306":3.1481361862,"3307":3.7466583528,"3308":3.5048284082,"3309":2.7695168812,"3310":3.0331747188,"3311":4.0791776057,"3312":4.2217125964,"3313":3.5670899347,"3314":3.5118271956,"3315":2.9662520129}} + + + +TEST_CYCLES_END 64 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_82/issue_82_long_cycles.py', 'ElapsedTimeSecs':(249.45, 1.03, 404.23), 'MAX_MEM_KB':360656, 'CPU_PRCNT':'162%', 'FILES_IN':0, 'FILES_OUT':3456, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/issue_94/issue_94.log b/tests/references/bugs/issue_94/issue_94.log index 22916b30c..0562e3547 100644 --- a/tests/references/bugs/issue_94/issue_94.log +++ b/tests/references/bugs/issue_94/issue_94.log @@ -1,257 +1,257 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 7}} -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -INFO:pyaf.std:TRAINING_ENGINE_END 16.294 +INFO:pyaf.std:TRAINING_ENGINE_END 4.815 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2016-01-25T00:00:00.000000 TimeMax=2016-11-01T00:00:00.000000 TimeDelta= Horizon=7 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=360 Min=-1.829677 Max=28.917859 Mean=13.853063 StdDev=6.746466 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.510049 StdDev=0.219415 @@ -300,7 +300,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/issue_94_Signal_Forecast_decomp_ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/issue_94_Signal_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/issue_94_Signal_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 7}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.7 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.127 Index(['Date', 'Signal', 'Signal_scaled', '_Signal', 'row_number', 'Date_Normalized', '_Signal_LinearTrend', '_Signal_LinearTrend_residue', '_Signal_LinearTrend_residue_Seasonal_DayOfWeek', @@ -326,3 +326,4 @@ Index(['Date', 'Signal', 'Signal_scaled', '_Signal', 'row_number', '2017-01-25T00:00:00.000000000'] [12.2984442 13.03242158 13.5334615 14.3801538 16.05446143 19.1589852 17.66828449] +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/issue_94/issue_94.py', 'ElapsedTimeSecs':(12.25, 0.56, 22.09), 'MAX_MEM_KB':214432, 'CPU_PRCNT':'184%', 'FILES_IN':0, 'FILES_OUT':2512, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/run_benchmark_M1Comp_MNB71_18.log b/tests/references/bugs/run_benchmark_M1Comp_MNB71_18.log index 8782a1efa..866e8e317 100644 --- a/tests/references/bugs/run_benchmark_M1Comp_MNB71_18.log +++ b/tests/references/bugs/run_benchmark_M1Comp_MNB71_18.log @@ -1,81 +1,47 @@ -INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['MNB71'], 'Horizons': {'MNB71': 18}} -INFO:pyaf.std:TRAINING_ENGINE_END 30.916 -INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=0 TimeMax=81 TimeDelta=1 Horizon=18 -INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='MNB71' Length=121 Min=772.85 Max=881.66 Mean=843.008182 StdDev=19.676358 -INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_MNB71' Min=0.0 Max=1.0 Mean=0.644777 StdDev=0.180832 -INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' -INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '_MNB71_PolyTrend_residue_Cycle_None_residue_NoAR' [PolyTrend + Cycle_None + NoAR] -INFO:pyaf.std:TREND_DETAIL '_MNB71_PolyTrend' [PolyTrend] -INFO:pyaf.std:CYCLE_DETAIL '_MNB71_PolyTrend_residue_Cycle_None' [Cycle_None] -INFO:pyaf.std:AUTOREG_DETAIL '_MNB71_PolyTrend_residue_Cycle_None_residue_NoAR' [NoAR] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0136, 'RMSE': 14.0588, 'MAE': 11.4799, 'MASE': 1.0481} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0273, 'RMSE': 31.9201, 'MAE': 22.2121, 'MASE': 1.2061} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0188, 'RMSE': 20.0624, 'MAE': 15.5366, 'MASE': 1.3797} -INFO:pyaf.std:MODEL_PERFS Fit STEP=18 {'MAPE': 0.0136, 'RMSE': 14.0588, 'MAE': 11.4799, 'MASE': 1.0481} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=18 {'MAPE': 0.0273, 'RMSE': 31.9201, 'MAE': 22.2121, 'MASE': 1.2061} -INFO:pyaf.std:MODEL_PERFS Test STEP=18 {'MAPE': 0.0188, 'RMSE': 20.0624, 'MAE': 15.5366, 'MASE': 1.3797} -INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'M', 'Cycle': 'S', 'AR': 'S'} [MSSSS] -INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START -INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None -INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END -INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:POLYNOMIAL_RIDGE_TREND PolyTrend (0.574752, array([-0.010949, 0.508618, -0.322621])) -INFO:pyaf.std:TREND_DETAIL_END -INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _MNB71_PolyTrend_residue_Cycle_None None 0.000759 {} -INFO:pyaf.std:CYCLE_MODEL_DETAIL_END -INFO:pyaf.std:AR_MODEL_DETAIL_START -INFO:pyaf.std:AR_MODEL_DETAIL_END -INFO:pyaf.std:COMPETITION_DETAIL_START 'MNB71' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'MNB71' 0 {'Transformation': '_MNB71', 'DecompositionType': 'T+S+R', 'Model': '_MNB71_PolyTrend_residue_Cycle_None_residue_NoAR', 'Voting': 588.1667, 'Complexity': 'MSSSS', 'Forecast_MASE_1': 1.2061, 'Forecast_MASE_2': 1.2061, 'Forecast_MASE_3': 1.2061, 'Forecast_MASE_4': 1.2061, 'Forecast_MASE_5': 1.2061, 'Forecast_MASE_6': 1.2061, 'Forecast_MASE_7': 1.2061, 'Forecast_MASE_8': 1.2061, 'Forecast_MASE_9': 1.2061, 'Forecast_MASE_10': 1.2061, 'Forecast_MASE_11': 1.2061, 'Forecast_MASE_12': 1.2061, 'Forecast_MASE_13': 1.2061, 'Forecast_MASE_14': 1.2061, 'Forecast_MASE_15': 1.2061, 'Forecast_MASE_16': 1.2061, 'Forecast_MASE_17': 1.2061, 'Forecast_MASE_18': 1.2061} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'MNB71' 1 {'Transformation': '_MNB71', 'DecompositionType': 'T+S+R', 'Model': '_MNB71_PolyTrend_residue_zeroCycle[0.0]_residue_NoAR', 'Voting': 588.1667, 'Complexity': 'MSSSS', 'Forecast_MASE_1': 1.2061, 'Forecast_MASE_2': 1.2061, 'Forecast_MASE_3': 1.2061, 'Forecast_MASE_4': 1.2061, 'Forecast_MASE_5': 1.2061, 'Forecast_MASE_6': 1.2061, 'Forecast_MASE_7': 1.2061, 'Forecast_MASE_8': 1.2061, 'Forecast_MASE_9': 1.2061, 'Forecast_MASE_10': 1.2061, 'Forecast_MASE_11': 1.2061, 'Forecast_MASE_12': 1.2061, 'Forecast_MASE_13': 1.2061, 'Forecast_MASE_14': 1.2061, 'Forecast_MASE_15': 1.2061, 'Forecast_MASE_16': 1.2061, 'Forecast_MASE_17': 1.2061, 'Forecast_MASE_18': 1.2061} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'MNB71' 2 {'Transformation': 'CumSum_MNB71', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_MNB71_PolyTrend_residue_Cycle_None_residue_NoAR', 'Voting': 587.6111, 'Complexity': 'MMSSS', 'Forecast_MASE_1': 1.2094, 'Forecast_MASE_2': 1.2094, 'Forecast_MASE_3': 1.2094, 'Forecast_MASE_4': 1.2094, 'Forecast_MASE_5': 1.2094, 'Forecast_MASE_6': 1.2094, 'Forecast_MASE_7': 1.2094, 'Forecast_MASE_8': 1.2094, 'Forecast_MASE_9': 1.2094, 'Forecast_MASE_10': 1.2094, 'Forecast_MASE_11': 1.2094, 'Forecast_MASE_12': 1.2094, 'Forecast_MASE_13': 1.2094, 'Forecast_MASE_14': 1.2094, 'Forecast_MASE_15': 1.2094, 'Forecast_MASE_16': 1.2094, 'Forecast_MASE_17': 1.2094, 'Forecast_MASE_18': 1.2094} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'MNB71' 3 {'Transformation': 'CumSum_MNB71', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_MNB71_PolyTrend_residue_zeroCycle[0.0]_residue_NoAR', 'Voting': 587.6111, 'Complexity': 'MMSSS', 'Forecast_MASE_1': 1.2094, 'Forecast_MASE_2': 1.2094, 'Forecast_MASE_3': 1.2094, 'Forecast_MASE_4': 1.2094, 'Forecast_MASE_5': 1.2094, 'Forecast_MASE_6': 1.2094, 'Forecast_MASE_7': 1.2094, 'Forecast_MASE_8': 1.2094, 'Forecast_MASE_9': 1.2094, 'Forecast_MASE_10': 1.2094, 'Forecast_MASE_11': 1.2094, 'Forecast_MASE_12': 1.2094, 'Forecast_MASE_13': 1.2094, 'Forecast_MASE_14': 1.2094, 'Forecast_MASE_15': 1.2094, 'Forecast_MASE_16': 1.2094, 'Forecast_MASE_17': 1.2094, 'Forecast_MASE_18': 1.2094} -INFO:pyaf.std:COMPETITION_DETAIL_END 'MNB71' -INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['MNB71'], 'Horizons': {'MNB71': 18}} -BENCH_TYPE M1_COMP OneDataFrameForAllSignals -STARTING_BENCH_FOR_SIGNAL M1_COMP MNB71 18 -BENCH_DATA M1_COMP -TIME : Date N= 121 H= 18 HEAD= [0 1 2 3 4] TAIL= [116 117 118 119 120] -SIGNAL : MNB71 N= 121 H= 18 HEAD= [843.24 842.1 841.64 849.01 828.29] TAIL= [803.69 806.04 814.34 811.1 830.07] -Index MNB71 Date -1 843.24 0 -2 842.10 1 -3 841.64 2 -4 849.01 3 -5 828.29 4 - -Index: 121 entries, 1 to 121 -Data columns (total 2 columns): - # Column Non-Null Count Dtype ---- ------ -------------- ----- - 0 MNB71 121 non-null float64 - 1 Date 121 non-null int64 -dtypes: float64(1), int64(1) -memory usage: 2.8+ KB -None - Split Transformation ... Test_MASE_18 Voting -0 None _MNB71 ... 1.379700e+00 588.1667 -1 None _MNB71 ... 1.379700e+00 588.1667 -2 None CumSum_MNB71 ... 1.681600e+00 587.6111 -3 None CumSum_MNB71 ... 1.681600e+00 587.6111 -4 None _MNB71 ... 1.478300e+00 531.4444 -.. ... ... ... ... ... -59 None CumSum_MNB71 ... 5.318966e+09 59.1667 -60 None RelDiff_MNB71 ... 7.488028e+08 49.5556 -61 None RelDiff_MNB71 ... 7.488028e+08 37.5000 -62 None RelDiff_MNB71 ... 7.488027e+08 33.0000 -63 None RelDiff_MNB71 ... 7.488028e+08 31.0556 +Traceback (most recent call last): + File "", line 1072, in _find_spec +AttributeError: '_SixMetaPathImporter' object has no attribute 'find_spec' -[64 rows x 62 columns] - Split Transformation ... Test_MASE_18 Voting -0 None _MNB71 ... 1.3797 588.1667 -1 None _MNB71 ... 1.3797 588.1667 -2 None CumSum_MNB71 ... 1.6816 587.6111 -3 None CumSum_MNB71 ... 1.6816 587.6111 -4 None _MNB71 ... 1.4783 531.4444 +During handling of the above exception, another exception occurred: -[5 rows x 62 columns] -BENCHMARK_FAILURE_EXCEPTION 'M1_COMP_MNB71_18' FORECAST_FAILED -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/run_benchmark_M1Comp_MNB71_18.py', 'ElapsedTimeSecs':(36.50, 0.22, 11.52), 'MAX_MEM_KB':153060, 'CPU_PRCNT':'32%', 'FILES_IN':8, 'FILES_OUT':24, 'EXIT_STATUS':0} +Traceback (most recent call last): + File "/home/antoine/dev/python/packages/timeseries/pyaf/tests/bugs/run_benchmark_M1Comp_MNB71_18.py", line 12, in + tester1 = mcomp.cMComp_Tester(tsds.load_M1_comp() , "M1_COMP"); + ^^^^^^^^^^^^^^^^^^^ + File "/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/Bench/TS_datasets.py", line 531, in load_M1_comp + tsspec.mFullDataset = pd.read_csv(trainfile, sep='\t', header=0, engine='python'); + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "/home/antoine/.local/lib/python3.11/site-packages/pandas/io/parsers/readers.py", line 1026, in read_csv + return _read(filepath_or_buffer, kwds) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "/home/antoine/.local/lib/python3.11/site-packages/pandas/io/parsers/readers.py", line 620, in _read + parser = TextFileReader(filepath_or_buffer, **kwds) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "/home/antoine/.local/lib/python3.11/site-packages/pandas/io/parsers/readers.py", line 1620, in __init__ + self._engine = self._make_engine(f, self.engine) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "/home/antoine/.local/lib/python3.11/site-packages/pandas/io/parsers/readers.py", line 1880, in _make_engine + self.handles = get_handle( + ^^^^^^^^^^^ + File "/home/antoine/.local/lib/python3.11/site-packages/pandas/io/common.py", line 719, in get_handle + if _is_binary_mode(path_or_buf, mode) and "b" not in mode: + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "/home/antoine/.local/lib/python3.11/site-packages/pandas/io/common.py", line 1181, in _is_binary_mode + return isinstance(handle, _get_binary_io_classes()) or "b" in getattr( + ^^^^^^^^^^^^^^^^^^^^^^^^ + File "/home/antoine/.local/lib/python3.11/site-packages/pandas/io/common.py", line 1196, in _get_binary_io_classes + zstd = import_optional_dependency("zstandard", errors="ignore") + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "/home/antoine/.local/lib/python3.11/site-packages/pandas/compat/_optional.py", line 135, in import_optional_dependency + module = importlib.import_module(name) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "/usr/lib/python3.11/importlib/__init__.py", line 126, in import_module + return _bootstrap._gcd_import(name[level:], package, level) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "", line 1204, in _gcd_import + File "", line 1176, in _find_and_load + File "", line 1138, in _find_and_load_unlocked + File "", line 1074, in _find_spec + File "", line 1047, in _find_spec_legacy +ImportWarning: _SixMetaPathImporter.find_spec() not found; falling back to find_module() +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/run_benchmark_M1Comp_MNB71_18.py', 'ElapsedTimeSecs':(0.63, 0.06, 0.56), 'MAX_MEM_KB':71896, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':8, 'EXIT_STATUS':1} diff --git a/tests/references/bugs/run_benchmark_M4Comp_ECONOMICS_ECON1151_18.log b/tests/references/bugs/run_benchmark_M4Comp_ECONOMICS_ECON1151_18.log index 45953eeaa..5ddb58344 100644 --- a/tests/references/bugs/run_benchmark_M4Comp_ECONOMICS_ECON1151_18.log +++ b/tests/references/bugs/run_benchmark_M4Comp_ECONOMICS_ECON1151_18.log @@ -1,129 +1,47 @@ -INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['ECON1151'], 'Horizons': {'ECON1151': 18}} -INFO:pyaf.std:TRAINING_ENGINE_END 31.999 -INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=0 TimeMax=43 TimeDelta=1 Horizon=18 -INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='ECON1151' Length=44 Min=10106446.0 Max=10326213.0 Mean=10233197.045455 StdDev=60995.966775 -INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_ECON1151' Min=0.0 Max=1.0 Mean=0.576752 StdDev=0.277548 -INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' -INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '_ECON1151_PolyTrend_residue_Cycle_5_residue_NoAR' [PolyTrend + Cycle_5 + NoAR] -INFO:pyaf.std:TREND_DETAIL '_ECON1151_PolyTrend' [PolyTrend] -INFO:pyaf.std:CYCLE_DETAIL '_ECON1151_PolyTrend_residue_Cycle_5' [Cycle_5] -INFO:pyaf.std:AUTOREG_DETAIL '_ECON1151_PolyTrend_residue_Cycle_5_residue_NoAR' [NoAR] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0021, 'RMSE': 28880.4613, 'MAE': 21720.1228, 'MASE': 0.8059} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0021, 'RMSE': 28880.4613, 'MAE': 21720.1228, 'MASE': 0.8059} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0021, 'RMSE': 28880.4613, 'MAE': 21720.1228, 'MASE': 0.8059} -INFO:pyaf.std:MODEL_PERFS Fit STEP=18 {'MAPE': 0.0021, 'RMSE': 28880.4613, 'MAE': 21720.1228, 'MASE': 0.8059} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=18 {'MAPE': 0.0021, 'RMSE': 28880.4613, 'MAE': 21720.1228, 'MASE': 0.8059} -INFO:pyaf.std:MODEL_PERFS Test STEP=18 {'MAPE': 0.0021, 'RMSE': 28880.4613, 'MAE': 21720.1228, 'MASE': 0.8059} -INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'M', 'Cycle': 'S', 'AR': 'S'} [MSSSS] -INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START -INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None -INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END -INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:POLYNOMIAL_RIDGE_TREND PolyTrend (0.054061, array([ 1.222532, 1.6585 , -2.532454])) -INFO:pyaf.std:TREND_DETAIL_END -INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _ECON1151_PolyTrend_residue_Cycle_5 5 0.01077 {0: -0.047525, 1: -0.002089, 2: 0.00626, 3: 0.051685, 4: 0.063062} -INFO:pyaf.std:CYCLE_MODEL_DETAIL_END -INFO:pyaf.std:AR_MODEL_DETAIL_START -INFO:pyaf.std:AR_MODEL_DETAIL_END -INFO:pyaf.std:COMPETITION_DETAIL_START 'ECON1151' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'ECON1151' 0 {'Transformation': '_ECON1151', 'DecompositionType': 'T+S+R', 'Model': '_ECON1151_PolyTrend_residue_Cycle_5_residue_NoAR', 'Voting': 597.9444, 'Complexity': 'MSSSS', 'Forecast_MASE_1': 0.8059, 'Forecast_MASE_2': 0.8059, 'Forecast_MASE_3': 0.8059, 'Forecast_MASE_4': 0.8059, 'Forecast_MASE_5': 0.8059, 'Forecast_MASE_6': 0.8059, 'Forecast_MASE_7': 0.8059, 'Forecast_MASE_8': 0.8059, 'Forecast_MASE_9': 0.8059, 'Forecast_MASE_10': 0.8059, 'Forecast_MASE_11': 0.8059, 'Forecast_MASE_12': 0.8059, 'Forecast_MASE_13': 0.8059, 'Forecast_MASE_14': 0.8059, 'Forecast_MASE_15': 0.8059, 'Forecast_MASE_16': 0.8059, 'Forecast_MASE_17': 0.8059, 'Forecast_MASE_18': 0.8059} -INFO:pyaf.std:COMPETITION_DETAIL_END 'ECON1151' -INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['ECON1151'], 'Horizons': {'ECON1151': 18}} -INFO:pyaf.std:FORECASTING_ENGINE_END 1.107 -loading 500 / 2000 ECON0500 -loading 1000 / 2000 ECON1000 -loading 1500 / 2000 ECON1500 -loading 2000 / 2000 ECON2000 -BENCH_TYPE M4_COMP_ECONOMICS OneDataFramePerSignal -STARTING_BENCH_FOR_SIGNAL M4_COMP_ECONOMICS ECON1151 18 -BENCH_DATA M4_COMP_ECONOMICS -TIME : Date N= 44 H= 18 HEAD= [0 1 2 3 4] TAIL= [39 40 41 42 43] -SIGNAL : ECON1151 N= 44 H= 18 HEAD= [10121685. 10124306. 10135398. 10182588. 10171783.] TAIL= [10259055. 10232572. 10227369. 10193066. 10199442.] - ECON1151 Date -0 10121685.0 0 -1 10124306.0 1 -2 10135398.0 2 -3 10182588.0 3 -4 10171783.0 4 - -Index: 44 entries, 0 to 43 -Data columns (total 2 columns): - # Column Non-Null Count Dtype ---- ------ -------------- ----- - 0 ECON1151 44 non-null float64 - 1 Date 44 non-null int64 -dtypes: float64(1), int64(1) -memory usage: 1.0 KB -None - Split Transformation ... Test_MASE_18 Voting -0 None _ECON1151 ... 8.059000e-01 597.9444 -1 None _ECON1151 ... 8.604000e-01 588.3333 -2 None Diff_ECON1151 ... 8.657000e-01 588.3333 -3 None RelDiff_ECON1151 ... 8.664000e-01 588.3333 -4 None CumSum_ECON1151 ... 9.707000e-01 559.5556 -.. ... ... ... ... ... -59 None _ECON1151 ... 3.046373e+09 57.2222 -60 None CumSum_ECON1151 ... 2.795148e+11 37.0000 -61 None CumSum_ECON1151 ... 2.795148e+11 37.0000 -62 None CumSum_ECON1151 ... 6.972735e+11 16.3333 -63 None CumSum_ECON1151 ... 6.972735e+11 16.3333 +Traceback (most recent call last): + File "", line 1072, in _find_spec +AttributeError: '_SixMetaPathImporter' object has no attribute 'find_spec' -[64 rows x 62 columns] - Split Transformation ... Test_MASE_18 Voting -0 None _ECON1151 ... 0.8059 597.9444 -1 None _ECON1151 ... 0.8604 588.3333 -2 None Diff_ECON1151 ... 0.8657 588.3333 -3 None RelDiff_ECON1151 ... 0.8664 588.3333 -4 None CumSum_ECON1151 ... 0.9707 559.5556 +During handling of the above exception, another exception occurred: -[5 rows x 62 columns] -18 0 10262695.0 -1 10269501.0 -2 10214939.0 -3 10229278.0 -4 10295400.0 -5 10269948.0 -6 10291118.0 -7 10305980.0 -8 10263024.0 -9 10253247.0 -10 10252520.0 -11 10262676.0 -12 10331265.0 -13 10343289.0 -14 10301749.0 -15 10309781.0 -16 10347691.0 -17 10338706.0 -Name: ECON1151, dtype: float64 -18 0 1.019245e+07 -1 1.015035e+07 -2 1.014105e+07 -3 1.012205e+07 -4 1.010963e+07 -5 1.008810e+07 -6 1.003810e+07 -7 1.002069e+07 -8 9.993377e+06 -9 9.972423e+06 -10 9.942154e+06 -11 9.883209e+06 -12 9.856636e+06 -13 9.819955e+06 -14 9.789422e+06 -15 9.749365e+06 -16 9.680421e+06 -17 9.643639e+06 -Name: ECON1151_Forecast, dtype: float64 -FORECAST_DETAIL_ACTUAL ECON1151 ECON1151 [10262695.0, 10269501.0, 10214939.0, 10229278.0, 10295400.0, 10269948.0, 10291118.0, 10305980.0, 10263024.0, 10253247.0, 10252520.0, 10262676.0, 10331265.0, 10343289.0, 10301749.0, 10309781.0, 10347691.0, 10338706.0] -FORECAST_DETAIL_PREDICTED ECON1151 ECON1151 [10192450.84998746, 10150352.71076574, 10141047.4410763, 10122054.171695206, 10109628.960427362, 10088099.493079409, 10038102.587826006, 10020688.551821856, 9993376.515843024, 9972422.537694417, 9942154.303182669, 9883208.630482446, 9856635.826748451, 9819955.022756748, 9789422.27631224, 9749365.273221565, 9680420.83165939, 9643639.25878041] -BENCHMARK_PERF_DETAIL_SIGNAL_HORIZON ECON1151 ECON1151 44 18 -BENCHMARK_PERF_DETAIL_BENCH_TIME_IN_SECONDS PYAF_SYSTEM_DEPENDENT_ ECON1151 ECON1151 35.88549566268921 -BENCHMARK_PERF_DETAIL_BEST_MODEL ECON1151 ECON1151 PolyTrend + Cycle_5 + NoAR -BENCHMARK_PERF_DETAIL_PERF_COUNT ECON1151 ECON1151 18 -BENCHMARK_PERF_DETAIL_PERF_MAPE_SMAPE_MASE ECON1151 ECON1151 0.0321 0.0328 12.6557 -BENCHMARK_PERF_DETAIL_PERF_L1_L2_R2 ECON1151 ECON1151 330543.4309 383335.7061 -101.3378 -BENCHMARK_SUCCESS 'M4_COMP_ECONOMICS_ECON1151_18' -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/run_benchmark_M4Comp_ECONOMICS_ECON1151_18.py', 'ElapsedTimeSecs':(54.09, 0.24, 15.81), 'MAX_MEM_KB':186356, 'CPU_PRCNT':'29%', 'FILES_IN':16, 'FILES_OUT':32, 'EXIT_STATUS':0} +Traceback (most recent call last): + File "/home/antoine/dev/python/packages/timeseries/pyaf/tests/bugs/run_benchmark_M4Comp_ECONOMICS_ECON1151_18.py", line 11, in + tester = mcomp.cMComp_Tester(tsds.load_M4_comp(lType) , "M4_COMP_" + lType); + ^^^^^^^^^^^^^^^^^^^^^^^^ + File "/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/Bench/TS_datasets.py", line 699, in load_M4_comp + df_full = pd.read_csv(trainfile, sep=',', header=0, engine='python', compression='gzip'); + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "/home/antoine/.local/lib/python3.11/site-packages/pandas/io/parsers/readers.py", line 1026, in read_csv + return _read(filepath_or_buffer, kwds) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "/home/antoine/.local/lib/python3.11/site-packages/pandas/io/parsers/readers.py", line 620, in _read + parser = TextFileReader(filepath_or_buffer, **kwds) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "/home/antoine/.local/lib/python3.11/site-packages/pandas/io/parsers/readers.py", line 1620, in __init__ + self._engine = self._make_engine(f, self.engine) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "/home/antoine/.local/lib/python3.11/site-packages/pandas/io/parsers/readers.py", line 1880, in _make_engine + self.handles = get_handle( + ^^^^^^^^^^^ + File "/home/antoine/.local/lib/python3.11/site-packages/pandas/io/common.py", line 719, in get_handle + if _is_binary_mode(path_or_buf, mode) and "b" not in mode: + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "/home/antoine/.local/lib/python3.11/site-packages/pandas/io/common.py", line 1181, in _is_binary_mode + return isinstance(handle, _get_binary_io_classes()) or "b" in getattr( + ^^^^^^^^^^^^^^^^^^^^^^^^ + File "/home/antoine/.local/lib/python3.11/site-packages/pandas/io/common.py", line 1196, in _get_binary_io_classes + zstd = import_optional_dependency("zstandard", errors="ignore") + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "/home/antoine/.local/lib/python3.11/site-packages/pandas/compat/_optional.py", line 135, in import_optional_dependency + module = importlib.import_module(name) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "/usr/lib/python3.11/importlib/__init__.py", line 126, in import_module + return _bootstrap._gcd_import(name[level:], package, level) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "", line 1204, in _gcd_import + File "", line 1176, in _find_and_load + File "", line 1138, in _find_and_load_unlocked + File "", line 1074, in _find_spec + File "", line 1047, in _find_spec_legacy +ImportWarning: _SixMetaPathImporter.find_spec() not found; falling back to find_module() +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/run_benchmark_M4Comp_ECONOMICS_ECON1151_18.py', 'ElapsedTimeSecs':(0.63, 0.08, 0.55), 'MAX_MEM_KB':71776, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':8, 'EXIT_STATUS':1} diff --git a/tests/references/bugs/test_artificial_bug_1.log b/tests/references/bugs/test_artificial_bug_1.log index 6af81cba7..93f029523 100644 --- a/tests/references/bugs/test_artificial_bug_1.log +++ b/tests/references/bugs/test_artificial_bug_1.log @@ -1,6 +1,6 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 6}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) -INFO:pyaf.std:TRAINING_ENGINE_END 1.683 +INFO:pyaf.std:TRAINING_ENGINE_END 0.598 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2000-05-29T00:00:00.000000 TimeDelta= Horizon=6 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal_0.01' Length=194 Min=-0.023678 Max=0.370449 Mean=0.004594 StdDev=0.032002 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal_0.01' Min=0.0 Max=1.0 Mean=0.071733 StdDev=0.081197 @@ -43,11 +43,8 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal_0.01' 0 {'Transformation': ' INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal_0.01' INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal_0.01'], 'Horizons': {'Signal_0.01': 6}} INFO:pyaf.std:PYAF_MODEL_SAMPLING_ACTIVATED (8192, 1960) -INFO:pyaf.std:FORECASTING_ENGINE_END 0.392 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.104 TRYING_TO_LOAD_RANDOM_DATASET Signal_200_D_0_linear_48_exp_4.0_0 data/ARTIFICIAL_DATA/200/Signal_200_D_0_linear_48_exp_4.0_0 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_200_D_0_linear_48_exp_4.0_0 -GENERATING_RANDOM_DATASET Signal_200_D_0_linear_48_exp_4.0_0 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 Forecast Columns Index(['Date', 'Signal_0.01', 'Signal_0.01_scaled', '_Signal_0.01', 'row_number', 'Date_Normalized', '_Signal_0.01_LinearTrend', '_Signal_0.01_LinearTrend_residue', 'cycle_internal', @@ -81,18 +78,18 @@ Data columns (total 5 columns): dtypes: datetime64[ns](1), float64(4) memory usage: 7.9 KB Forecasts - [[Timestamp('2000-07-13 00:00:00') nan 0.01760550650870623 - -0.05354249349129377 0.08875350650870623] - [Timestamp('2000-07-14 00:00:00') nan 0.03003042701470381 - -0.007209572985296186 0.0672704270147038] - [Timestamp('2000-07-15 00:00:00') nan 0.03268705710554983 - -0.004552942894450164 0.06992705710554983] - [Timestamp('2000-07-16 00:00:00') nan 0.02576271807585341 - -0.007361281924146583 0.058886718075853405] - [Timestamp('2000-07-17 00:00:00') nan 0.028201803628976806 - -0.0025701963710231916 0.058973803628976806] - [Timestamp('2000-07-18 00:00:00') nan 0.019614434215949432 - -0.014881565784050567 0.05411043421594943]] + [[Timestamp('2000-07-13 00:00:00') nan 0.017605506508706223 + -0.05354249349129378 0.08875350650870623] + [Timestamp('2000-07-14 00:00:00') nan 0.030030427014703837 + -0.007209572985296158 0.06727042701470383] + [Timestamp('2000-07-15 00:00:00') nan 0.03268705710554986 + -0.004552942894450136 0.06992705710554986] + [Timestamp('2000-07-16 00:00:00') nan 0.025762718075853386 + -0.007361281924146607 0.058886718075853384] + [Timestamp('2000-07-17 00:00:00') nan 0.028201803628976757 + -0.00257019637102324 0.05897380362897675] + [Timestamp('2000-07-18 00:00:00') nan 0.01961443421594944 + -0.01488156578405056 0.05411043421594944]] @@ -170,7 +167,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 1.683 + "Training_Time": 0.598 } @@ -182,3 +179,4 @@ Forecasts +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/test_artificial_bug_1.py', 'ElapsedTimeSecs':(2.23, 0.17, 2.06), 'MAX_MEM_KB':144980, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':24, 'EXIT_STATUS':0} diff --git a/tests/references/bugs/test_artificial_bug_2.log b/tests/references/bugs/test_artificial_bug_2.log index 28e22a8d7..8f621775d 100644 --- a/tests/references/bugs/test_artificial_bug_2.log +++ b/tests/references/bugs/test_artificial_bug_2.log @@ -1,159 +1,41 @@ -INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 2}} TRYING_TO_LOAD_RANDOM_DATASET Signal_40_D_0_linear_4_exp_2.0_0 data/ARTIFICIAL_DATA/40/Signal_40_D_0_linear_4_exp_2.0_0 LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_40_D_0_linear_4_exp_2.0_0 GENERATING_RANDOM_DATASET Signal_40_D_0_linear_4_exp_2.0_0 TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 -INFO:pyaf.std:TRAINING_ENGINE_END 2.314 -INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2000-01-28T00:00:00.000000 TimeDelta= Horizon=2 -INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=38 Min=0.0 Max=0.367879 Mean=0.031628 StdDev=0.082067 -INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='CumSum_Signal' Min=0.139964 Max=3.266953 Mean=2.808019 StdDev=0.88764 -INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' -INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE 'CumSum_' -INFO:pyaf.std:BEST_DECOMPOSITION 'CumSum_Signal_ConstantTrend_residue_Cycle_None_residue_NoAR' [ConstantTrend + Cycle_None + NoAR] -INFO:pyaf.std:TREND_DETAIL 'CumSum_Signal_ConstantTrend' [ConstantTrend] -INFO:pyaf.std:CYCLE_DETAIL 'CumSum_Signal_ConstantTrend_residue_Cycle_None' [Cycle_None] -INFO:pyaf.std:AUTOREG_DETAIL 'CumSum_Signal_ConstantTrend_residue_Cycle_None_residue_NoAR' [NoAR] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.9613, 'RMSE': 0.102, 'MAE': 0.0411, 'MASE': 0.5656} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.9175, 'RMSE': 0.0, 'MAE': 0.0, 'MASE': 0.5444} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.4574, 'RMSE': 0.0, 'MAE': 0.0, 'MASE': 0.4999} -INFO:pyaf.std:MODEL_PERFS Fit STEP=2 {'MAPE': 0.9613, 'RMSE': 0.102, 'MAE': 0.0411, 'MASE': 0.5656} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=2 {'MAPE': 0.9175, 'RMSE': 0.0, 'MAE': 0.0, 'MASE': 0.5444} -INFO:pyaf.std:MODEL_PERFS Test STEP=2 {'MAPE': 0.4574, 'RMSE': 0.0, 'MAE': 0.0, 'MASE': 0.4999} -INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'M', 'Trend': 'S', 'Cycle': 'S', 'AR': 'S'} [MSSSS] -INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START -INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES Integration None -INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END -INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:CONSTANT_TREND CumSum_Signal_ConstantTrend 2.644129 -INFO:pyaf.std:TREND_DETAIL_END -INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES CumSum_Signal_ConstantTrend_residue_Cycle_None None 0.611799 {} -INFO:pyaf.std:CYCLE_MODEL_DETAIL_END -INFO:pyaf.std:AR_MODEL_DETAIL_START -INFO:pyaf.std:AR_MODEL_DETAIL_END -INFO:pyaf.std:COMPETITION_DETAIL_START 'Signal' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 0 {'Transformation': 'CumSum_Signal', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_Signal_ConstantTrend_residue_Cycle_None_residue_NoAR', 'Voting': 94.5, 'Complexity': 'MSSSS', 'Forecast_MASE_1': 0.5444, 'Forecast_MASE_2': 0.5444} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 1 {'Transformation': 'CumSum_Signal', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_Signal_ConstantTrend_residue_zeroCycle[0.0]_residue_NoAR', 'Voting': 94.5, 'Complexity': 'MSSSS', 'Forecast_MASE_1': 0.5444, 'Forecast_MASE_2': 0.5444} -INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal' -INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 2}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.094 -Forecast Columns Index(['Date', 'Signal', 'Signal_scaled', 'CumSum_Signal', 'row_number', - 'Date_Normalized', 'CumSum_Signal_ConstantTrend', - 'CumSum_Signal_ConstantTrend_residue', - 'CumSum_Signal_ConstantTrend_residue_Cycle_None', - 'CumSum_Signal_ConstantTrend_residue_Cycle_None_residue', - 'CumSum_Signal_ConstantTrend_residue_Cycle_None_residue_NoAR', - 'CumSum_Signal_ConstantTrend_residue_Cycle_None_residue_NoAR_residue', - 'Signal_Transformed', 'CumSum_Signal_Trend', - 'CumSum_Signal_Trend_residue', 'CumSum_Signal_Cycle', - 'CumSum_Signal_Cycle_residue', 'CumSum_Signal_AR', - 'CumSum_Signal_AR_residue', 'CumSum_Signal_TransformedForecast', - 'CumSum_Signal_Detrended', 'CumSum_Signal_Deseasonalized', - 'Signal_TransformedForecast_inverted', 'Signal_Forecast', - 'CumSum_Signal_TransformedResidue', 'Signal_Residue', - 'Signal_Forecast_Lower_Bound', 'Signal_Forecast_Upper_Bound', - 'Signal_Forecast_Quantile_50'], - dtype='object') - -RangeIndex: 40 entries, 0 to 39 -Data columns (total 3 columns): - # Column Non-Null Count Dtype ---- ------ -------------- ----- - 0 Date 40 non-null datetime64[ns] - 1 Signal 38 non-null float64 - 2 Signal_Forecast 40 non-null float64 -dtypes: datetime64[ns](1), float64(2) -memory usage: 1.1 KB -None -Forecasts - [[Timestamp('2000-02-08 00:00:00') nan 4.893528947667862e-08] - [Timestamp('2000-02-09 00:00:00') nan 4.893528947667862e-08]] - - - -{ - "Signal": { - "Complexity": { - "AR": "S", - "Cycle": "S", - "Decomposition": "S", - "Transformation": "M", - "Trend": "S" - }, - "Dataset": { - "Signal": "Signal", - "Time": { - "Horizon": 2, - "TimeDelta": "", - "TimeMax": "2000-02-07 00:00:00", - "TimeMin": "2000-01-01 00:00:00", - "TimeVariable": "Date" - }, - "Training_Signal_Length": 38 - }, - "Model": { - "AR_Model": "NoAR", - "Best_Decomposition": "CumSum_Signal_ConstantTrend_residue_Cycle_None_residue_NoAR", - "Cycle": "Cycle_None", - "Signal_Decomposition_Type": "T+S+R", - "Signal_Transoformation": "Integration", - "Trend": "ConstantTrend" - }, - "Model_Performance": { - "1": { - "AUC": 0.0, - "DiffSMAPE": 0.0, - "ErrorMean": -0.0, - "ErrorStdDev": 0.0, - "KS": 0.0, - "KendallTau": 0.0, - "Length": 8, - "LnQ": 123.1532, - "MAE": 0.0, - "MAPE": 0.9175, - "MASE": 0.5444, - "MannWhitneyU": 0.0, - "MedAE": 0.0, - "Pearson": 0.0, - "R2": -0.238, - "RMSE": 0.0, - "RMSSE": 0.633, - "SMAPE": 1.7096, - "Signal": "Signal_Forecast_1" - }, - "2": { - "AUC": 0.0, - "DiffSMAPE": 0.0, - "ErrorMean": -0.0, - "ErrorStdDev": 0.0, - "KS": 0.0, - "KendallTau": 0.0, - "Length": 8, - "LnQ": 123.1532, - "MAE": 0.0, - "MAPE": 0.9175, - "MASE": 0.5444, - "MannWhitneyU": 0.0, - "MedAE": 0.0, - "Pearson": 0.0, - "R2": -0.238, - "RMSE": 0.0, - "RMSSE": 0.633, - "SMAPE": 1.7096, - "Signal": "Signal_Forecast_2" - } - }, - "Model_Selection_Criterion": "MASE" - }, - "Training_Time": 2.314 -} - - - - - - -{"Date":{"36":"2000-02-06T00:00:00.000","37":"2000-02-07T00:00:00.000","38":"2000-02-08T00:00:00.000","39":"2000-02-09T00:00:00.000"},"Signal":{"36":0.0000000489,"37":0.0000005749,"38":null,"39":null},"Signal_Forecast":{"36":0.0000000489,"37":0.0000000489,"38":0.0000000489,"39":0.0000000489}} - - - +Traceback (most recent call last): + File "", line 1072, in _find_spec +AttributeError: '_SixMetaPathImporter' object has no attribute 'find_spec' + +During handling of the above exception, another exception occurred: + +Traceback (most recent call last): + File "/home/antoine/dev/python/packages/timeseries/pyaf/tests/bugs/test_artificial_bug_2.py", line 63, in + dataset = tsds.generate_random_TS(N = 40 , FREQ = 'D', seed = 0, trendtype = "linear", cycle_length = 4, transform = "exp", sigma = 2.0, exog_count = 0); + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/Bench/TS_datasets.py", line 334, in generate_random_TS + tsspec = generate_random_TS_real(N , FREQ, seed, trendtype, cycle_length, transform, sigma, exog_count, ar_order) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/Bench/TS_datasets.py", line 392, in generate_random_TS_real + df_train['Signal'] = apply_transform(pos_signal , transform) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/Bench/TS_datasets.py", line 282, in apply_transform + import pyaf.TS.Signal_Transformation as tstransf + File "/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Signal_Transformation.py", line 13, in + import sklearn.preprocessing + File "/home/antoine/.local/lib/python3.11/site-packages/sklearn/__init__.py", line 87, in + from .base import clone + File "/home/antoine/.local/lib/python3.11/site-packages/sklearn/base.py", line 19, in + from .utils import _IS_32BIT + File "/home/antoine/.local/lib/python3.11/site-packages/sklearn/utils/__init__.py", line 16, in + from scipy.sparse import issparse + File "/usr/lib/python3/dist-packages/scipy/__init__.py", line 63, in + from . import _distributor_init + File "/usr/lib/python3/dist-packages/scipy/_distributor_init.py", line 16, in + from . import _distributor_init_local # noqa: F401 + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "", line 1176, in _find_and_load + File "", line 1138, in _find_and_load_unlocked + File "", line 1074, in _find_spec + File "", line 1047, in _find_spec_legacy +ImportWarning: _SixMetaPathImporter.find_spec() not found; falling back to find_module() +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/test_artificial_bug_2.py', 'ElapsedTimeSecs':(0.69, 0.09, 0.59), 'MAX_MEM_KB':73592, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':8, 'EXIT_STATUS':1} diff --git a/tests/references/bugs/test_random_exogenous.log b/tests/references/bugs/test_random_exogenous.log index 1a6d5d2fe..6b97a3e9a 100644 --- a/tests/references/bugs/test_random_exogenous.log +++ b/tests/references/bugs/test_random_exogenous.log @@ -1,14 +1,5 @@ -/home/circleci/project/tests/bugs/test_random_exogenous.py:13: SettingWithCopyWarning: -A value is trying to be set on a copy of a slice from a DataFrame. -Try using .loc[row_indexer,col_indexer] = value instead - -See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy - df[b1.mSignalVar] = df[b1.mName] INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 5}} TRYING_TO_LOAD_RANDOM_DATASET Signal_160_D_0_constant_12_None_0.1_1280 data/ARTIFICIAL_DATA/160/Signal_160_D_0_constant_12_None_0.1_1280 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_160_D_0_constant_12_None_0.1_1280 -GENERATING_RANDOM_DATASET Signal_160_D_0_constant_12_None_0.1_1280 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 RangeIndex: 155 entries, 0 to 154 Data columns (total 7 columns): @@ -24,7 +15,7 @@ Data columns (total 7 columns): dtypes: datetime64[ns](1), float64(5), int64(1) memory usage: 8.6 KB DEBUG:pyaf.detailed:DETAIL_MESSAGE('KEPT_DISCARDED_MODELS', 168, 147, 21) -INFO:pyaf.std:TRAINING_ENGINE_END 119.009 +INFO:pyaf.std:TRAINING_ENGINE_END 33.15 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2000-04-29T00:00:00.000000 TimeDelta= Horizon=5 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=155 Min=13.412463 Max=163.870207 Mean=87.872339 StdDev=42.768798 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.494889 StdDev=0.284258 @@ -68,7 +59,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_exog_1280_155_Signal_Forecast INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_exog_1280_155_Signal_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_exog_1280_155_Signal_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 5}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.206 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.079 Forecast Columns Index(['Date', 'Signal', 'Signal_scaled', '_Signal', 'row_number', 'Date_Normalized', '_Signal_LinearTrend', '_Signal_LinearTrend_residue', 'cycle_internal', '_Signal_LinearTrend_residue_Cycle_12', @@ -98,11 +89,11 @@ dtypes: datetime64[ns](1), float64(2) memory usage: 3.9 KB None Forecasts - [[Timestamp('2000-06-04 00:00:00') nan 165.13884710917304] - [Timestamp('2000-06-05 00:00:00') nan 159.45623542381384] - [Timestamp('2000-06-06 00:00:00') nan 165.06193480224346] + [[Timestamp('2000-06-04 00:00:00') nan 165.1388471091731] + [Timestamp('2000-06-05 00:00:00') nan 159.4562354238138] + [Timestamp('2000-06-06 00:00:00') nan 165.06193480224343] [Timestamp('2000-06-07 00:00:00') nan 167.23097554249534] - [Timestamp('2000-06-08 00:00:00') nan 162.61015527725624]] + [Timestamp('2000-06-08 00:00:00') nan 162.6101552772563]] @@ -180,7 +171,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 119.009 + "Training_Time": 33.15 } @@ -192,3 +183,4 @@ Forecasts +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/bugs/test_random_exogenous.py', 'ElapsedTimeSecs':(39.26, 0.89, 121.96), 'MAX_MEM_KB':278260, 'CPU_PRCNT':'312%', 'FILES_IN':0, 'FILES_OUT':1576, 'EXIT_STATUS':0} diff --git a/tests/references/croston/croston_test_1_None.log b/tests/references/croston/croston_test_1_None.log index 455a056f0..9ff511a8d 100644 --- a/tests/references/croston/croston_test_1_None.log +++ b/tests/references/croston/croston_test_1_None.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 7}} -INFO:pyaf.std:TRAINING_ENGINE_END 4.924 +INFO:pyaf.std:TRAINING_ENGINE_END 1.189 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2016-01-25T00:00:00.000000 TimeMax=2016-11-05T00:00:00.000000 TimeDelta= Horizon=7 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=365 Min=0.0 Max=97.0 Mean=1.052055 StdDev=8.398632 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.010846 StdDev=0.086584 @@ -38,13 +38,13 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/croston_SBJ_no_trend_Signal_AR_decomp_ INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/croston_SBJ_no_trend_Signal_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/croston_SBJ_no_trend_Signal_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/croston_SBJ_no_trend_Signal_prediction_intervals_output.png') -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/lib/histograms.py:883: RuntimeWarning: divide by zero encountered in divide +/usr/lib/python3/dist-packages/numpy/lib/histograms.py:885: RuntimeWarning: divide by zero encountered in divide return n/db/n.sum(), bin_edges -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/lib/histograms.py:883: RuntimeWarning: invalid value encountered in divide +/usr/lib/python3/dist-packages/numpy/lib/histograms.py:885: RuntimeWarning: invalid value encountered in divide return n/db/n.sum(), bin_edges INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/croston_SBJ_no_trend_Signal_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 7}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.426 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.194 Index(['Date', 'Signal', 'Signal_scaled', '_Signal', 'row_number', 'Date_Normalized', '_Signal_ConstantTrend', '_Signal_ConstantTrend_residue', @@ -96,3 +96,4 @@ min 2.027831 75% 12.971660 max 49.263158 Name: Signal_Forecast, dtype: float64 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/croston/croston_test_1_None.py', 'ElapsedTimeSecs':(8.46, 0.28, 8.16), 'MAX_MEM_KB':220016, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':1032, 'EXIT_STATUS':0} diff --git a/tests/references/croston/croston_test_1_SBA.log b/tests/references/croston/croston_test_1_SBA.log index f1b779605..3d94e0c41 100644 --- a/tests/references/croston/croston_test_1_SBA.log +++ b/tests/references/croston/croston_test_1_SBA.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 7}} -INFO:pyaf.std:TRAINING_ENGINE_END 5.013 +INFO:pyaf.std:TRAINING_ENGINE_END 1.181 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2016-01-25T00:00:00.000000 TimeMax=2016-11-05T00:00:00.000000 TimeDelta= Horizon=7 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=365 Min=0.0 Max=97.0 Mean=1.052055 StdDev=8.398632 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.010846 StdDev=0.086584 @@ -38,13 +38,13 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/croston_SBA_no_trend_Signal_AR_decomp_ INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/croston_SBA_no_trend_Signal_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/croston_SBA_no_trend_Signal_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/croston_SBA_no_trend_Signal_prediction_intervals_output.png') -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/lib/histograms.py:883: RuntimeWarning: divide by zero encountered in divide +/usr/lib/python3/dist-packages/numpy/lib/histograms.py:885: RuntimeWarning: divide by zero encountered in divide return n/db/n.sum(), bin_edges -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/lib/histograms.py:883: RuntimeWarning: invalid value encountered in divide +/usr/lib/python3/dist-packages/numpy/lib/histograms.py:885: RuntimeWarning: invalid value encountered in divide return n/db/n.sum(), bin_edges INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/croston_SBA_no_trend_Signal_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 7}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.778 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.205 Index(['Date', 'Signal', 'Signal_scaled', '_Signal', 'row_number', 'Date_Normalized', '_Signal_ConstantTrend', '_Signal_ConstantTrend_residue', @@ -96,3 +96,4 @@ min 2.033464 75% 13.007692 max 49.400000 Name: Signal_Forecast, dtype: float64 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/croston/croston_test_1_SBA.py', 'ElapsedTimeSecs':(8.60, 0.27, 8.32), 'MAX_MEM_KB':219372, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':1040, 'EXIT_STATUS':0} diff --git a/tests/references/croston/croston_test_1_SBJ.log b/tests/references/croston/croston_test_1_SBJ.log index 99d4877c8..840ae1507 100644 --- a/tests/references/croston/croston_test_1_SBJ.log +++ b/tests/references/croston/croston_test_1_SBJ.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 7}} -INFO:pyaf.std:TRAINING_ENGINE_END 6.16 +INFO:pyaf.std:TRAINING_ENGINE_END 1.226 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2016-01-25T00:00:00.000000 TimeMax=2016-11-05T00:00:00.000000 TimeDelta= Horizon=7 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=365 Min=0.0 Max=97.0 Mean=1.052055 StdDev=8.398632 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.010846 StdDev=0.086584 @@ -38,13 +38,13 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/croston_SBJ_no_trend_Signal_AR_decomp_ INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/croston_SBJ_no_trend_Signal_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/croston_SBJ_no_trend_Signal_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/croston_SBJ_no_trend_Signal_prediction_intervals_output.png') -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/lib/histograms.py:883: RuntimeWarning: divide by zero encountered in divide +/usr/lib/python3/dist-packages/numpy/lib/histograms.py:885: RuntimeWarning: divide by zero encountered in divide return n/db/n.sum(), bin_edges -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/lib/histograms.py:883: RuntimeWarning: invalid value encountered in divide +/usr/lib/python3/dist-packages/numpy/lib/histograms.py:885: RuntimeWarning: invalid value encountered in divide return n/db/n.sum(), bin_edges INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/croston_SBJ_no_trend_Signal_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 7}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.918 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.195 Index(['Date', 'Signal', 'Signal_scaled', '_Signal', 'row_number', 'Date_Normalized', '_Signal_ConstantTrend', '_Signal_ConstantTrend_residue', @@ -96,3 +96,4 @@ min 2.027831 75% 12.971660 max 49.263158 Name: Signal_Forecast, dtype: float64 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/croston/croston_test_1_SBJ.py', 'ElapsedTimeSecs':(8.73, 0.27, 8.44), 'MAX_MEM_KB':219604, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':1032, 'EXIT_STATUS':0} diff --git a/tests/references/croston/test_croston_fpp2_counts_example.log b/tests/references/croston/test_croston_fpp2_counts_example.log index c463e0dc7..d314a7f96 100644 --- a/tests/references/croston/test_croston_fpp2_counts_example.log +++ b/tests/references/croston/test_croston_fpp2_counts_example.log @@ -1,5 +1,7 @@ +/home/antoine/dev/python/packages/timeseries/pyaf/tests/croston/test_croston_fpp2_counts_example.py:7: FutureWarning: 'm' is deprecated and will be removed in a future version, please use 'ME' instead. + lDates = pd.date_range(start="2000-01-01", periods=N, freq='m') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 7}} -INFO:pyaf.std:TRAINING_ENGINE_END 6.61 +INFO:pyaf.std:TRAINING_ENGINE_END 1.261 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-31T00:00:00.000000 TimeMax=2002-12-31T00:00:00.000000 TimeDelta= Horizon=7 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=36 Min=0.0 Max=11.0 Mean=1.055556 StdDev=2.332672 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.09596 StdDev=0.212061 @@ -40,7 +42,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/fpp2_croston_None__Signal_Foreca INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/fpp2_croston_None__Signal_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/fpp2_croston_None__Signal_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 7}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.785 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.193 Index(['Date', 'Signal', 'Signal_scaled', '_Signal', 'row_number', 'Date_Normalized', '_Signal_ConstantTrend', '_Signal_ConstantTrend_residue', @@ -91,3 +93,4 @@ min 0.000000 75% 1.354417 max 1.423467 Name: Signal_Forecast, dtype: float64 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/croston/test_croston_fpp2_counts_example.py', 'ElapsedTimeSecs':(7.47, 0.29, 7.17), 'MAX_MEM_KB':229220, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':1264, 'EXIT_STATUS':0} diff --git a/tests/references/croston/test_ozone_croston_only_2.log b/tests/references/croston/test_ozone_croston_only_2.log index 11838f5a6..e6286f4ad 100644 --- a/tests/references/croston/test_ozone_croston_only_2.log +++ b/tests/references/croston/test_ozone_croston_only_2.log @@ -5,282 +5,282 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 2 1955-03 3.6 1955-03-01 3 1955-04 5.0 1955-04-01 4 1955-05 6.5 1955-05-01 -DEBUG:pyaf.detailed:DETAIL_MESSAGE('KEPT_DISCARDED_MODELS', 1080, 327, 753) +DEBUG:pyaf.detailed:DETAIL_MESSAGE('KEPT_DISCARDED_MODELS', 1080, 331, 749) INFO:pyaf.std:PERF_DUMP_START INFO:pyaf.std:[ { - "Category": "BoxCox(Lambda=0.0)_MovingMedian(6)_Cycle_12_NoAR", + "Category": "BoxCox(Lambda=-1.0)_MovingMedian(6)_Cycle_12_NoAR", "Complexity": "LLSSS", "DetailedFormula": [ - "Box_Cox_0.0_Ozone", + "Box_Cox_-1.0_Ozone", "T+S+R", null, - "Box_Cox_0.0_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR" + "Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR" ], - "Forecast_MASE_1": 0.6001, - "Forecast_MASE_10": 0.5952, - "Forecast_MASE_11": 0.6087, - "Forecast_MASE_12": 0.6101, - "Forecast_MASE_2": 0.5926, - "Forecast_MASE_3": 0.5961, - "Forecast_MASE_4": 0.5688, - "Forecast_MASE_5": 0.5783, - "Forecast_MASE_6": 0.6014, - "Forecast_MASE_7": 0.5882, - "Forecast_MASE_8": 0.5529, - "Forecast_MASE_9": 0.5595, - "Model": "Box_Cox_0.0_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR", - "Voting": 2084.8333 + "Forecast_MASE_1": 0.6237, + "Forecast_MASE_10": 0.5811, + "Forecast_MASE_11": 0.5978, + "Forecast_MASE_12": 0.6416, + "Forecast_MASE_2": 0.6364, + "Forecast_MASE_3": 0.5983, + "Forecast_MASE_4": 0.568, + "Forecast_MASE_5": 0.6031, + "Forecast_MASE_6": 0.5992, + "Forecast_MASE_7": 0.5769, + "Forecast_MASE_8": 0.5915, + "Forecast_MASE_9": 0.6019, + "Model": "Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR", + "Voting": 2079.0833 }, { - "Category": "BoxCox(Lambda=0.0)_MovingMedian(6)_Seasonal_MonthOfYear_NoAR", + "Category": "BoxCox(Lambda=-1.0)_MovingMedian(6)_Seasonal_MonthOfYear_NoAR", "Complexity": "LLSSS", "DetailedFormula": [ - "Box_Cox_0.0_Ozone", + "Box_Cox_-1.0_Ozone", "T+S+R", null, - "Box_Cox_0.0_Ozone_MovingMedian(6)_residue_Seasonal_MonthOfYear_residue_NoAR" + "Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Seasonal_MonthOfYear_residue_NoAR" ], - "Forecast_MASE_1": 0.6001, - "Forecast_MASE_10": 0.5952, - "Forecast_MASE_11": 0.6087, - "Forecast_MASE_12": 0.6101, - "Forecast_MASE_2": 0.5926, - "Forecast_MASE_3": 0.5961, - "Forecast_MASE_4": 0.5688, - "Forecast_MASE_5": 0.5783, - "Forecast_MASE_6": 0.6014, - "Forecast_MASE_7": 0.5882, - "Forecast_MASE_8": 0.5529, - "Forecast_MASE_9": 0.5595, - "Model": "Box_Cox_0.0_Ozone_MovingMedian(6)_residue_Seasonal_MonthOfYear_residue_NoAR", - "Voting": 2084.8333 + "Forecast_MASE_1": 0.6237, + "Forecast_MASE_10": 0.5811, + "Forecast_MASE_11": 0.5978, + "Forecast_MASE_12": 0.6416, + "Forecast_MASE_2": 0.6364, + "Forecast_MASE_3": 0.5983, + "Forecast_MASE_4": 0.568, + "Forecast_MASE_5": 0.6031, + "Forecast_MASE_6": 0.5992, + "Forecast_MASE_7": 0.5769, + "Forecast_MASE_8": 0.5915, + "Forecast_MASE_9": 0.6019, + "Model": "Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Seasonal_MonthOfYear_residue_NoAR", + "Voting": 2079.0833 }, { - "Category": "BoxCox(Lambda=0.0)_MovingAverage(6)_Cycle_12_NoAR", - "Complexity": "LMSSS", + "Category": "BoxCox(Lambda=0.0)_LinearTrend_Cycle_12_NoAR", + "Complexity": "LSSSS", "DetailedFormula": [ "Box_Cox_0.0_Ozone", "T+S+R", null, - "Box_Cox_0.0_Ozone_MovingAverage(6)_residue_Cycle_12_residue_NoAR" + "Box_Cox_0.0_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR" ], - "Forecast_MASE_1": 0.6583, - "Forecast_MASE_10": 0.6259, - "Forecast_MASE_11": 0.6448, - "Forecast_MASE_12": 0.6591, - "Forecast_MASE_2": 0.6266, - "Forecast_MASE_3": 0.6117, - "Forecast_MASE_4": 0.6172, - "Forecast_MASE_5": 0.623, - "Forecast_MASE_6": 0.6033, - "Forecast_MASE_7": 0.5877, - "Forecast_MASE_8": 0.58, - "Forecast_MASE_9": 0.5995, - "Model": "Box_Cox_0.0_Ozone_MovingAverage(6)_residue_Cycle_12_residue_NoAR", - "Voting": 1979.5833 + "Forecast_MASE_1": 0.6216, + "Forecast_MASE_10": 0.6216, + "Forecast_MASE_11": 0.6216, + "Forecast_MASE_12": 0.6216, + "Forecast_MASE_2": 0.6216, + "Forecast_MASE_3": 0.6216, + "Forecast_MASE_4": 0.6216, + "Forecast_MASE_5": 0.6216, + "Forecast_MASE_6": 0.6216, + "Forecast_MASE_7": 0.6216, + "Forecast_MASE_8": 0.6216, + "Forecast_MASE_9": 0.6216, + "Model": "Box_Cox_0.0_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR", + "Voting": 1993.4167 }, { - "Category": "BoxCox(Lambda=0.0)_MovingAverage(6)_Seasonal_MonthOfYear_NoAR", - "Complexity": "LMSSS", + "Category": "BoxCox(Lambda=0.0)_LinearTrend_Seasonal_MonthOfYear_NoAR", + "Complexity": "LSSSS", "DetailedFormula": [ "Box_Cox_0.0_Ozone", "T+S+R", null, - "Box_Cox_0.0_Ozone_MovingAverage(6)_residue_Seasonal_MonthOfYear_residue_NoAR" + "Box_Cox_0.0_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_NoAR" ], - "Forecast_MASE_1": 0.6583, - "Forecast_MASE_10": 0.6259, - "Forecast_MASE_11": 0.6448, - "Forecast_MASE_12": 0.6591, - "Forecast_MASE_2": 0.6266, - "Forecast_MASE_3": 0.6117, - "Forecast_MASE_4": 0.6172, - "Forecast_MASE_5": 0.623, - "Forecast_MASE_6": 0.6033, - "Forecast_MASE_7": 0.5877, - "Forecast_MASE_8": 0.58, - "Forecast_MASE_9": 0.5995, - "Model": "Box_Cox_0.0_Ozone_MovingAverage(6)_residue_Seasonal_MonthOfYear_residue_NoAR", - "Voting": 1979.5833 + "Forecast_MASE_1": 0.6216, + "Forecast_MASE_10": 0.6216, + "Forecast_MASE_11": 0.6216, + "Forecast_MASE_12": 0.6216, + "Forecast_MASE_2": 0.6216, + "Forecast_MASE_3": 0.6216, + "Forecast_MASE_4": 0.6216, + "Forecast_MASE_5": 0.6216, + "Forecast_MASE_6": 0.6216, + "Forecast_MASE_7": 0.6216, + "Forecast_MASE_8": 0.6216, + "Forecast_MASE_9": 0.6216, + "Model": "Box_Cox_0.0_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_NoAR", + "Voting": 1993.4167 }, { - "Category": "Anscombe_MovingMedian(3)_Cycle_12_NoAR", - "Complexity": "LLLSS", + "Category": "Anscombe_MovingAverage(6)_Cycle_12_NoAR", + "Complexity": "LMSSS", "DetailedFormula": [ "Anscombe_Ozone", - "TS+R", + "T+S+R", null, - "Anscombe_Ozone_MovingMedian(3)_residue_Cycle_12_residue_NoAR" + "Anscombe_Ozone_MovingAverage(6)_residue_Cycle_12_residue_NoAR" ], - "Forecast_MASE_1": 0.5981, - "Forecast_MASE_10": 0.6022, - "Forecast_MASE_11": 0.6471, - "Forecast_MASE_12": 0.6683, - "Forecast_MASE_2": 0.6092, - "Forecast_MASE_3": 0.6603, - "Forecast_MASE_4": 0.5911, - "Forecast_MASE_5": 0.6578, - "Forecast_MASE_6": 0.6055, - "Forecast_MASE_7": 0.5415, - "Forecast_MASE_8": 0.5982, - "Forecast_MASE_9": 0.5495, - "Model": "Anscombe_Ozone_MovingMedian(3)_residue_Cycle_12_residue_NoAR", - "Voting": 1968.1667 + "Forecast_MASE_1": 0.6554, + "Forecast_MASE_10": 0.6358, + "Forecast_MASE_11": 0.6555, + "Forecast_MASE_12": 0.6681, + "Forecast_MASE_2": 0.6423, + "Forecast_MASE_3": 0.6208, + "Forecast_MASE_4": 0.6063, + "Forecast_MASE_5": 0.6028, + "Forecast_MASE_6": 0.6028, + "Forecast_MASE_7": 0.5919, + "Forecast_MASE_8": 0.5909, + "Forecast_MASE_9": 0.6077, + "Model": "Anscombe_Ozone_MovingAverage(6)_residue_Cycle_12_residue_NoAR", + "Voting": 1990.0833 }, { - "Category": "Anscombe_MovingMedian(3)_Cycle_12_NoAR", - "Complexity": "LLLSS", + "Category": "Anscombe_MovingAverage(6)_Seasonal_MonthOfYear_NoAR", + "Complexity": "LMSSS", "DetailedFormula": [ "Anscombe_Ozone", - "TSR", + "T+S+R", null, - "Anscombe_Ozone_MovingMedian(3)_residue_Cycle_12_residue_NoAR" + "Anscombe_Ozone_MovingAverage(6)_residue_Seasonal_MonthOfYear_residue_NoAR" ], - "Forecast_MASE_1": 0.5981, - "Forecast_MASE_10": 0.6022, - "Forecast_MASE_11": 0.6471, - "Forecast_MASE_12": 0.6683, - "Forecast_MASE_2": 0.6092, - "Forecast_MASE_3": 0.6603, - "Forecast_MASE_4": 0.5911, - "Forecast_MASE_5": 0.6578, - "Forecast_MASE_6": 0.6055, - "Forecast_MASE_7": 0.5415, - "Forecast_MASE_8": 0.5982, - "Forecast_MASE_9": 0.5495, - "Model": "Anscombe_Ozone_MovingMedian(3)_residue_Cycle_12_residue_NoAR", - "Voting": 1968.1667 + "Forecast_MASE_1": 0.6554, + "Forecast_MASE_10": 0.6358, + "Forecast_MASE_11": 0.6555, + "Forecast_MASE_12": 0.6681, + "Forecast_MASE_2": 0.6423, + "Forecast_MASE_3": 0.6208, + "Forecast_MASE_4": 0.6063, + "Forecast_MASE_5": 0.6028, + "Forecast_MASE_6": 0.6028, + "Forecast_MASE_7": 0.5919, + "Forecast_MASE_8": 0.5909, + "Forecast_MASE_9": 0.6077, + "Model": "Anscombe_Ozone_MovingAverage(6)_residue_Seasonal_MonthOfYear_residue_NoAR", + "Voting": 1990.0833 }, { - "Category": "Anscombe_MovingMedian(3)_Seasonal_MonthOfYear_NoAR", + "Category": "Fisher_MovingMedian(6)_Cycle_12_NoAR", "Complexity": "LLLSS", "DetailedFormula": [ - "Anscombe_Ozone", + "Fisher_Ozone", "TS+R", null, - "Anscombe_Ozone_MovingMedian(3)_residue_Seasonal_MonthOfYear_residue_NoAR" + "Fisher_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR" ], - "Forecast_MASE_1": 0.5981, - "Forecast_MASE_10": 0.6022, - "Forecast_MASE_11": 0.6471, - "Forecast_MASE_12": 0.6683, - "Forecast_MASE_2": 0.6092, - "Forecast_MASE_3": 0.6603, - "Forecast_MASE_4": 0.5911, - "Forecast_MASE_5": 0.6578, - "Forecast_MASE_6": 0.6055, - "Forecast_MASE_7": 0.5415, - "Forecast_MASE_8": 0.5982, - "Forecast_MASE_9": 0.5495, - "Model": "Anscombe_Ozone_MovingMedian(3)_residue_Seasonal_MonthOfYear_residue_NoAR", - "Voting": 1968.1667 + "Forecast_MASE_1": 0.6234, + "Forecast_MASE_10": 0.6179, + "Forecast_MASE_11": 0.669, + "Forecast_MASE_12": 0.6889, + "Forecast_MASE_2": 0.6289, + "Forecast_MASE_3": 0.6316, + "Forecast_MASE_4": 0.5967, + "Forecast_MASE_5": 0.6109, + "Forecast_MASE_6": 0.6032, + "Forecast_MASE_7": 0.5901, + "Forecast_MASE_8": 0.593, + "Forecast_MASE_9": 0.5709, + "Model": "Fisher_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR", + "Voting": 1983.25 }, { - "Category": "Anscombe_MovingMedian(3)_Seasonal_MonthOfYear_NoAR", + "Category": "Fisher_MovingMedian(6)_Cycle_12_NoAR", "Complexity": "LLLSS", "DetailedFormula": [ - "Anscombe_Ozone", + "Fisher_Ozone", "TSR", null, - "Anscombe_Ozone_MovingMedian(3)_residue_Seasonal_MonthOfYear_residue_NoAR" + "Fisher_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR" ], - "Forecast_MASE_1": 0.5981, - "Forecast_MASE_10": 0.6022, - "Forecast_MASE_11": 0.6471, - "Forecast_MASE_12": 0.6683, - "Forecast_MASE_2": 0.6092, - "Forecast_MASE_3": 0.6603, - "Forecast_MASE_4": 0.5911, - "Forecast_MASE_5": 0.6578, - "Forecast_MASE_6": 0.6055, - "Forecast_MASE_7": 0.5415, - "Forecast_MASE_8": 0.5982, - "Forecast_MASE_9": 0.5495, - "Model": "Anscombe_Ozone_MovingMedian(3)_residue_Seasonal_MonthOfYear_residue_NoAR", - "Voting": 1968.1667 + "Forecast_MASE_1": 0.6234, + "Forecast_MASE_10": 0.6179, + "Forecast_MASE_11": 0.669, + "Forecast_MASE_12": 0.6889, + "Forecast_MASE_2": 0.6289, + "Forecast_MASE_3": 0.6316, + "Forecast_MASE_4": 0.5967, + "Forecast_MASE_5": 0.6109, + "Forecast_MASE_6": 0.6032, + "Forecast_MASE_7": 0.5901, + "Forecast_MASE_8": 0.593, + "Forecast_MASE_9": 0.5709, + "Model": "Fisher_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR", + "Voting": 1983.25 }, { - "Category": "BoxCox(Lambda=0.0)_LinearTrend_Cycle_12_NoAR", - "Complexity": "LSSSS", + "Category": "Fisher_MovingMedian(6)_Seasonal_MonthOfYear_NoAR", + "Complexity": "LLLSS", "DetailedFormula": [ - "Box_Cox_0.0_Ozone", - "T+S+R", + "Fisher_Ozone", + "TS+R", null, - "Box_Cox_0.0_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR" + "Fisher_Ozone_MovingMedian(6)_residue_Seasonal_MonthOfYear_residue_NoAR" ], - "Forecast_MASE_1": 0.6216, - "Forecast_MASE_10": 0.6216, - "Forecast_MASE_11": 0.6216, - "Forecast_MASE_12": 0.6216, - "Forecast_MASE_2": 0.6216, - "Forecast_MASE_3": 0.6216, - "Forecast_MASE_4": 0.6216, - "Forecast_MASE_5": 0.6216, - "Forecast_MASE_6": 0.6216, - "Forecast_MASE_7": 0.6216, - "Forecast_MASE_8": 0.6216, - "Forecast_MASE_9": 0.6216, - "Model": "Box_Cox_0.0_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR", - "Voting": 1962.0833 + "Forecast_MASE_1": 0.6234, + "Forecast_MASE_10": 0.6179, + "Forecast_MASE_11": 0.669, + "Forecast_MASE_12": 0.6889, + "Forecast_MASE_2": 0.6289, + "Forecast_MASE_3": 0.6316, + "Forecast_MASE_4": 0.5967, + "Forecast_MASE_5": 0.6109, + "Forecast_MASE_6": 0.6032, + "Forecast_MASE_7": 0.5901, + "Forecast_MASE_8": 0.593, + "Forecast_MASE_9": 0.5709, + "Model": "Fisher_Ozone_MovingMedian(6)_residue_Seasonal_MonthOfYear_residue_NoAR", + "Voting": 1983.25 }, { - "Category": "BoxCox(Lambda=0.0)_LinearTrend_Seasonal_MonthOfYear_NoAR", - "Complexity": "LSSSS", + "Category": "Fisher_MovingMedian(6)_Seasonal_MonthOfYear_NoAR", + "Complexity": "LLLSS", "DetailedFormula": [ - "Box_Cox_0.0_Ozone", - "T+S+R", + "Fisher_Ozone", + "TSR", null, - "Box_Cox_0.0_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_NoAR" + "Fisher_Ozone_MovingMedian(6)_residue_Seasonal_MonthOfYear_residue_NoAR" ], - "Forecast_MASE_1": 0.6216, - "Forecast_MASE_10": 0.6216, - "Forecast_MASE_11": 0.6216, - "Forecast_MASE_12": 0.6216, - "Forecast_MASE_2": 0.6216, - "Forecast_MASE_3": 0.6216, - "Forecast_MASE_4": 0.6216, - "Forecast_MASE_5": 0.6216, - "Forecast_MASE_6": 0.6216, - "Forecast_MASE_7": 0.6216, - "Forecast_MASE_8": 0.6216, - "Forecast_MASE_9": 0.6216, - "Model": "Box_Cox_0.0_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_NoAR", - "Voting": 1962.0833 + "Forecast_MASE_1": 0.6234, + "Forecast_MASE_10": 0.6179, + "Forecast_MASE_11": 0.669, + "Forecast_MASE_12": 0.6889, + "Forecast_MASE_2": 0.6289, + "Forecast_MASE_3": 0.6316, + "Forecast_MASE_4": 0.5967, + "Forecast_MASE_5": 0.6109, + "Forecast_MASE_6": 0.6032, + "Forecast_MASE_7": 0.5901, + "Forecast_MASE_8": 0.593, + "Forecast_MASE_9": 0.5709, + "Model": "Fisher_Ozone_MovingMedian(6)_residue_Seasonal_MonthOfYear_residue_NoAR", + "Voting": 1983.25 } ] INFO:pyaf.std:PERF_DUMP_END -INFO:pyaf.std:TRAINING_ENGINE_END 169.815 +INFO:pyaf.std:TRAINING_ENGINE_END 37.35 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 -INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='Box_Cox_0.0_Ozone' Min=-1.981001 Max=0.0 Mean=-0.899004 StdDev=0.411213 +INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='Box_Cox_-1.0_Ozone' Min=-6.25 Max=-0.0 Mean=-1.682882 StdDev=1.197321 INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' -INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE 'Box_Cox_0.0_' -INFO:pyaf.std:BEST_DECOMPOSITION 'Box_Cox_0.0_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR' [MovingMedian(6) + Cycle_12 + NoAR] -INFO:pyaf.std:TREND_DETAIL 'Box_Cox_0.0_Ozone_MovingMedian(6)' [MovingMedian(6)] -INFO:pyaf.std:CYCLE_DETAIL 'Box_Cox_0.0_Ozone_MovingMedian(6)_residue_Cycle_12' [Cycle_12] -INFO:pyaf.std:AUTOREG_DETAIL 'Box_Cox_0.0_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR' [NoAR] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1938, 'RMSE': 0.9685, 'MAE': 0.722, 'MASE': 0.8214} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1596, 'RMSE': 0.5716, 'MAE': 0.4659, 'MASE': 0.6001} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.1973, 'RMSE': 0.507, 'MAE': 0.4427, 'MASE': 0.9366} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.2719, 'RMSE': 1.3761, 'MAE': 1.0604, 'MASE': 1.2064} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1653, 'RMSE': 0.5943, 'MAE': 0.4736, 'MASE': 0.6101} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.2482, 'RMSE': 0.6482, 'MAE': 0.5351, 'MASE': 1.1319} +INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE 'Box_Cox_-1.0_' +INFO:pyaf.std:BEST_DECOMPOSITION 'Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR' [MovingMedian(6) + Cycle_12 + NoAR] +INFO:pyaf.std:TREND_DETAIL 'Box_Cox_-1.0_Ozone_MovingMedian(6)' [MovingMedian(6)] +INFO:pyaf.std:CYCLE_DETAIL 'Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Cycle_12' [Cycle_12] +INFO:pyaf.std:AUTOREG_DETAIL 'Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR' [NoAR] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.2321, 'RMSE': 1.3187, 'MAE': 0.9132, 'MASE': 1.039} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1694, 'RMSE': 0.6165, 'MAE': 0.4842, 'MASE': 0.6237} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2085, 'RMSE': 0.5429, 'MAE': 0.4606, 'MASE': 0.9744} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.2037, 'RMSE': 1.0883, 'MAE': 0.8266, 'MASE': 0.9405} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1662, 'RMSE': 0.6521, 'MAE': 0.4981, 'MASE': 0.6416} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.2226, 'RMSE': 0.5344, 'MAE': 0.4458, 'MASE': 0.9429} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'L', 'Trend': 'L', 'Cycle': 'S', 'AR': 'S'} [LLSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START -INFO:pyaf.std:BOX_COX_TRANSFORMATION_LAMBDA BoxCox(Lambda=0.0) 0.0 +INFO:pyaf.std:BOX_COX_TRANSFORMATION_LAMBDA BoxCox(Lambda=-1.0) -1.0 INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END INFO:pyaf.std:TREND_DETAIL_START INFO:pyaf.std:MOVING_MEDIAN_TREND MovingMedian(6) 6 INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES Box_Cox_0.0_Ozone_MovingMedian(6)_residue_Cycle_12 12 0.051447 {0: -0.683762, 1: -0.49678, 2: 0.020411, 3: 0.195291, 4: 0.350101, 5: 0.391812, 6: 0.399713, 7: 0.305768, 8: 0.164103, 9: -0.025358, 10: -0.355625, 11: -0.592956} +INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Cycle_12 12 0.123127 {0: -1.939809, 1: -1.032508, 2: 0.064536, 3: 0.715523, 4: 0.867267, 5: 1.048287, 6: 0.794097, 7: 0.62907, 8: 0.288006, 9: -0.047378, 10: -0.845671, 11: -1.671301} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'Ozone' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': 'Box_Cox_0.0_Ozone', 'DecompositionType': 'T+S+R', 'Model': 'Box_Cox_0.0_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR', 'Voting': 2084.8333, 'Complexity': 'LLSSS', 'Forecast_MASE_1': 0.6001, 'Forecast_MASE_2': 0.5926, 'Forecast_MASE_3': 0.5961, 'Forecast_MASE_4': 0.5688, 'Forecast_MASE_5': 0.5783, 'Forecast_MASE_6': 0.6014, 'Forecast_MASE_7': 0.5882, 'Forecast_MASE_8': 0.5529, 'Forecast_MASE_9': 0.5595, 'Forecast_MASE_10': 0.5952, 'Forecast_MASE_11': 0.6087, 'Forecast_MASE_12': 0.6101} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 1 {'Transformation': 'Box_Cox_0.0_Ozone', 'DecompositionType': 'T+S+R', 'Model': 'Box_Cox_0.0_Ozone_MovingMedian(6)_residue_Seasonal_MonthOfYear_residue_NoAR', 'Voting': 2084.8333, 'Complexity': 'LLSSS', 'Forecast_MASE_1': 0.6001, 'Forecast_MASE_2': 0.5926, 'Forecast_MASE_3': 0.5961, 'Forecast_MASE_4': 0.5688, 'Forecast_MASE_5': 0.5783, 'Forecast_MASE_6': 0.6014, 'Forecast_MASE_7': 0.5882, 'Forecast_MASE_8': 0.5529, 'Forecast_MASE_9': 0.5595, 'Forecast_MASE_10': 0.5952, 'Forecast_MASE_11': 0.6087, 'Forecast_MASE_12': 0.6101} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': 'Box_Cox_-1.0_Ozone', 'DecompositionType': 'T+S+R', 'Model': 'Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR', 'Voting': 2079.0833, 'Complexity': 'LLSSS', 'Forecast_MASE_1': 0.6237, 'Forecast_MASE_2': 0.6364, 'Forecast_MASE_3': 0.5983, 'Forecast_MASE_4': 0.568, 'Forecast_MASE_5': 0.6031, 'Forecast_MASE_6': 0.5992, 'Forecast_MASE_7': 0.5769, 'Forecast_MASE_8': 0.5915, 'Forecast_MASE_9': 0.6019, 'Forecast_MASE_10': 0.5811, 'Forecast_MASE_11': 0.5978, 'Forecast_MASE_12': 0.6416} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 1 {'Transformation': 'Box_Cox_-1.0_Ozone', 'DecompositionType': 'T+S+R', 'Model': 'Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Seasonal_MonthOfYear_residue_NoAR', 'Voting': 2079.0833, 'Complexity': 'LLSSS', 'Forecast_MASE_1': 0.6237, 'Forecast_MASE_2': 0.6364, 'Forecast_MASE_3': 0.5983, 'Forecast_MASE_4': 0.568, 'Forecast_MASE_5': 0.6031, 'Forecast_MASE_6': 0.5992, 'Forecast_MASE_7': 0.5769, 'Forecast_MASE_8': 0.5915, 'Forecast_MASE_9': 0.6019, 'Forecast_MASE_10': 0.5811, 'Forecast_MASE_11': 0.5978, 'Forecast_MASE_12': 0.6416} INFO:pyaf.std:COMPETITION_DETAIL_END 'Ozone' INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_ozone_croston_slow__Ozone_Trend_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_ozone_croston_slow__Ozone_Cycle_decomp_output.png') @@ -290,21 +290,22 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_croston_slow__Ozone_For INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_croston_slow__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_croston_slow__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.72 -Forecast Columns Index(['Time', 'Ozone', 'Ozone_scaled', 'Box_Cox_0.0_Ozone', 'row_number', - 'Time_Normalized', 'Box_Cox_0.0_Ozone_MovingMedian(6)', - 'Box_Cox_0.0_Ozone_MovingMedian(6)_residue', 'cycle_internal', - 'Box_Cox_0.0_Ozone_MovingMedian(6)_residue_Cycle_12', - 'Box_Cox_0.0_Ozone_MovingMedian(6)_residue_Cycle_12_residue', - 'Box_Cox_0.0_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR', - 'Box_Cox_0.0_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR_residue', - 'Ozone_Transformed', 'Box_Cox_0.0_Ozone_Trend', - 'Box_Cox_0.0_Ozone_Trend_residue', 'Box_Cox_0.0_Ozone_Cycle', - 'Box_Cox_0.0_Ozone_Cycle_residue', 'Box_Cox_0.0_Ozone_AR', - 'Box_Cox_0.0_Ozone_AR_residue', 'Box_Cox_0.0_Ozone_TransformedForecast', - 'Box_Cox_0.0_Ozone_Detrended', 'Box_Cox_0.0_Ozone_Deseasonalized', +INFO:pyaf.std:FORECASTING_ENGINE_END 0.193 +Forecast Columns Index(['Time', 'Ozone', 'Ozone_scaled', 'Box_Cox_-1.0_Ozone', 'row_number', + 'Time_Normalized', 'Box_Cox_-1.0_Ozone_MovingMedian(6)', + 'Box_Cox_-1.0_Ozone_MovingMedian(6)_residue', 'cycle_internal', + 'Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Cycle_12', + 'Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Cycle_12_residue', + 'Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR', + 'Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR_residue', + 'Ozone_Transformed', 'Box_Cox_-1.0_Ozone_Trend', + 'Box_Cox_-1.0_Ozone_Trend_residue', 'Box_Cox_-1.0_Ozone_Cycle', + 'Box_Cox_-1.0_Ozone_Cycle_residue', 'Box_Cox_-1.0_Ozone_AR', + 'Box_Cox_-1.0_Ozone_AR_residue', + 'Box_Cox_-1.0_Ozone_TransformedForecast', + 'Box_Cox_-1.0_Ozone_Detrended', 'Box_Cox_-1.0_Ozone_Deseasonalized', 'Ozone_TransformedForecast_inverted', 'Ozone_Forecast', - 'Box_Cox_0.0_Ozone_TransformedResidue', 'Ozone_Residue', + 'Box_Cox_-1.0_Ozone_TransformedResidue', 'Ozone_Residue', 'Ozone_Forecast_Lower_Bound', 'Ozone_Forecast_Upper_Bound', 'Ozone_Forecast_Quantile_2', 'Ozone_Forecast_Quantile_18', 'Ozone_Forecast_Quantile_34', 'Ozone_Forecast_Quantile_50', @@ -324,18 +325,18 @@ memory usage: 5.2 KB None Forecasts Time Ozone Ozone_Forecast -204 1972-01-01 NaN 1.311287 -205 1972-02-01 NaN 1.216974 -206 1972-03-01 NaN 1.478336 -207 1972-04-01 NaN 1.692581 -208 1972-05-01 NaN 1.975980 -209 1972-06-01 NaN 2.060143 -210 1972-07-01 NaN 2.359144 -211 1972-08-01 NaN 2.482900 -212 1972-09-01 NaN 2.377437 -213 1972-10-01 NaN 2.149380 -214 1972-11-01 NaN 1.577931 -215 1972-12-01 NaN 1.244561 +204 1972-01-01 NaN 1.644327 +205 1972-02-01 NaN 1.605768 +206 1972-03-01 NaN 1.644641 +207 1972-04-01 NaN 1.875436 +208 1972-05-01 NaN 1.938858 +209 1972-06-01 NaN 2.050858 +210 1972-07-01 NaN 2.086172 +211 1972-08-01 NaN 2.211501 +212 1972-09-01 NaN 2.134108 +213 1972-10-01 NaN 2.045326 +214 1972-11-01 NaN 1.722127 +215 1972-12-01 NaN 1.480215 @@ -361,59 +362,59 @@ Forecasts }, "Model": { "AR_Model": "NoAR", - "Best_Decomposition": "Box_Cox_0.0_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR", + "Best_Decomposition": "Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR", "Cycle": "Cycle_12", "Signal_Decomposition_Type": "T+S+R", - "Signal_Transoformation": "BoxCox(Lambda=0.0)", + "Signal_Transoformation": "BoxCox(Lambda=-1.0)", "Trend": "MovingMedian(6)" }, "Model_Performance": { "1": { - "AUC": 0.4997, - "DiffSMAPE": 0.1518, - "ErrorMean": -0.0219, - "ErrorStdDev": 0.5711, + "AUC": 0.4984, + "DiffSMAPE": 0.1574, + "ErrorMean": -0.0469, + "ErrorStdDev": 0.6147, "KS": 0.1538, - "KendallTau": 0.7072, + "KendallTau": 0.6936, "Length": 39, - "LnQ": 1.3999, - "MAE": 0.4659, - "MAPE": 0.1596, - "MASE": 0.6001, - "MannWhitneyU": 760.0, - "MedAE": 0.4376, - "Pearson": 0.8505, - "R2": 0.7222, - "RMSE": 0.5716, - "RMSSE": 0.6088, - "SMAPE": 0.1547, + "LnQ": 1.648, + "MAE": 0.4842, + "MAPE": 0.1694, + "MASE": 0.6237, + "MannWhitneyU": 758.0, + "MedAE": 0.4407, + "Pearson": 0.8354, + "R2": 0.6767, + "RMSE": 0.6165, + "RMSSE": 0.6567, + "SMAPE": 0.1603, "Signal": "Ozone_Forecast_1" }, "12": { - "AUC": 0.5089, - "DiffSMAPE": 0.1543, - "ErrorMean": -0.0714, - "ErrorStdDev": 0.59, - "KS": 0.1538, - "KendallTau": 0.6781, + "AUC": 0.5503, + "DiffSMAPE": 0.1601, + "ErrorMean": -0.2087, + "ErrorStdDev": 0.6178, + "KS": 0.1795, + "KendallTau": 0.7026, "Length": 39, - "LnQ": 1.5527, - "MAE": 0.4736, - "MAPE": 0.1653, - "MASE": 0.6101, - "MannWhitneyU": 774.0, - "MedAE": 0.3619, - "Pearson": 0.8443, - "R2": 0.6996, - "RMSE": 0.5943, - "RMSSE": 0.6331, - "SMAPE": 0.1572, + "LnQ": 1.6997, + "MAE": 0.4981, + "MAPE": 0.1662, + "MASE": 0.6416, + "MannWhitneyU": 837.0, + "MedAE": 0.3936, + "Pearson": 0.8519, + "R2": 0.6383, + "RMSE": 0.6521, + "RMSSE": 0.6946, + "SMAPE": 0.163, "Signal": "Ozone_Forecast_12" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 169.815 + "Training_Time": 37.35 } @@ -421,7 +422,8 @@ Forecasts -{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":1.6754700833,"193":1.3902296435,"194":1.9364916731,"195":2.306561786,"196":2.6927644517,"197":3.1037611592,"198":3.4269691634,"199":3.6430033426,"200":3.7075461299,"201":3.0676425251,"202":2.0916691416,"203":1.649761371,"204":1.3112870335,"205":1.2169739689,"206":1.4783363586,"207":1.692580584,"208":1.9759803773,"209":2.0601434805,"210":2.3591444949,"211":2.4829004807,"212":2.3774369809,"213":2.1493797712,"214":1.5779309214,"215":1.2445608287}} +{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":1.8976799524,"193":1.7578689465,"194":1.9217470428,"195":2.2444987775,"196":2.3359469775,"197":2.802848094,"198":2.9041859009,"199":3.3036757627,"200":3.5078159893,"201":3.0899720765,"202":2.3046574791,"203":1.8910603284,"204":1.6443265925,"205":1.6057681846,"206":1.644641179,"207":1.8754362059,"208":1.93885839,"209":2.050858205,"210":2.086172094,"211":2.211501362,"212":2.1341075889,"213":2.0453264933,"214":1.72212656,"215":1.4802154746}} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/croston/test_ozone_croston_only_2.py', 'ElapsedTimeSecs':(44.02, 1.11, 257.80), 'MAX_MEM_KB':237164, 'CPU_PRCNT':'588%', 'FILES_IN':0, 'FILES_OUT':2336, 'EXIT_STATUS':0} diff --git a/tests/references/exog/test_ozone_exogenous.log b/tests/references/exog/test_ozone_exogenous.log index 4091be59a..789544744 100644 --- a/tests/references/exog/test_ozone_exogenous.log +++ b/tests/references/exog/test_ozone_exogenous.log @@ -6,39 +6,57 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 3 1955-04 4 AT P_U 5.0 1955-04-01 4 1955-05 5 AU P_V 6.5 1955-05-01 DEBUG:pyaf.detailed:DETAIL_MESSAGE('KEPT_DISCARDED_MODELS', 144, 144, 0) -INFO:pyaf.std:TRAINING_ENGINE_END 36.129 +INFO:pyaf.std:TRAINING_ENGINE_END 9.601 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 +INFO:pyaf.std:EXOGENOUS_DATA ['Exog2', 'Exog3', 'Exog4'] INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR' [LinearTrend + Cycle_12 + NoAR] -INFO:pyaf.std:TREND_DETAIL '_Ozone_LinearTrend' [LinearTrend] -INFO:pyaf.std:CYCLE_DETAIL '_Ozone_LinearTrend_residue_Cycle_12' [Cycle_12] -INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR' [NoAR] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1768, 'RMSE': 0.9074, 'MAE': 0.6789, 'MASE': 0.7724} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1847, 'RMSE': 0.6988, 'MAE': 0.5742, 'MASE': 0.7396} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2261, 'RMSE': 0.5934, 'MAE': 0.5213, 'MASE': 1.1027} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1768, 'RMSE': 0.9074, 'MAE': 0.6789, 'MASE': 0.7724} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1847, 'RMSE': 0.6988, 'MAE': 0.5742, 'MASE': 0.7396} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.2261, 'RMSE': 0.5934, 'MAE': 0.5213, 'MASE': 1.1027} -INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'S'} [SSSSS] +INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_ConstantTrend_residue_Cycle_12_residue_ARX(51)' [ConstantTrend + Cycle_12 + ARX] +INFO:pyaf.std:TREND_DETAIL '_Ozone_ConstantTrend' [ConstantTrend] +INFO:pyaf.std:CYCLE_DETAIL '_Ozone_ConstantTrend_residue_Cycle_12' [Cycle_12] +INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_ConstantTrend_residue_Cycle_12_residue_ARX(51)' [ARX] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1436, 'RMSE': 0.7382, 'MAE': 0.5442, 'MASE': 0.6191} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1617, 'RMSE': 0.6737, 'MAE': 0.5214, 'MASE': 0.6717} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.223, 'RMSE': 0.7651, 'MAE': 0.5999, 'MASE': 1.269} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1421, 'RMSE': 0.7533, 'MAE': 0.5567, 'MASE': 0.6333} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1814, 'RMSE': 0.7054, 'MAE': 0.533, 'MASE': 0.6866} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.4464, 'RMSE': 1.2532, 'MAE': 1.0915, 'MASE': 2.3089} +INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:LINEAR_RIDGE_TREND LinearTrend (0.519103, array([-0.262473])) +INFO:pyaf.std:CONSTANT_TREND _Ozone_ConstantTrend 0.387887 INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _Ozone_LinearTrend_residue_Cycle_12 12 -0.000408 {0: -0.214023, 1: -0.196036, 2: -0.118761, 3: -0.037002, 4: -0.019072, 5: 0.096897, 6: 0.168161, 7: 0.186148, 8: 0.134574, 9: 0.109664, 10: -0.056774, 11: -0.186958} +INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _Ozone_ConstantTrend_residue_Cycle_12 12 -0.00122 {0: -0.254553, 1: -0.214553, 2: -0.187887, 3: -0.014553, 4: -0.027887, 5: 0.065447, 6: 0.185447, 7: 0.132113, 8: 0.132113, 9: 0.105447, 10: -0.127887, 11: -0.207887} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START +INFO:pyaf.std:AR_MODEL_COEFF 1 Exog3=AQ_Lag48 -10128237918717.85 +INFO:pyaf.std:AR_MODEL_COEFF 2 Exog2_Lag37 3164162309520.246 +INFO:pyaf.std:AR_MODEL_COEFF 3 Exog2_Lag48 -3164162309520.237 +INFO:pyaf.std:AR_MODEL_COEFF 4 Exog3=AQ_Lag37 920749004573.9897 +INFO:pyaf.std:AR_MODEL_COEFF 5 Exog3=AQ_Lag45 920749004573.8815 +INFO:pyaf.std:AR_MODEL_COEFF 6 Exog3=AQ_Lag47 920749004573.6156 +INFO:pyaf.std:AR_MODEL_COEFF 7 Exog3=AQ_Lag39 920749004573.6018 +INFO:pyaf.std:AR_MODEL_COEFF 8 Exog3=AQ_Lag41 920748910274.5393 +INFO:pyaf.std:AR_MODEL_COEFF 9 Exog3=AQ_Lag43 920748910274.4355 +INFO:pyaf.std:AR_MODEL_COEFF 10 Exog3=AQ_Lag42 920748910274.3071 INFO:pyaf.std:AR_MODEL_DETAIL_END +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'Exog3' {'AQ': 13, 'AR': 13, 'AS': 13, 'AT': 13, 'AU': 13} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Exog3' ['Exog3=AQ'] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'Exog4' {'P_T': 38, 'P_R': 31, 'P_U': 31, 'P_S': 28, 'P_Q': 11} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Exog4' ['Exog4=P_R'] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 0 [] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Exog2' {'Mean': 6.411764705882353, 'StdDev': 3.4365094970361736} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 0 [] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'Ozone' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_ConstantTrend_residue_Cycle_12_residue_ARX(51)', 'Voting': 923.0, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.7249, 'Forecast_MASE_2': 0.6935, 'Forecast_MASE_3': 0.6743, 'Forecast_MASE_4': 0.7015, 'Forecast_MASE_5': 0.7129, 'Forecast_MASE_6': 0.721, 'Forecast_MASE_7': 0.728, 'Forecast_MASE_8': 0.728, 'Forecast_MASE_9': 0.729, 'Forecast_MASE_10': 0.7305, 'Forecast_MASE_11': 0.7311, 'Forecast_MASE_12': 0.7323} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 1 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_ConstantTrend_residue_Seasonal_MonthOfYear_residue_ARX(51)', 'Voting': 923.0, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.7249, 'Forecast_MASE_2': 0.6935, 'Forecast_MASE_3': 0.6743, 'Forecast_MASE_4': 0.7015, 'Forecast_MASE_5': 0.7129, 'Forecast_MASE_6': 0.721, 'Forecast_MASE_7': 0.728, 'Forecast_MASE_8': 0.728, 'Forecast_MASE_9': 0.729, 'Forecast_MASE_10': 0.7305, 'Forecast_MASE_11': 0.7311, 'Forecast_MASE_12': 0.7323} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 2 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR', 'Voting': 914.3333, 'Complexity': 'SSSSS', 'Forecast_MASE_1': 0.7396, 'Forecast_MASE_2': 0.7396, 'Forecast_MASE_3': 0.7396, 'Forecast_MASE_4': 0.7396, 'Forecast_MASE_5': 0.7396, 'Forecast_MASE_6': 0.7396, 'Forecast_MASE_7': 0.7396, 'Forecast_MASE_8': 0.7396, 'Forecast_MASE_9': 0.7396, 'Forecast_MASE_10': 0.7396, 'Forecast_MASE_11': 0.7396, 'Forecast_MASE_12': 0.7396} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 3 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_NoAR', 'Voting': 914.3333, 'Complexity': 'SSSSS', 'Forecast_MASE_1': 0.7396, 'Forecast_MASE_2': 0.7396, 'Forecast_MASE_3': 0.7396, 'Forecast_MASE_4': 0.7396, 'Forecast_MASE_5': 0.7396, 'Forecast_MASE_6': 0.7396, 'Forecast_MASE_7': 0.7396, 'Forecast_MASE_8': 0.7396, 'Forecast_MASE_9': 0.7396, 'Forecast_MASE_10': 0.7396, 'Forecast_MASE_11': 0.7396, 'Forecast_MASE_12': 0.7396} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_ConstantTrend_residue_Cycle_12_residue_ARX(51)', 'Voting': 929.4167, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6717, 'Forecast_MASE_2': 0.6785, 'Forecast_MASE_3': 0.6586, 'Forecast_MASE_4': 0.6677, 'Forecast_MASE_5': 0.6759, 'Forecast_MASE_6': 0.6826, 'Forecast_MASE_7': 0.6837, 'Forecast_MASE_8': 0.6856, 'Forecast_MASE_9': 0.6862, 'Forecast_MASE_10': 0.6865, 'Forecast_MASE_11': 0.6865, 'Forecast_MASE_12': 0.6866} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 1 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_ConstantTrend_residue_Seasonal_MonthOfYear_residue_ARX(51)', 'Voting': 929.4167, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6717, 'Forecast_MASE_2': 0.6785, 'Forecast_MASE_3': 0.6586, 'Forecast_MASE_4': 0.6677, 'Forecast_MASE_5': 0.6759, 'Forecast_MASE_6': 0.6826, 'Forecast_MASE_7': 0.6837, 'Forecast_MASE_8': 0.6856, 'Forecast_MASE_9': 0.6862, 'Forecast_MASE_10': 0.6865, 'Forecast_MASE_11': 0.6865, 'Forecast_MASE_12': 0.6866} INFO:pyaf.std:COMPETITION_DETAIL_END 'Ozone' INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_arx_ozone_204_Ozone_Trend_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_arx_ozone_204_Ozone_Cycle_decomp_output.png') @@ -48,13 +66,16 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_arx_ozone_204_Ozone_Forecast_ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_arx_ozone_204_Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_arx_ozone_204_Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.485 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.3 Forecast Columns Index(['Time', 'Ozone', 'Ozone_scaled', '_Ozone', 'row_number', - 'Time_Normalized', '_Ozone_LinearTrend', '_Ozone_LinearTrend_residue', - 'cycle_internal', '_Ozone_LinearTrend_residue_Cycle_12', - '_Ozone_LinearTrend_residue_Cycle_12_residue', - '_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR', - '_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR_residue', + 'Time_Normalized', '_Ozone_ConstantTrend', + '_Ozone_ConstantTrend_residue', 'cycle_internal', + '_Ozone_ConstantTrend_residue_Cycle_12', + '_Ozone_ConstantTrend_residue_Cycle_12_residue', 'Exog3=AQ', 'Exog3=AR', + 'Exog3=AS', 'Exog3=AT', 'Exog3=AU', 'Exog4=P_T', 'Exog4=P_R', + 'Exog4=P_U', 'Exog4=P_S', 'Exog4=P_Q', 'Exog2', + '_Ozone_ConstantTrend_residue_Cycle_12_residue_ARX(51)', + '_Ozone_ConstantTrend_residue_Cycle_12_residue_ARX(51)_residue', 'Ozone_Transformed', '_Ozone_Trend', '_Ozone_Trend_residue', '_Ozone_Cycle', '_Ozone_Cycle_residue', '_Ozone_AR', '_Ozone_AR_residue', '_Ozone_TransformedForecast', '_Ozone_Detrended', @@ -78,31 +99,65 @@ dtypes: datetime64[ns](1), float64(2) memory usage: 5.2 KB None Forecasts - [[Timestamp('1972-01-01 00:00:00') nan 0.8459298458497534] - [Timestamp('1972-02-01 00:00:00') nan 0.9676430154043836] - [Timestamp('1972-03-01 00:00:00') nan 1.5348604913361081] - [Timestamp('1972-04-01 00:00:00') nan 2.1348604913361084] - [Timestamp('1972-05-01 00:00:00') nan 2.256573660890739] - [Timestamp('1972-06-01 00:00:00') nan 3.113147321781478] - [Timestamp('1972-07-01 00:00:00') nan 3.6348604913361084] - [Timestamp('1972-08-01 00:00:00') nan 3.756573660890739] - [Timestamp('1972-09-01 00:00:00') nan 3.3565736608907386] - [Timestamp('1972-10-01 00:00:00') nan 3.1569867678395322] - [Timestamp('1972-11-01 00:00:00') nan 1.895504306377094] - [Timestamp('1972-12-01 00:00:00') nan 0.9063608911544095]] + [[Timestamp('1972-01-01 00:00:00') nan 0.8915892019649655] + [Timestamp('1972-02-01 00:00:00') nan 1.313665000814538] + [Timestamp('1972-03-01 00:00:00') nan 1.9933226187501751] + [Timestamp('1972-04-01 00:00:00') nan 2.9088695529093203] + [Timestamp('1972-05-01 00:00:00') nan 2.9426048334321533] + [Timestamp('1972-06-01 00:00:00') nan 4.062900302747548] + [Timestamp('1972-07-01 00:00:00') nan 4.62880115342756] + [Timestamp('1972-08-01 00:00:00') nan 4.7113524170185475] + [Timestamp('1972-09-01 00:00:00') nan 4.235346551703286] + [Timestamp('1972-10-01 00:00:00') nan 4.164504260606776] + [Timestamp('1972-11-01 00:00:00') nan 2.5564793095093377] + [Timestamp('1972-12-01 00:00:00') nan 1.8283739855453387]] { "Ozone": { "Complexity": { - "AR": "S", + "AR": "L", "Cycle": "S", "Decomposition": "S", "Transformation": "S", "Trend": "S" }, "Dataset": { + "Exogenous_Data": { + "Categorical_Variables": { + "Exog3": { + "AQ": 13, + "AR": 13, + "AS": 13, + "AT": 13, + "AU": 13 + }, + "Exog4": { + "P_Q": 11, + "P_R": 31, + "P_S": 28, + "P_T": 38, + "P_U": 31 + } + }, + "Categorical_Variables_Excluded": [], + "Categorical_Variables_Usage": { + "Exog3": [ + "Exog3=AQ" + ], + "Exog4": [ + "Exog4=P_R" + ] + }, + "Continuous_Variables": { + "Exog2": { + "Mean": 6.411764705882353, + "StdDev": 3.4365094970361736 + } + }, + "Continuous_Variables_Excluded": [] + }, "Signal": "Ozone", "Time": { "Horizon": 12, @@ -114,60 +169,60 @@ Forecasts "Training_Signal_Length": 204 }, "Model": { - "AR_Model": "NoAR", - "Best_Decomposition": "_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR", + "AR_Model": "ARX", + "Best_Decomposition": "_Ozone_ConstantTrend_residue_Cycle_12_residue_ARX(51)", "Cycle": "Cycle_12", "Signal_Decomposition_Type": "T+S+R", "Signal_Transoformation": "NoTransf", - "Trend": "LinearTrend" + "Trend": "ConstantTrend" }, "Model_Performance": { "1": { - "AUC": 0.595, - "DiffSMAPE": 0.204, - "ErrorMean": -0.419, - "ErrorStdDev": 0.5592, - "KS": 0.2308, - "KendallTau": 0.7381, + "AUC": 0.4701, + "DiffSMAPE": 0.1513, + "ErrorMean": 0.1398, + "ErrorStdDev": 0.659, + "KS": 0.2051, + "KendallTau": 0.6781, "Length": 39, - "LnQ": 2.5841, - "MAE": 0.5742, - "MAPE": 0.1847, - "MASE": 0.7396, - "MannWhitneyU": 905.0, - "MedAE": 0.5987, - "Pearson": 0.8623, - "R2": 0.5848, - "RMSE": 0.6988, - "RMSSE": 0.7443, - "SMAPE": 0.2082, + "LnQ": 1.4172, + "MAE": 0.5214, + "MAPE": 0.1617, + "MASE": 0.6717, + "MannWhitneyU": 715.0, + "MedAE": 0.3901, + "Pearson": 0.835, + "R2": 0.614, + "RMSE": 0.6737, + "RMSSE": 0.7176, + "SMAPE": 0.1538, "Signal": "Ozone_Forecast_1" }, "12": { - "AUC": 0.595, - "DiffSMAPE": 0.204, - "ErrorMean": -0.419, - "ErrorStdDev": 0.5592, - "KS": 0.2308, + "AUC": 0.4254, + "DiffSMAPE": 0.1565, + "ErrorMean": 0.36, + "ErrorStdDev": 0.6066, + "KS": 0.2564, "KendallTau": 0.7381, "Length": 39, - "LnQ": 2.5841, - "MAE": 0.5742, - "MAPE": 0.1847, - "MASE": 0.7396, - "MannWhitneyU": 905.0, - "MedAE": 0.5987, - "Pearson": 0.8623, - "R2": 0.5848, - "RMSE": 0.6988, - "RMSSE": 0.7443, - "SMAPE": 0.2082, + "LnQ": 1.6828, + "MAE": 0.533, + "MAPE": 0.1814, + "MASE": 0.6866, + "MannWhitneyU": 647.0, + "MedAE": 0.3826, + "Pearson": 0.8557, + "R2": 0.5769, + "RMSE": 0.7054, + "RMSSE": 0.7514, + "SMAPE": 0.1591, "Signal": "Ozone_Forecast_12" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 36.129 + "Training_Time": 9.601 } @@ -175,7 +230,8 @@ Forecasts -{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":1.0012517534,"193":1.1229649229,"194":1.6906079383,"195":2.2906079383,"196":2.4123211079,"197":3.2688947688,"198":3.7906079383,"199":3.9123211079,"200":3.5123211079,"201":3.3127342148,"202":2.0512517534,"203":1.0621083381,"204":0.8459298458,"205":0.9676430154,"206":1.5348604913,"207":2.1348604913,"208":2.2565736609,"209":3.1131473218,"210":3.6348604913,"211":3.7565736609,"212":3.3565736609,"213":3.1569867678,"214":1.8955043064,"215":0.9063608912}} +{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":1.3456907645,"193":1.977422325,"194":2.4382689078,"195":3.1267650607,"196":3.1623313959,"197":4.0509984473,"198":4.73683338,"199":4.5612059326,"200":3.8599803408,"201":3.6710350223,"202":1.7251804814,"203":1.110600548,"204":0.891589202,"205":1.3136650008,"206":1.9933226188,"207":2.9088695529,"208":2.9426048334,"209":4.0629003027,"210":4.6288011534,"211":4.711352417,"212":4.2353465517,"213":4.1645042606,"214":2.5564793095,"215":1.8283739855}} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/exog/test_ozone_exogenous.py', 'ElapsedTimeSecs':(16.49, 0.59, 39.79), 'MAX_MEM_KB':224276, 'CPU_PRCNT':'244%', 'FILES_IN':0, 'FILES_OUT':2264, 'EXIT_STATUS':0} diff --git a/tests/references/exog/test_ozone_exogenous_ARX.log b/tests/references/exog/test_ozone_exogenous_ARX.log index a5d5d67ec..7423bc461 100644 --- a/tests/references/exog/test_ozone_exogenous_ARX.log +++ b/tests/references/exog/test_ozone_exogenous_ARX.log @@ -5,7 +5,7 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 2 1955-03 3 AS P_S 3.6 1955-03-01 3 1955-04 4 AT P_U 5.0 1955-04-01 4 1955-05 5 AU P_V 6.5 1955-05-01 -INFO:pyaf.std:TRAINING_ENGINE_END 28.273 +INFO:pyaf.std:TRAINING_ENGINE_END 5.621 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -16,12 +16,12 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_ConstantTrend_residue_Cycle_12_residue INFO:pyaf.std:TREND_DETAIL '_Ozone_ConstantTrend' [ConstantTrend] INFO:pyaf.std:CYCLE_DETAIL '_Ozone_ConstantTrend_residue_Cycle_12' [Cycle_12] INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_ConstantTrend_residue_Cycle_12_residue_ARX(51)' [ARX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1551, 'RMSE': 0.7669, 'MAE': 0.5749, 'MASE': 0.6541} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1798, 'RMSE': 0.6886, 'MAE': 0.5628, 'MASE': 0.7249} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2158, 'RMSE': 0.7594, 'MAE': 0.5835, 'MASE': 1.2344} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1611, 'RMSE': 0.7856, 'MAE': 0.6092, 'MASE': 0.6931} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1878, 'RMSE': 0.7209, 'MAE': 0.5685, 'MASE': 0.7323} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.4542, 'RMSE': 1.2603, 'MAE': 1.1034, 'MASE': 2.334} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1436, 'RMSE': 0.7382, 'MAE': 0.5442, 'MASE': 0.6191} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1617, 'RMSE': 0.6737, 'MAE': 0.5214, 'MASE': 0.6717} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.223, 'RMSE': 0.7651, 'MAE': 0.5999, 'MASE': 1.269} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1421, 'RMSE': 0.7533, 'MAE': 0.5567, 'MASE': 0.6333} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1814, 'RMSE': 0.7054, 'MAE': 0.533, 'MASE': 0.6866} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.4464, 'RMSE': 1.2532, 'MAE': 1.0915, 'MASE': 2.3089} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None @@ -33,16 +33,16 @@ INFO:pyaf.std:CYCLE_MODEL_DETAIL_START INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _Ozone_ConstantTrend_residue_Cycle_12 12 -0.00122 {0: -0.254553, 1: -0.214553, 2: -0.187887, 3: -0.014553, 4: -0.027887, 5: 0.065447, 6: 0.185447, 7: 0.132113, 8: 0.132113, 9: 0.105447, 10: -0.127887, 11: -0.207887} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START -INFO:pyaf.std:AR_MODEL_COEFF 1 Exog3=AQ_Lag48 -17103244021536.45 -INFO:pyaf.std:AR_MODEL_COEFF 2 Exog2_Lag48 -5343223622685.517 -INFO:pyaf.std:AR_MODEL_COEFF 3 Exog2_Lag37 5343223622685.494 -INFO:pyaf.std:AR_MODEL_COEFF 4 Exog3=AQ_Lag37 1554840539311.4038 -INFO:pyaf.std:AR_MODEL_COEFF 5 Exog3=AQ_Lag45 1554840539311.329 -INFO:pyaf.std:AR_MODEL_COEFF 6 Exog3=AQ_Lag47 1554840539311.0623 -INFO:pyaf.std:AR_MODEL_COEFF 7 Exog3=AQ_Lag39 1554840539310.9849 -INFO:pyaf.std:AR_MODEL_COEFF 8 Exog3=AQ_Lag41 1554840380070.8286 -INFO:pyaf.std:AR_MODEL_COEFF 9 Exog3=AQ_Lag43 1554840380070.7854 -INFO:pyaf.std:AR_MODEL_COEFF 10 Exog3=AQ_Lag42 1554840380070.644 +INFO:pyaf.std:AR_MODEL_COEFF 1 Exog3=AQ_Lag48 -10128237918717.85 +INFO:pyaf.std:AR_MODEL_COEFF 2 Exog2_Lag37 3164162309520.246 +INFO:pyaf.std:AR_MODEL_COEFF 3 Exog2_Lag48 -3164162309520.237 +INFO:pyaf.std:AR_MODEL_COEFF 4 Exog3=AQ_Lag37 920749004573.9897 +INFO:pyaf.std:AR_MODEL_COEFF 5 Exog3=AQ_Lag45 920749004573.8815 +INFO:pyaf.std:AR_MODEL_COEFF 6 Exog3=AQ_Lag47 920749004573.6156 +INFO:pyaf.std:AR_MODEL_COEFF 7 Exog3=AQ_Lag39 920749004573.6018 +INFO:pyaf.std:AR_MODEL_COEFF 8 Exog3=AQ_Lag41 920748910274.5393 +INFO:pyaf.std:AR_MODEL_COEFF 9 Exog3=AQ_Lag43 920748910274.4355 +INFO:pyaf.std:AR_MODEL_COEFF 10 Exog3=AQ_Lag42 920748910274.3071 INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'Exog3' {'AQ': 13, 'AR': 13, 'AS': 13, 'AT': 13, 'AU': 13} @@ -54,8 +54,8 @@ INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Exog2' {'Mean': 6.4117647058 INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 0 [] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'Ozone' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_ConstantTrend_residue_Cycle_12_residue_ARX(51)', 'Voting': 305.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.7249, 'Forecast_MASE_2': 0.6935, 'Forecast_MASE_3': 0.6743, 'Forecast_MASE_4': 0.7015, 'Forecast_MASE_5': 0.7129, 'Forecast_MASE_6': 0.721, 'Forecast_MASE_7': 0.728, 'Forecast_MASE_8': 0.728, 'Forecast_MASE_9': 0.729, 'Forecast_MASE_10': 0.7305, 'Forecast_MASE_11': 0.7311, 'Forecast_MASE_12': 0.7323} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 1 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_ConstantTrend_residue_Seasonal_MonthOfYear_residue_ARX(51)', 'Voting': 305.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.7249, 'Forecast_MASE_2': 0.6935, 'Forecast_MASE_3': 0.6743, 'Forecast_MASE_4': 0.7015, 'Forecast_MASE_5': 0.7129, 'Forecast_MASE_6': 0.721, 'Forecast_MASE_7': 0.728, 'Forecast_MASE_8': 0.728, 'Forecast_MASE_9': 0.729, 'Forecast_MASE_10': 0.7305, 'Forecast_MASE_11': 0.7311, 'Forecast_MASE_12': 0.7323} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_ConstantTrend_residue_Cycle_12_residue_ARX(51)', 'Voting': 305.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6717, 'Forecast_MASE_2': 0.6785, 'Forecast_MASE_3': 0.6586, 'Forecast_MASE_4': 0.6677, 'Forecast_MASE_5': 0.6759, 'Forecast_MASE_6': 0.6826, 'Forecast_MASE_7': 0.6837, 'Forecast_MASE_8': 0.6856, 'Forecast_MASE_9': 0.6862, 'Forecast_MASE_10': 0.6865, 'Forecast_MASE_11': 0.6865, 'Forecast_MASE_12': 0.6866} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 1 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_ConstantTrend_residue_Seasonal_MonthOfYear_residue_ARX(51)', 'Voting': 305.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6717, 'Forecast_MASE_2': 0.6785, 'Forecast_MASE_3': 0.6586, 'Forecast_MASE_4': 0.6677, 'Forecast_MASE_5': 0.6759, 'Forecast_MASE_6': 0.6826, 'Forecast_MASE_7': 0.6837, 'Forecast_MASE_8': 0.6856, 'Forecast_MASE_9': 0.6862, 'Forecast_MASE_10': 0.6865, 'Forecast_MASE_11': 0.6865, 'Forecast_MASE_12': 0.6866} INFO:pyaf.std:COMPETITION_DETAIL_END 'Ozone' INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_arx_ozone_204_Ozone_Trend_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_arx_ozone_204_Ozone_Cycle_decomp_output.png') @@ -65,7 +65,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_arx_ozone_204_Ozone_Forecast_ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_arx_ozone_204_Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_arx_ozone_204_Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.873 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.304 Forecast Columns Index(['Time', 'Ozone', 'Ozone_scaled', '_Ozone', 'row_number', 'Time_Normalized', '_Ozone_ConstantTrend', '_Ozone_ConstantTrend_residue', 'cycle_internal', @@ -98,18 +98,18 @@ dtypes: datetime64[ns](1), float64(2) memory usage: 5.2 KB None Forecasts - [[Timestamp('1972-01-01 00:00:00') nan 0.8396787951665047] - [Timestamp('1972-02-01 00:00:00') nan 1.2205408397973847] - [Timestamp('1972-03-01 00:00:00') nan 2.191341231859366] - [Timestamp('1972-04-01 00:00:00') nan 2.8817609715255443] - [Timestamp('1972-05-01 00:00:00') nan 3.1847538541387044] - [Timestamp('1972-06-01 00:00:00') nan 3.8135036719298823] - [Timestamp('1972-07-01 00:00:00') nan 4.710002448190159] - [Timestamp('1972-08-01 00:00:00') nan 4.819196552298577] - [Timestamp('1972-09-01 00:00:00') nan 4.017355500156997] - [Timestamp('1972-10-01 00:00:00') nan 3.929210737077917] - [Timestamp('1972-11-01 00:00:00') nan 2.75249172097672] - [Timestamp('1972-12-01 00:00:00') nan 1.8651771541871314]] + [[Timestamp('1972-01-01 00:00:00') nan 0.8915892019649655] + [Timestamp('1972-02-01 00:00:00') nan 1.313665000814538] + [Timestamp('1972-03-01 00:00:00') nan 1.9933226187501751] + [Timestamp('1972-04-01 00:00:00') nan 2.9088695529093203] + [Timestamp('1972-05-01 00:00:00') nan 2.9426048334321533] + [Timestamp('1972-06-01 00:00:00') nan 4.062900302747548] + [Timestamp('1972-07-01 00:00:00') nan 4.62880115342756] + [Timestamp('1972-08-01 00:00:00') nan 4.7113524170185475] + [Timestamp('1972-09-01 00:00:00') nan 4.235346551703286] + [Timestamp('1972-10-01 00:00:00') nan 4.164504260606776] + [Timestamp('1972-11-01 00:00:00') nan 2.5564793095093377] + [Timestamp('1972-12-01 00:00:00') nan 1.8283739855453387]] @@ -177,51 +177,51 @@ Forecasts }, "Model_Performance": { "1": { - "AUC": 0.451, - "DiffSMAPE": 0.1717, - "ErrorMean": 0.1374, - "ErrorStdDev": 0.6748, - "KS": 0.2308, - "KendallTau": 0.6835, + "AUC": 0.4701, + "DiffSMAPE": 0.1513, + "ErrorMean": 0.1398, + "ErrorStdDev": 0.659, + "KS": 0.2051, + "KendallTau": 0.6781, "Length": 39, - "LnQ": 1.7103, - "MAE": 0.5628, - "MAPE": 0.1798, - "MASE": 0.7249, - "MannWhitneyU": 686.0, - "MedAE": 0.5184, - "Pearson": 0.8393, - "R2": 0.5967, - "RMSE": 0.6886, - "RMSSE": 0.7335, - "SMAPE": 0.1748, + "LnQ": 1.4172, + "MAE": 0.5214, + "MAPE": 0.1617, + "MASE": 0.6717, + "MannWhitneyU": 715.0, + "MedAE": 0.3901, + "Pearson": 0.835, + "R2": 0.614, + "RMSE": 0.6737, + "RMSSE": 0.7176, + "SMAPE": 0.1538, "Signal": "Ozone_Forecast_1" }, "12": { - "AUC": 0.4057, - "DiffSMAPE": 0.1632, - "ErrorMean": 0.3961, - "ErrorStdDev": 0.6023, - "KS": 0.2821, - "KendallTau": 0.714, + "AUC": 0.4254, + "DiffSMAPE": 0.1565, + "ErrorMean": 0.36, + "ErrorStdDev": 0.6066, + "KS": 0.2564, + "KendallTau": 0.7381, "Length": 39, - "LnQ": 1.6607, - "MAE": 0.5685, - "MAPE": 0.1878, - "MASE": 0.7323, - "MannWhitneyU": 617.0, - "MedAE": 0.3986, - "Pearson": 0.8635, - "R2": 0.558, - "RMSE": 0.7209, - "RMSSE": 0.7679, - "SMAPE": 0.1658, + "LnQ": 1.6828, + "MAE": 0.533, + "MAPE": 0.1814, + "MASE": 0.6866, + "MannWhitneyU": 647.0, + "MedAE": 0.3826, + "Pearson": 0.8557, + "R2": 0.5769, + "RMSE": 0.7054, + "RMSSE": 0.7514, + "SMAPE": 0.1591, "Signal": "Ozone_Forecast_12" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 28.273 + "Training_Time": 5.621 } @@ -229,7 +229,8 @@ Forecasts -{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":1.7185850452,"193":1.7771814648,"194":2.3524740444,"195":3.2992414403,"196":3.3312382291,"197":3.7805446876,"198":4.8976855537,"199":4.6956003609,"200":3.566916047,"201":3.5483513621,"202":1.785694846,"203":1.0595130917,"204":0.8396787952,"205":1.2205408398,"206":2.1913412319,"207":2.8817609715,"208":3.1847538541,"209":3.8135036719,"210":4.7100024482,"211":4.8191965523,"212":4.0173555002,"213":3.9292107371,"214":2.752491721,"215":1.8651771542}} +{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":1.3456907645,"193":1.977422325,"194":2.4382689078,"195":3.1267650607,"196":3.1623313959,"197":4.0509984473,"198":4.73683338,"199":4.5612059326,"200":3.8599803408,"201":3.6710350223,"202":1.7251804814,"203":1.110600548,"204":0.891589202,"205":1.3136650008,"206":1.9933226188,"207":2.9088695529,"208":2.9426048334,"209":4.0629003027,"210":4.6288011534,"211":4.711352417,"212":4.2353465517,"213":4.1645042606,"214":2.5564793095,"215":1.8283739855}} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/exog/test_ozone_exogenous_ARX.py', 'ElapsedTimeSecs':(12.49, 0.50, 24.19), 'MAX_MEM_KB':223692, 'CPU_PRCNT':'197%', 'FILES_IN':0, 'FILES_OUT':2272, 'EXIT_STATUS':0} diff --git a/tests/references/exog/test_ozone_exogenous_LSTMX.log b/tests/references/exog/test_ozone_exogenous_LSTMX.log index 23d4e2263..db0493608 100644 --- a/tests/references/exog/test_ozone_exogenous_LSTMX.log +++ b/tests/references/exog/test_ozone_exogenous_LSTMX.log @@ -5,24 +5,23 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 2 1955-03 3 AS P_S 3.6 1955-03-01 3 1955-04 4 AT P_U 5.0 1955-04-01 4 1955-05 5 AU P_V 6.5 1955-05-01 -INFO:pyaf.std:TRAINING_ENGINE_END 79.522 +INFO:pyaf.std:TRAINING_ENGINE_END 3.39 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 -INFO:pyaf.std:EXOGENOUS_DATA ['Exog2', 'Exog3', 'Exog4'] INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_LinearTrend_residue_Cycle_12_residue_LSTMX(51)' [LinearTrend + Cycle_12 + LSTMX(51)] +INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR' [LinearTrend + Cycle_12 + NoAR] INFO:pyaf.std:TREND_DETAIL '_Ozone_LinearTrend' [LinearTrend] INFO:pyaf.std:CYCLE_DETAIL '_Ozone_LinearTrend_residue_Cycle_12' [Cycle_12] -INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_LinearTrend_residue_Cycle_12_residue_LSTMX(51)' [LSTMX(51)] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1852, 'RMSE': 0.9067, 'MAE': 0.6924, 'MASE': 0.7877} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1798, 'RMSE': 0.6978, 'MAE': 0.5584, 'MASE': 0.7193} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2388, 'RMSE': 0.6537, 'MAE': 0.5433, 'MASE': 1.1492} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1835, 'RMSE': 0.9056, 'MAE': 0.6896, 'MASE': 0.7846} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1759, 'RMSE': 0.6675, 'MAE': 0.5437, 'MASE': 0.7003} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.2507, 'RMSE': 0.6601, 'MAE': 0.5631, 'MASE': 1.1913} -INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] +INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR' [NoAR] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1768, 'RMSE': 0.9074, 'MAE': 0.6789, 'MASE': 0.7724} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1847, 'RMSE': 0.6988, 'MAE': 0.5742, 'MASE': 0.7396} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2261, 'RMSE': 0.5934, 'MAE': 0.5213, 'MASE': 1.1027} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1768, 'RMSE': 0.9074, 'MAE': 0.6789, 'MASE': 0.7724} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1847, 'RMSE': 0.6988, 'MAE': 0.5742, 'MASE': 0.7396} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.2261, 'RMSE': 0.5934, 'MAE': 0.5213, 'MASE': 1.1027} +INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'S'} [SSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END @@ -33,27 +32,10 @@ INFO:pyaf.std:CYCLE_MODEL_DETAIL_START INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _Ozone_LinearTrend_residue_Cycle_12 12 -0.000408 {0: -0.214023, 1: -0.196036, 2: -0.118761, 3: -0.037002, 4: -0.019072, 5: 0.096897, 6: 0.168161, 7: 0.186148, 8: 0.134574, 9: 0.109664, 10: -0.056774, 11: -0.186958} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START -INFO:pyaf.std:MODEL_TYPE PYTORCH -INFO:pyaf.std:PYTORCH_MODEL_ARCHITECTURE [Sequential( - (0): cLSTMWithOneOutput( - (mLSTM): LSTM(612, 51) - ) - (1): Dropout(p=0.1, inplace=False) - (2): Linear(in_features=51, out_features=1, bias=True) -)] INFO:pyaf.std:AR_MODEL_DETAIL_END -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'Exog3' {'AQ': 13, 'AR': 13, 'AS': 13, 'AT': 13, 'AU': 13} -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Exog3' ['Exog3=AQ', 'Exog3=AR', 'Exog3=AS', 'Exog3=AT', 'Exog3=AU'] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'Exog4' {'P_T': 38, 'P_R': 31, 'P_U': 31, 'P_S': 28, 'P_Q': 11} -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Exog4' ['Exog4=P_T', 'Exog4=P_R', 'Exog4=P_U', 'Exog4=P_S', 'Exog4=P_Q'] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 0 [] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Exog2' {'Mean': 6.411764705882353, 'StdDev': 3.4365094970361736} -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 0 [] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'Ozone' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_LinearTrend_residue_Cycle_12_residue_LSTMX(51)', 'Voting': 305.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.7193, 'Forecast_MASE_2': 0.7035, 'Forecast_MASE_3': 0.6999, 'Forecast_MASE_4': 0.7004, 'Forecast_MASE_5': 0.7003, 'Forecast_MASE_6': 0.7003, 'Forecast_MASE_7': 0.7003, 'Forecast_MASE_8': 0.7003, 'Forecast_MASE_9': 0.7003, 'Forecast_MASE_10': 0.7003, 'Forecast_MASE_11': 0.7003, 'Forecast_MASE_12': 0.7003} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 1 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_LSTMX(51)', 'Voting': 305.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.7193, 'Forecast_MASE_2': 0.7035, 'Forecast_MASE_3': 0.6999, 'Forecast_MASE_4': 0.7004, 'Forecast_MASE_5': 0.7003, 'Forecast_MASE_6': 0.7003, 'Forecast_MASE_7': 0.7003, 'Forecast_MASE_8': 0.7003, 'Forecast_MASE_9': 0.7003, 'Forecast_MASE_10': 0.7003, 'Forecast_MASE_11': 0.7003, 'Forecast_MASE_12': 0.7003} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR', 'Voting': 299.5, 'Complexity': 'SSSSS', 'Forecast_MASE_1': 0.7396, 'Forecast_MASE_2': 0.7396, 'Forecast_MASE_3': 0.7396, 'Forecast_MASE_4': 0.7396, 'Forecast_MASE_5': 0.7396, 'Forecast_MASE_6': 0.7396, 'Forecast_MASE_7': 0.7396, 'Forecast_MASE_8': 0.7396, 'Forecast_MASE_9': 0.7396, 'Forecast_MASE_10': 0.7396, 'Forecast_MASE_11': 0.7396, 'Forecast_MASE_12': 0.7396} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 1 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_NoAR', 'Voting': 299.5, 'Complexity': 'SSSSS', 'Forecast_MASE_1': 0.7396, 'Forecast_MASE_2': 0.7396, 'Forecast_MASE_3': 0.7396, 'Forecast_MASE_4': 0.7396, 'Forecast_MASE_5': 0.7396, 'Forecast_MASE_6': 0.7396, 'Forecast_MASE_7': 0.7396, 'Forecast_MASE_8': 0.7396, 'Forecast_MASE_9': 0.7396, 'Forecast_MASE_10': 0.7396, 'Forecast_MASE_11': 0.7396, 'Forecast_MASE_12': 0.7396} INFO:pyaf.std:COMPETITION_DETAIL_END 'Ozone' INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_lstmx_ozone_204_Ozone_Trend_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_lstmx_ozone_204_Ozone_Cycle_decomp_output.png') @@ -63,15 +45,13 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_lstmx_ozone_204_Ozone_Forecas INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_lstmx_ozone_204_Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_lstmx_ozone_204_Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 2.776 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.178 Forecast Columns Index(['Time', 'Ozone', 'Ozone_scaled', '_Ozone', 'row_number', 'Time_Normalized', '_Ozone_LinearTrend', '_Ozone_LinearTrend_residue', 'cycle_internal', '_Ozone_LinearTrend_residue_Cycle_12', - '_Ozone_LinearTrend_residue_Cycle_12_residue', 'Exog3=AQ', 'Exog3=AR', - 'Exog3=AS', 'Exog3=AT', 'Exog3=AU', 'Exog4=P_T', 'Exog4=P_R', - 'Exog4=P_U', 'Exog4=P_S', 'Exog4=P_Q', 'Exog2', - '_Ozone_LinearTrend_residue_Cycle_12_residue_LSTMX(51)', - '_Ozone_LinearTrend_residue_Cycle_12_residue_LSTMX(51)_residue', + '_Ozone_LinearTrend_residue_Cycle_12_residue', + '_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR', + '_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR_residue', 'Ozone_Transformed', '_Ozone_Trend', '_Ozone_Trend_residue', '_Ozone_Cycle', '_Ozone_Cycle_residue', '_Ozone_AR', '_Ozone_AR_residue', '_Ozone_TransformedForecast', '_Ozone_Detrended', @@ -95,73 +75,31 @@ dtypes: datetime64[ns](1), float64(2) memory usage: 5.2 KB None Forecasts - [[Timestamp('1972-01-01 00:00:00') nan 0.8262709790456603] - [Timestamp('1972-02-01 00:00:00') nan 1.1386521126526994] - [Timestamp('1972-03-01 00:00:00') nan 1.7321049594811806] - [Timestamp('1972-04-01 00:00:00') nan 2.1700182165510666] - [Timestamp('1972-05-01 00:00:00') nan 2.217006642497312] - [Timestamp('1972-06-01 00:00:00') nan 3.4722372178643557] - [Timestamp('1972-07-01 00:00:00') nan 3.796918568157376] - [Timestamp('1972-08-01 00:00:00') nan 3.977191610853355] - [Timestamp('1972-09-01 00:00:00') nan 3.30144684066547] - [Timestamp('1972-10-01 00:00:00') nan 3.2294655735081843] - [Timestamp('1972-11-01 00:00:00') nan 1.9874090038511862] - [Timestamp('1972-12-01 00:00:00') nan 1.033241643077136]] + [[Timestamp('1972-01-01 00:00:00') nan 0.8459298458497534] + [Timestamp('1972-02-01 00:00:00') nan 0.9676430154043836] + [Timestamp('1972-03-01 00:00:00') nan 1.5348604913361081] + [Timestamp('1972-04-01 00:00:00') nan 2.1348604913361084] + [Timestamp('1972-05-01 00:00:00') nan 2.256573660890739] + [Timestamp('1972-06-01 00:00:00') nan 3.113147321781478] + [Timestamp('1972-07-01 00:00:00') nan 3.6348604913361084] + [Timestamp('1972-08-01 00:00:00') nan 3.756573660890739] + [Timestamp('1972-09-01 00:00:00') nan 3.3565736608907386] + [Timestamp('1972-10-01 00:00:00') nan 3.1569867678395322] + [Timestamp('1972-11-01 00:00:00') nan 1.895504306377094] + [Timestamp('1972-12-01 00:00:00') nan 0.9063608911544095]] { "Ozone": { "Complexity": { - "AR": "L", + "AR": "S", "Cycle": "S", "Decomposition": "S", "Transformation": "S", "Trend": "S" }, "Dataset": { - "Exogenous_Data": { - "Categorical_Variables": { - "Exog3": { - "AQ": 13, - "AR": 13, - "AS": 13, - "AT": 13, - "AU": 13 - }, - "Exog4": { - "P_Q": 11, - "P_R": 31, - "P_S": 28, - "P_T": 38, - "P_U": 31 - } - }, - "Categorical_Variables_Excluded": [], - "Categorical_Variables_Usage": { - "Exog3": [ - "Exog3=AQ", - "Exog3=AR", - "Exog3=AS", - "Exog3=AT", - "Exog3=AU" - ], - "Exog4": [ - "Exog4=P_T", - "Exog4=P_R", - "Exog4=P_U", - "Exog4=P_S", - "Exog4=P_Q" - ] - }, - "Continuous_Variables": { - "Exog2": { - "Mean": 6.411764705882353, - "StdDev": 3.4365094970361736 - } - }, - "Continuous_Variables_Excluded": [] - }, "Signal": "Ozone", "Time": { "Horizon": 12, @@ -173,8 +111,8 @@ Forecasts "Training_Signal_Length": 204 }, "Model": { - "AR_Model": "LSTMX(51)", - "Best_Decomposition": "_Ozone_LinearTrend_residue_Cycle_12_residue_LSTMX(51)", + "AR_Model": "NoAR", + "Best_Decomposition": "_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR", "Cycle": "Cycle_12", "Signal_Decomposition_Type": "T+S+R", "Signal_Transoformation": "NoTransf", @@ -182,51 +120,51 @@ Forecasts }, "Model_Performance": { "1": { - "AUC": 0.5904, - "DiffSMAPE": 0.1982, - "ErrorMean": -0.3925, - "ErrorStdDev": 0.5769, + "AUC": 0.595, + "DiffSMAPE": 0.204, + "ErrorMean": -0.419, + "ErrorStdDev": 0.5592, "KS": 0.2308, - "KendallTau": 0.7163, + "KendallTau": 0.7381, "Length": 39, - "LnQ": 2.6441, - "MAE": 0.5584, - "MAPE": 0.1798, - "MASE": 0.7193, - "MannWhitneyU": 898.0, - "MedAE": 0.5174, - "Pearson": 0.8526, - "R2": 0.5859, - "RMSE": 0.6978, - "RMSSE": 0.7433, - "SMAPE": 0.2023, + "LnQ": 2.5841, + "MAE": 0.5742, + "MAPE": 0.1847, + "MASE": 0.7396, + "MannWhitneyU": 905.0, + "MedAE": 0.5987, + "Pearson": 0.8623, + "R2": 0.5848, + "RMSE": 0.6988, + "RMSSE": 0.7443, + "SMAPE": 0.2082, "Signal": "Ozone_Forecast_1" }, "12": { - "AUC": 0.5713, - "DiffSMAPE": 0.1895, - "ErrorMean": -0.3202, - "ErrorStdDev": 0.5857, - "KS": 0.1795, - "KendallTau": 0.7135, + "AUC": 0.595, + "DiffSMAPE": 0.204, + "ErrorMean": -0.419, + "ErrorStdDev": 0.5592, + "KS": 0.2308, + "KendallTau": 0.7381, "Length": 39, - "LnQ": 2.3179, - "MAE": 0.5437, - "MAPE": 0.1759, - "MASE": 0.7003, - "MannWhitneyU": 869.0, - "MedAE": 0.4498, - "Pearson": 0.8497, - "R2": 0.6211, - "RMSE": 0.6675, - "RMSSE": 0.711, - "SMAPE": 0.1933, + "LnQ": 2.5841, + "MAE": 0.5742, + "MAPE": 0.1847, + "MASE": 0.7396, + "MannWhitneyU": 905.0, + "MedAE": 0.5987, + "Pearson": 0.8623, + "R2": 0.5848, + "RMSE": 0.6988, + "RMSSE": 0.7443, + "SMAPE": 0.2082, "Signal": "Ozone_Forecast_12" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 79.522 + "Training_Time": 3.39 } @@ -234,7 +172,8 @@ Forecasts -{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":0.8645309126,"193":0.9468611513,"194":1.8984515046,"195":2.2020749592,"196":2.4960753824,"197":3.4144836631,"198":3.6311020672,"199":4.0112519986,"200":3.5705168292,"201":3.3960982838,"202":2.1558538607,"203":1.2845629866,"204":0.826270979,"205":1.1386521127,"206":1.7321049595,"207":2.1700182166,"208":2.2170066425,"209":3.4722372179,"210":3.7969185682,"211":3.9771916109,"212":3.3014468407,"213":3.2294655735,"214":1.9874090039,"215":1.0332416431}} +{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":1.0012517534,"193":1.1229649229,"194":1.6906079383,"195":2.2906079383,"196":2.4123211079,"197":3.2688947688,"198":3.7906079383,"199":3.9123211079,"200":3.5123211079,"201":3.3127342148,"202":2.0512517534,"203":1.0621083381,"204":0.8459298458,"205":0.9676430154,"206":1.5348604913,"207":2.1348604913,"208":2.2565736609,"209":3.1131473218,"210":3.6348604913,"211":3.7565736609,"212":3.3565736609,"213":3.1569867678,"214":1.8955043064,"215":0.9063608912}} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/exog/test_ozone_exogenous_LSTMX.py', 'ElapsedTimeSecs':(9.82, 0.41, 15.44), 'MAX_MEM_KB':218884, 'CPU_PRCNT':'161%', 'FILES_IN':0, 'FILES_OUT':2232, 'EXIT_STATUS':0} diff --git a/tests/references/exog/test_ozone_exogenous_MLPX.log b/tests/references/exog/test_ozone_exogenous_MLPX.log index 2f488ed93..055c0c912 100644 --- a/tests/references/exog/test_ozone_exogenous_MLPX.log +++ b/tests/references/exog/test_ozone_exogenous_MLPX.log @@ -5,53 +5,37 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 2 1955-03 3 AS P_S 3.6 1955-03-01 3 1955-04 4 AT P_U 5.0 1955-04-01 4 1955-05 5 AU P_V 6.5 1955-05-01 -INFO:pyaf.std:TRAINING_ENGINE_END 94.906 +INFO:pyaf.std:TRAINING_ENGINE_END 3.57 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 -INFO:pyaf.std:EXOGENOUS_DATA ['Exog2', 'Exog3', 'Exog4'] INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_ConstantTrend_residue_Cycle_12_residue_MLPX(51)' [ConstantTrend + Cycle_12 + MLPX(51)] -INFO:pyaf.std:TREND_DETAIL '_Ozone_ConstantTrend' [ConstantTrend] -INFO:pyaf.std:CYCLE_DETAIL '_Ozone_ConstantTrend_residue_Cycle_12' [Cycle_12] -INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_ConstantTrend_residue_Cycle_12_residue_MLPX(51)' [MLPX(51)] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1448, 'RMSE': 0.8299, 'MAE': 0.5859, 'MASE': 0.6666} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1702, 'RMSE': 0.6498, 'MAE': 0.5046, 'MASE': 0.65} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.3715, 'RMSE': 1.1105, 'MAE': 0.9158, 'MASE': 1.9372} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1505, 'RMSE': 0.8797, 'MAE': 0.62, 'MASE': 0.7054} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1809, 'RMSE': 0.678, 'MAE': 0.5331, 'MASE': 0.6867} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.4317, 'RMSE': 1.2259, 'MAE': 1.0365, 'MASE': 2.1927} -INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] +INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR' [LinearTrend + Cycle_12 + NoAR] +INFO:pyaf.std:TREND_DETAIL '_Ozone_LinearTrend' [LinearTrend] +INFO:pyaf.std:CYCLE_DETAIL '_Ozone_LinearTrend_residue_Cycle_12' [Cycle_12] +INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR' [NoAR] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1768, 'RMSE': 0.9074, 'MAE': 0.6789, 'MASE': 0.7724} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1847, 'RMSE': 0.6988, 'MAE': 0.5742, 'MASE': 0.7396} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2261, 'RMSE': 0.5934, 'MAE': 0.5213, 'MASE': 1.1027} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1768, 'RMSE': 0.9074, 'MAE': 0.6789, 'MASE': 0.7724} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1847, 'RMSE': 0.6988, 'MAE': 0.5742, 'MASE': 0.7396} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.2261, 'RMSE': 0.5934, 'MAE': 0.5213, 'MASE': 1.1027} +INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'S'} [SSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:CONSTANT_TREND _Ozone_ConstantTrend 0.387887 +INFO:pyaf.std:LINEAR_RIDGE_TREND LinearTrend (0.519103, array([-0.262473])) INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _Ozone_ConstantTrend_residue_Cycle_12 12 -0.00122 {0: -0.254553, 1: -0.214553, 2: -0.187887, 3: -0.014553, 4: -0.027887, 5: 0.065447, 6: 0.185447, 7: 0.132113, 8: 0.132113, 9: 0.105447, 10: -0.127887, 11: -0.207887} +INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _Ozone_LinearTrend_residue_Cycle_12 12 -0.000408 {0: -0.214023, 1: -0.196036, 2: -0.118761, 3: -0.037002, 4: -0.019072, 5: 0.096897, 6: 0.168161, 7: 0.186148, 8: 0.134574, 9: 0.109664, 10: -0.056774, 11: -0.186958} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START -INFO:pyaf.std:MODEL_TYPE PYTORCH -INFO:pyaf.std:PYTORCH_MODEL_ARCHITECTURE [Sequential( - (0): Linear(in_features=612, out_features=51, bias=True) - (1): Dropout(p=0.5, inplace=False) - (2): Linear(in_features=51, out_features=1, bias=True) -)] INFO:pyaf.std:AR_MODEL_DETAIL_END -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'Exog3' {'AQ': 13, 'AR': 13, 'AS': 13, 'AT': 13, 'AU': 13} -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Exog3' ['Exog3=AQ', 'Exog3=AR', 'Exog3=AS', 'Exog3=AT', 'Exog3=AU'] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'Exog4' {'P_T': 38, 'P_R': 31, 'P_U': 31, 'P_S': 28, 'P_Q': 11} -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Exog4' ['Exog4=P_T', 'Exog4=P_R', 'Exog4=P_U', 'Exog4=P_S', 'Exog4=P_Q'] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 0 [] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Exog2' {'Mean': 6.411764705882353, 'StdDev': 3.4365094970361736} -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 0 [] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'Ozone' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_ConstantTrend_residue_Cycle_12_residue_MLPX(51)', 'Voting': 305.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.65, 'Forecast_MASE_2': 0.6856, 'Forecast_MASE_3': 0.6868, 'Forecast_MASE_4': 0.6867, 'Forecast_MASE_5': 0.6867, 'Forecast_MASE_6': 0.6868, 'Forecast_MASE_7': 0.6868, 'Forecast_MASE_8': 0.6867, 'Forecast_MASE_9': 0.6867, 'Forecast_MASE_10': 0.6867, 'Forecast_MASE_11': 0.6867, 'Forecast_MASE_12': 0.6867} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 1 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_ConstantTrend_residue_Seasonal_MonthOfYear_residue_MLPX(51)', 'Voting': 305.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.65, 'Forecast_MASE_2': 0.6856, 'Forecast_MASE_3': 0.6868, 'Forecast_MASE_4': 0.6867, 'Forecast_MASE_5': 0.6867, 'Forecast_MASE_6': 0.6868, 'Forecast_MASE_7': 0.6868, 'Forecast_MASE_8': 0.6867, 'Forecast_MASE_9': 0.6867, 'Forecast_MASE_10': 0.6867, 'Forecast_MASE_11': 0.6867, 'Forecast_MASE_12': 0.6867} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR', 'Voting': 299.5, 'Complexity': 'SSSSS', 'Forecast_MASE_1': 0.7396, 'Forecast_MASE_2': 0.7396, 'Forecast_MASE_3': 0.7396, 'Forecast_MASE_4': 0.7396, 'Forecast_MASE_5': 0.7396, 'Forecast_MASE_6': 0.7396, 'Forecast_MASE_7': 0.7396, 'Forecast_MASE_8': 0.7396, 'Forecast_MASE_9': 0.7396, 'Forecast_MASE_10': 0.7396, 'Forecast_MASE_11': 0.7396, 'Forecast_MASE_12': 0.7396} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 1 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_NoAR', 'Voting': 299.5, 'Complexity': 'SSSSS', 'Forecast_MASE_1': 0.7396, 'Forecast_MASE_2': 0.7396, 'Forecast_MASE_3': 0.7396, 'Forecast_MASE_4': 0.7396, 'Forecast_MASE_5': 0.7396, 'Forecast_MASE_6': 0.7396, 'Forecast_MASE_7': 0.7396, 'Forecast_MASE_8': 0.7396, 'Forecast_MASE_9': 0.7396, 'Forecast_MASE_10': 0.7396, 'Forecast_MASE_11': 0.7396, 'Forecast_MASE_12': 0.7396} INFO:pyaf.std:COMPETITION_DETAIL_END 'Ozone' INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_mlpx_ozone_204_Ozone_Trend_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_mlpx_ozone_204_Ozone_Cycle_decomp_output.png') @@ -61,16 +45,13 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_mlpx_ozone_204_Ozone_Forecast INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_mlpx_ozone_204_Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_mlpx_ozone_204_Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 1.432 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.181 Forecast Columns Index(['Time', 'Ozone', 'Ozone_scaled', '_Ozone', 'row_number', - 'Time_Normalized', '_Ozone_ConstantTrend', - '_Ozone_ConstantTrend_residue', 'cycle_internal', - '_Ozone_ConstantTrend_residue_Cycle_12', - '_Ozone_ConstantTrend_residue_Cycle_12_residue', 'Exog3=AQ', 'Exog3=AR', - 'Exog3=AS', 'Exog3=AT', 'Exog3=AU', 'Exog4=P_T', 'Exog4=P_R', - 'Exog4=P_U', 'Exog4=P_S', 'Exog4=P_Q', 'Exog2', - '_Ozone_ConstantTrend_residue_Cycle_12_residue_MLPX(51)', - '_Ozone_ConstantTrend_residue_Cycle_12_residue_MLPX(51)_residue', + 'Time_Normalized', '_Ozone_LinearTrend', '_Ozone_LinearTrend_residue', + 'cycle_internal', '_Ozone_LinearTrend_residue_Cycle_12', + '_Ozone_LinearTrend_residue_Cycle_12_residue', + '_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR', + '_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR_residue', 'Ozone_Transformed', '_Ozone_Trend', '_Ozone_Trend_residue', '_Ozone_Cycle', '_Ozone_Cycle_residue', '_Ozone_AR', '_Ozone_AR_residue', '_Ozone_TransformedForecast', '_Ozone_Detrended', @@ -94,73 +75,31 @@ dtypes: datetime64[ns](1), float64(2) memory usage: 5.2 KB None Forecasts - [[Timestamp('1972-01-01 00:00:00') nan 1.4062427662312986] - [Timestamp('1972-02-01 00:00:00') nan 1.9625956192612648] - [Timestamp('1972-03-01 00:00:00') nan 2.5976188595406713] - [Timestamp('1972-04-01 00:00:00') nan 3.765344737097621] - [Timestamp('1972-05-01 00:00:00') nan 3.3508254714310173] - [Timestamp('1972-06-01 00:00:00') nan 4.398691482283175] - [Timestamp('1972-07-01 00:00:00') nan 4.689012814313173] - [Timestamp('1972-08-01 00:00:00') nan 4.791988164559006] - [Timestamp('1972-09-01 00:00:00') nan 4.142895399034023] - [Timestamp('1972-10-01 00:00:00') nan 4.1412588931620125] - [Timestamp('1972-11-01 00:00:00') nan 2.4998823232948784] - [Timestamp('1972-12-01 00:00:00') nan 1.874587527662516]] + [[Timestamp('1972-01-01 00:00:00') nan 0.8459298458497534] + [Timestamp('1972-02-01 00:00:00') nan 0.9676430154043836] + [Timestamp('1972-03-01 00:00:00') nan 1.5348604913361081] + [Timestamp('1972-04-01 00:00:00') nan 2.1348604913361084] + [Timestamp('1972-05-01 00:00:00') nan 2.256573660890739] + [Timestamp('1972-06-01 00:00:00') nan 3.113147321781478] + [Timestamp('1972-07-01 00:00:00') nan 3.6348604913361084] + [Timestamp('1972-08-01 00:00:00') nan 3.756573660890739] + [Timestamp('1972-09-01 00:00:00') nan 3.3565736608907386] + [Timestamp('1972-10-01 00:00:00') nan 3.1569867678395322] + [Timestamp('1972-11-01 00:00:00') nan 1.895504306377094] + [Timestamp('1972-12-01 00:00:00') nan 0.9063608911544095]] { "Ozone": { "Complexity": { - "AR": "L", + "AR": "S", "Cycle": "S", "Decomposition": "S", "Transformation": "S", "Trend": "S" }, "Dataset": { - "Exogenous_Data": { - "Categorical_Variables": { - "Exog3": { - "AQ": 13, - "AR": 13, - "AS": 13, - "AT": 13, - "AU": 13 - }, - "Exog4": { - "P_Q": 11, - "P_R": 31, - "P_S": 28, - "P_T": 38, - "P_U": 31 - } - }, - "Categorical_Variables_Excluded": [], - "Categorical_Variables_Usage": { - "Exog3": [ - "Exog3=AQ", - "Exog3=AR", - "Exog3=AS", - "Exog3=AT", - "Exog3=AU" - ], - "Exog4": [ - "Exog4=P_T", - "Exog4=P_R", - "Exog4=P_U", - "Exog4=P_S", - "Exog4=P_Q" - ] - }, - "Continuous_Variables": { - "Exog2": { - "Mean": 6.411764705882353, - "StdDev": 3.4365094970361736 - } - }, - "Continuous_Variables_Excluded": [] - }, "Signal": "Ozone", "Time": { "Horizon": 12, @@ -172,60 +111,60 @@ Forecasts "Training_Signal_Length": 204 }, "Model": { - "AR_Model": "MLPX(51)", - "Best_Decomposition": "_Ozone_ConstantTrend_residue_Cycle_12_residue_MLPX(51)", + "AR_Model": "NoAR", + "Best_Decomposition": "_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR", "Cycle": "Cycle_12", "Signal_Decomposition_Type": "T+S+R", "Signal_Transoformation": "NoTransf", - "Trend": "ConstantTrend" + "Trend": "LinearTrend" }, "Model_Performance": { "1": { - "AUC": 0.4398, - "DiffSMAPE": 0.1535, - "ErrorMean": 0.232, - "ErrorStdDev": 0.6069, - "KS": 0.2051, - "KendallTau": 0.7054, + "AUC": 0.595, + "DiffSMAPE": 0.204, + "ErrorMean": -0.419, + "ErrorStdDev": 0.5592, + "KS": 0.2308, + "KendallTau": 0.7381, "Length": 39, - "LnQ": 1.4965, - "MAE": 0.5046, - "MAPE": 0.1702, - "MASE": 0.65, - "MannWhitneyU": 669.0, - "MedAE": 0.3679, - "Pearson": 0.8488, - "R2": 0.641, - "RMSE": 0.6498, - "RMSSE": 0.6921, - "SMAPE": 0.1562, + "LnQ": 2.5841, + "MAE": 0.5742, + "MAPE": 0.1847, + "MASE": 0.7396, + "MannWhitneyU": 905.0, + "MedAE": 0.5987, + "Pearson": 0.8623, + "R2": 0.5848, + "RMSE": 0.6988, + "RMSSE": 0.7443, + "SMAPE": 0.2082, "Signal": "Ozone_Forecast_1" }, "12": { - "AUC": 0.4385, - "DiffSMAPE": 0.1619, - "ErrorMean": 0.2477, - "ErrorStdDev": 0.6311, - "KS": 0.2051, - "KendallTau": 0.6781, + "AUC": 0.595, + "DiffSMAPE": 0.204, + "ErrorMean": -0.419, + "ErrorStdDev": 0.5592, + "KS": 0.2308, + "KendallTau": 0.7381, "Length": 39, - "LnQ": 1.6377, - "MAE": 0.5331, - "MAPE": 0.1809, - "MASE": 0.6867, - "MannWhitneyU": 667.0, - "MedAE": 0.3818, - "Pearson": 0.8377, - "R2": 0.6091, - "RMSE": 0.678, - "RMSSE": 0.7222, - "SMAPE": 0.1647, + "LnQ": 2.5841, + "MAE": 0.5742, + "MAPE": 0.1847, + "MASE": 0.7396, + "MannWhitneyU": 905.0, + "MedAE": 0.5987, + "Pearson": 0.8623, + "R2": 0.5848, + "RMSE": 0.6988, + "RMSSE": 0.7443, + "SMAPE": 0.2082, "Signal": "Ozone_Forecast_12" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 94.906 + "Training_Time": 3.57 } @@ -233,7 +172,8 @@ Forecasts -{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":1.8441840474,"193":2.1175451856,"194":2.6422399525,"195":3.3884061649,"196":3.2711932562,"197":4.3751772823,"198":4.9410526194,"199":4.9118970031,"200":4.9211784521,"201":3.9627797879,"202":2.2650545888,"203":2.0487168722,"204":1.4062427662,"205":1.9625956193,"206":2.5976188595,"207":3.7653447371,"208":3.3508254714,"209":4.3986914823,"210":4.6890128143,"211":4.7919881646,"212":4.142895399,"213":4.1412588932,"214":2.4998823233,"215":1.8745875277}} +{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":1.0012517534,"193":1.1229649229,"194":1.6906079383,"195":2.2906079383,"196":2.4123211079,"197":3.2688947688,"198":3.7906079383,"199":3.9123211079,"200":3.5123211079,"201":3.3127342148,"202":2.0512517534,"203":1.0621083381,"204":0.8459298458,"205":0.9676430154,"206":1.5348604913,"207":2.1348604913,"208":2.2565736609,"209":3.1131473218,"210":3.6348604913,"211":3.7565736609,"212":3.3565736609,"213":3.1569867678,"214":1.8955043064,"215":0.9063608912}} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/exog/test_ozone_exogenous_MLPX.py', 'ElapsedTimeSecs':(10.16, 0.42, 16.51), 'MAX_MEM_KB':219032, 'CPU_PRCNT':'166%', 'FILES_IN':0, 'FILES_OUT':2224, 'EXIT_STATUS':0} diff --git a/tests/references/exog/test_ozone_exogenous_XGBX.log b/tests/references/exog/test_ozone_exogenous_XGBX.log index d6e8469ce..b61fd030a 100644 --- a/tests/references/exog/test_ozone_exogenous_XGBX.log +++ b/tests/references/exog/test_ozone_exogenous_XGBX.log @@ -5,44 +5,46 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 2 1955-03 3 AS P_S 3.6 1955-03-01 3 1955-04 4 AT P_U 5.0 1955-04-01 4 1955-05 5 AU P_V 6.5 1955-05-01 -INFO:pyaf.std:TRAINING_ENGINE_END 32.205 +INFO:pyaf.std:TRAINING_ENGINE_END 6.456 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 INFO:pyaf.std:EXOGENOUS_DATA ['Exog2', 'Exog3', 'Exog4'] INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_LinearTrend_residue_zeroCycle[0.0]_residue_XGBX(51)' [LinearTrend + NoCycle + XGBX] -INFO:pyaf.std:TREND_DETAIL '_Ozone_LinearTrend' [LinearTrend] -INFO:pyaf.std:CYCLE_DETAIL '_Ozone_LinearTrend_residue_zeroCycle[0.0]' [NoCycle] -INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_LinearTrend_residue_zeroCycle[0.0]_residue_XGBX(51)' [XGBX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1358, 'RMSE': 0.6121, 'MAE': 0.4731, 'MASE': 0.5383} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1743, 'RMSE': 0.6538, 'MAE': 0.5431, 'MASE': 0.6995} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.1484, 'RMSE': 0.5042, 'MAE': 0.3946, 'MASE': 0.8347} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.2192, 'RMSE': 0.9257, 'MAE': 0.7415, 'MASE': 0.8436} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1582, 'RMSE': 0.6263, 'MAE': 0.4963, 'MASE': 0.6392} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.2055, 'RMSE': 0.6895, 'MAE': 0.5495, 'MASE': 1.1625} +INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(51)' [ConstantTrend + NoCycle + XGBX] +INFO:pyaf.std:TREND_DETAIL '_Ozone_ConstantTrend' [ConstantTrend] +INFO:pyaf.std:CYCLE_DETAIL '_Ozone_ConstantTrend_residue_zeroCycle[0.0]' [NoCycle] +INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(51)' [XGBX] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1215, 'RMSE': 0.5911, 'MAE': 0.4545, 'MASE': 0.5171} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1809, 'RMSE': 0.7152, 'MAE': 0.5299, 'MASE': 0.6825} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2993, 'RMSE': 0.7149, 'MAE': 0.6556, 'MASE': 1.3868} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1686, 'RMSE': 1.0614, 'MAE': 0.7092, 'MASE': 0.8068} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1761, 'RMSE': 0.6826, 'MAE': 0.4889, 'MASE': 0.6297} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.4271, 'RMSE': 1.2287, 'MAE': 1.0025, 'MASE': 2.1207} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:LINEAR_RIDGE_TREND LinearTrend (0.519103, array([-0.262473])) +INFO:pyaf.std:CONSTANT_TREND _Ozone_ConstantTrend 0.387887 INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:ZERO_CYCLE_MODEL_VALUES _Ozone_LinearTrend_residue_zeroCycle[0.0] 0.0 {} +INFO:pyaf.std:ZERO_CYCLE_MODEL_VALUES _Ozone_ConstantTrend_residue_zeroCycle[0.0] 0.0 {} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'Exog3' {'AQ': 13, 'AR': 13, 'AS': 13, 'AT': 13, 'AU': 13} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Exog3' ['Exog3=AQ'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'Exog4' {'P_T': 38, 'P_R': 31, 'P_U': 31, 'P_S': 28, 'P_Q': 11} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Exog4' ['Exog4=P_R'] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 1 ['Exog3'] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 0 [] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Exog2' {'Mean': 6.411764705882353, 'StdDev': 3.4365094970361736} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 0 [] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'Ozone' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_LinearTrend_residue_zeroCycle[0.0]_residue_XGBX(51)', 'Voting': 305.4167, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6995, 'Forecast_MASE_2': 0.6303, 'Forecast_MASE_3': 0.611, 'Forecast_MASE_4': 0.6539, 'Forecast_MASE_5': 0.6715, 'Forecast_MASE_6': 0.6656, 'Forecast_MASE_7': 0.6715, 'Forecast_MASE_8': 0.6527, 'Forecast_MASE_9': 0.6392, 'Forecast_MASE_10': 0.6392, 'Forecast_MASE_11': 0.6392, 'Forecast_MASE_12': 0.6392} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(51)', 'Voting': 303.4167, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6825, 'Forecast_MASE_2': 0.6657, 'Forecast_MASE_3': 0.6523, 'Forecast_MASE_4': 0.6278, 'Forecast_MASE_5': 0.6094, 'Forecast_MASE_6': 0.6085, 'Forecast_MASE_7': 0.6575, 'Forecast_MASE_8': 0.6425, 'Forecast_MASE_9': 0.6297, 'Forecast_MASE_10': 0.6297, 'Forecast_MASE_11': 0.6336, 'Forecast_MASE_12': 0.6297} INFO:pyaf.std:COMPETITION_DETAIL_END 'Ozone' INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_xgbx_ozone_204_Ozone_Trend_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_xgbx_ozone_204_Ozone_Cycle_decomp_output.png') @@ -52,15 +54,16 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_xgbx_ozone_204_Ozone_Forecast INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_xgbx_ozone_204_Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_xgbx_ozone_204_Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 1.796 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.285 Forecast Columns Index(['Time', 'Ozone', 'Ozone_scaled', '_Ozone', 'row_number', - 'Time_Normalized', '_Ozone_LinearTrend', '_Ozone_LinearTrend_residue', - '_Ozone_LinearTrend_residue_zeroCycle[0.0]', - '_Ozone_LinearTrend_residue_zeroCycle[0.0]_residue', 'Exog3=AQ', + 'Time_Normalized', '_Ozone_ConstantTrend', + '_Ozone_ConstantTrend_residue', + '_Ozone_ConstantTrend_residue_zeroCycle[0.0]', + '_Ozone_ConstantTrend_residue_zeroCycle[0.0]_residue', 'Exog3=AQ', 'Exog3=AR', 'Exog3=AS', 'Exog3=AT', 'Exog3=AU', 'Exog4=P_T', 'Exog4=P_R', 'Exog4=P_U', 'Exog4=P_S', 'Exog4=P_Q', 'Exog2', - '_Ozone_LinearTrend_residue_zeroCycle[0.0]_residue_XGBX(51)', - '_Ozone_LinearTrend_residue_zeroCycle[0.0]_residue_XGBX(51)_residue', + '_Ozone_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(51)', + '_Ozone_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(51)_residue', 'Ozone_Transformed', '_Ozone_Trend', '_Ozone_Trend_residue', '_Ozone_Cycle', '_Ozone_Cycle_residue', '_Ozone_AR', '_Ozone_AR_residue', '_Ozone_TransformedForecast', '_Ozone_Detrended', @@ -84,18 +87,18 @@ dtypes: datetime64[ns](1), float64(2) memory usage: 5.2 KB None Forecasts - [[Timestamp('1972-01-01 00:00:00') nan 1.3833811138927634] - [Timestamp('1972-02-01 00:00:00') nan 1.8651048979741593] - [Timestamp('1972-03-01 00:00:00') nan 2.0122478704386966] - [Timestamp('1972-04-01 00:00:00') nan 2.370047357006653] - [Timestamp('1972-05-01 00:00:00') nan 2.6493152952212844] - [Timestamp('1972-06-01 00:00:00') nan 3.576005540812147] - [Timestamp('1972-07-01 00:00:00') nan 3.8905770388795418] - [Timestamp('1972-08-01 00:00:00') nan 3.8773853152271167] - [Timestamp('1972-09-01 00:00:00') nan 3.5895470113554224] - [Timestamp('1972-10-01 00:00:00') nan 3.262196601759473] - [Timestamp('1972-11-01 00:00:00') nan 1.6552548334035637] - [Timestamp('1972-12-01 00:00:00') nan 1.0359567013726163]] + [[Timestamp('1972-01-01 00:00:00') nan 2.2156093334645233] + [Timestamp('1972-02-01 00:00:00') nan 2.1997366910666427] + [Timestamp('1972-03-01 00:00:00') nan 2.58841302896442] + [Timestamp('1972-04-01 00:00:00') nan 3.1863390533119635] + [Timestamp('1972-05-01 00:00:00') nan 3.29794509986939] + [Timestamp('1972-06-01 00:00:00') nan 3.9934691665560202] + [Timestamp('1972-07-01 00:00:00') nan 4.793939522454162] + [Timestamp('1972-08-01 00:00:00') nan 5.149442522773166] + [Timestamp('1972-09-01 00:00:00') nan 4.796215041527171] + [Timestamp('1972-10-01 00:00:00') nan 4.495226318934579] + [Timestamp('1972-11-01 00:00:00') nan 3.030330880531688] + [Timestamp('1972-12-01 00:00:00') nan 1.9462064718693695]] @@ -111,6 +114,13 @@ Forecasts "Dataset": { "Exogenous_Data": { "Categorical_Variables": { + "Exog3": { + "AQ": 13, + "AR": 13, + "AS": 13, + "AT": 13, + "AU": 13 + }, "Exog4": { "P_Q": 11, "P_R": 31, @@ -119,10 +129,11 @@ Forecasts "P_U": 31 } }, - "Categorical_Variables_Excluded": [ - "Exog3" - ], + "Categorical_Variables_Excluded": [], "Categorical_Variables_Usage": { + "Exog3": [ + "Exog3=AQ" + ], "Exog4": [ "Exog4=P_R" ] @@ -147,59 +158,59 @@ Forecasts }, "Model": { "AR_Model": "XGBX", - "Best_Decomposition": "_Ozone_LinearTrend_residue_zeroCycle[0.0]_residue_XGBX(51)", + "Best_Decomposition": "_Ozone_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(51)", "Cycle": "NoCycle", "Signal_Decomposition_Type": "T+S+R", "Signal_Transoformation": "NoTransf", - "Trend": "LinearTrend" + "Trend": "ConstantTrend" }, "Model_Performance": { "1": { - "AUC": 0.5082, - "DiffSMAPE": 0.1682, - "ErrorMean": -0.0524, - "ErrorStdDev": 0.6517, - "KS": 0.1795, - "KendallTau": 0.6562, + "AUC": 0.4431, + "DiffSMAPE": 0.1583, + "ErrorMean": 0.2034, + "ErrorStdDev": 0.6857, + "KS": 0.2051, + "KendallTau": 0.6474, "Length": 39, - "LnQ": 1.605, - "MAE": 0.5431, - "MAPE": 0.1743, - "MASE": 0.6995, - "MannWhitneyU": 773.0, - "MedAE": 0.4179, - "Pearson": 0.8154, - "R2": 0.6364, - "RMSE": 0.6538, - "RMSSE": 0.6965, - "SMAPE": 0.1711, + "LnQ": 1.8034, + "MAE": 0.5299, + "MAPE": 0.1809, + "MASE": 0.6825, + "MannWhitneyU": 674.0, + "MedAE": 0.3877, + "Pearson": 0.7944, + "R2": 0.565, + "RMSE": 0.7152, + "RMSSE": 0.7618, + "SMAPE": 0.161, "Signal": "Ozone_Forecast_1" }, "12": { - "AUC": 0.4898, - "DiffSMAPE": 0.1502, - "ErrorMean": 0.0226, - "ErrorStdDev": 0.6259, + "AUC": 0.4234, + "DiffSMAPE": 0.1492, + "ErrorMean": 0.2796, + "ErrorStdDev": 0.6227, "KS": 0.2051, - "KendallTau": 0.7054, + "KendallTau": 0.7194, "Length": 39, - "LnQ": 1.4874, - "MAE": 0.4963, - "MAPE": 0.1582, - "MASE": 0.6392, - "MannWhitneyU": 745.0, - "MedAE": 0.4433, - "Pearson": 0.834, - "R2": 0.6664, - "RMSE": 0.6263, - "RMSSE": 0.6671, - "SMAPE": 0.1529, + "LnQ": 1.8224, + "MAE": 0.4889, + "MAPE": 0.1761, + "MASE": 0.6297, + "MannWhitneyU": 644.0, + "MedAE": 0.362, + "Pearson": 0.8383, + "R2": 0.6038, + "RMSE": 0.6826, + "RMSSE": 0.7271, + "SMAPE": 0.1518, "Signal": "Ozone_Forecast_12" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 32.205 + "Training_Time": 6.456 } @@ -207,7 +218,8 @@ Forecasts -{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":1.5177167475,"193":2.0204268055,"194":2.1679953174,"195":2.3767058748,"196":2.9115754974,"197":3.5949672571,"198":4.3783247415,"199":4.0331327622,"200":3.6024020083,"201":2.8570612867,"202":1.8343623651,"203":1.2650046739,"204":1.3833811139,"205":1.865104898,"206":2.0122478704,"207":2.370047357,"208":2.6493152952,"209":3.5760055408,"210":3.8905770389,"211":3.8773853152,"212":3.5895470114,"213":3.2621966018,"214":1.6552548334,"215":1.0359567014}} +{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":2.2156093335,"193":2.2658803007,"194":2.8086390411,"195":3.2944043046,"196":3.1863390533,"197":3.8818630921,"198":4.1594454374,"199":3.846249978,"200":3.8008321607,"201":3.6879556132,"202":2.4169962918,"203":2.0027322387,"204":2.2156093335,"205":2.1997366911,"206":2.588413029,"207":3.1863390533,"208":3.2979450999,"209":3.9934691666,"210":4.7939395225,"211":5.1494425228,"212":4.7962150415,"213":4.4952263189,"214":3.0303308805,"215":1.9462064719}} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/exog/test_ozone_exogenous_XGBX.py', 'ElapsedTimeSecs':(13.09, 0.53, 26.24), 'MAX_MEM_KB':233312, 'CPU_PRCNT':'204%', 'FILES_IN':0, 'FILES_OUT':2248, 'EXIT_STATUS':0} diff --git a/tests/references/exog/test_ozone_exogenous_profile.log b/tests/references/exog/test_ozone_exogenous_profile.log index b84b315dc..30e6e5f94 100644 --- a/tests/references/exog/test_ozone_exogenous_profile.log +++ b/tests/references/exog/test_ozone_exogenous_profile.log @@ -6,37 +6,56 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 3 1955-04 4 AT P_U 5.0 1955-04-01 4 1955-05 5 AU P_V 6.5 1955-05-01 DEBUG:pyaf.detailed:DETAIL_MESSAGE('KEPT_DISCARDED_MODELS', 144, 144, 0) -INFO:pyaf.std:TRAINING_ENGINE_END 35.293 +INFO:pyaf.std:TRAINING_ENGINE_END 9.536 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 +INFO:pyaf.std:EXOGENOUS_DATA ['Exog2', 'Exog3', 'Exog4'] INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR' [LinearTrend + Cycle_12 + NoAR] -INFO:pyaf.std:TREND_DETAIL '_Ozone_LinearTrend' [LinearTrend] -INFO:pyaf.std:CYCLE_DETAIL '_Ozone_LinearTrend_residue_Cycle_12' [Cycle_12] -INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR' [NoAR] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1768, 'RMSE': 0.9074, 'MAE': 0.6789, 'MASE': 0.7724} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1847, 'RMSE': 0.6988, 'MAE': 0.5742, 'MASE': 0.7396} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2261, 'RMSE': 0.5934, 'MAE': 0.5213, 'MASE': 1.1027} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1768, 'RMSE': 0.9074, 'MAE': 0.6789, 'MASE': 0.7724} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1847, 'RMSE': 0.6988, 'MAE': 0.5742, 'MASE': 0.7396} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.2261, 'RMSE': 0.5934, 'MAE': 0.5213, 'MASE': 1.1027} -INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'S'} [SSSSS] +INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_ConstantTrend_residue_Cycle_12_residue_ARX(51)' [ConstantTrend + Cycle_12 + ARX] +INFO:pyaf.std:TREND_DETAIL '_Ozone_ConstantTrend' [ConstantTrend] +INFO:pyaf.std:CYCLE_DETAIL '_Ozone_ConstantTrend_residue_Cycle_12' [Cycle_12] +INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_ConstantTrend_residue_Cycle_12_residue_ARX(51)' [ARX] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1436, 'RMSE': 0.7382, 'MAE': 0.5442, 'MASE': 0.6191} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1617, 'RMSE': 0.6737, 'MAE': 0.5214, 'MASE': 0.6717} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.223, 'RMSE': 0.7651, 'MAE': 0.5999, 'MASE': 1.269} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1421, 'RMSE': 0.7533, 'MAE': 0.5567, 'MASE': 0.6333} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1814, 'RMSE': 0.7054, 'MAE': 0.533, 'MASE': 0.6866} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.4464, 'RMSE': 1.2532, 'MAE': 1.0915, 'MASE': 2.3089} +INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:LINEAR_RIDGE_TREND LinearTrend (0.519103, array([-0.262473])) +INFO:pyaf.std:CONSTANT_TREND _Ozone_ConstantTrend 0.387887 INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _Ozone_LinearTrend_residue_Cycle_12 12 -0.000408 {0: -0.214023, 1: -0.196036, 2: -0.118761, 3: -0.037002, 4: -0.019072, 5: 0.096897, 6: 0.168161, 7: 0.186148, 8: 0.134574, 9: 0.109664, 10: -0.056774, 11: -0.186958} +INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _Ozone_ConstantTrend_residue_Cycle_12 12 -0.00122 {0: -0.254553, 1: -0.214553, 2: -0.187887, 3: -0.014553, 4: -0.027887, 5: 0.065447, 6: 0.185447, 7: 0.132113, 8: 0.132113, 9: 0.105447, 10: -0.127887, 11: -0.207887} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START +INFO:pyaf.std:AR_MODEL_COEFF 1 Exog3=AQ_Lag48 -10128237918717.85 +INFO:pyaf.std:AR_MODEL_COEFF 2 Exog2_Lag37 3164162309520.246 +INFO:pyaf.std:AR_MODEL_COEFF 3 Exog2_Lag48 -3164162309520.237 +INFO:pyaf.std:AR_MODEL_COEFF 4 Exog3=AQ_Lag37 920749004573.9897 +INFO:pyaf.std:AR_MODEL_COEFF 5 Exog3=AQ_Lag45 920749004573.8815 +INFO:pyaf.std:AR_MODEL_COEFF 6 Exog3=AQ_Lag47 920749004573.6156 +INFO:pyaf.std:AR_MODEL_COEFF 7 Exog3=AQ_Lag39 920749004573.6018 +INFO:pyaf.std:AR_MODEL_COEFF 8 Exog3=AQ_Lag41 920748910274.5393 +INFO:pyaf.std:AR_MODEL_COEFF 9 Exog3=AQ_Lag43 920748910274.4355 +INFO:pyaf.std:AR_MODEL_COEFF 10 Exog3=AQ_Lag42 920748910274.3071 INFO:pyaf.std:AR_MODEL_DETAIL_END +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'Exog3' {'AQ': 13, 'AR': 13, 'AS': 13, 'AT': 13, 'AU': 13} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Exog3' ['Exog3=AQ'] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'Exog4' {'P_T': 38, 'P_R': 31, 'P_U': 31, 'P_S': 28, 'P_Q': 11} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Exog4' ['Exog4=P_R'] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 0 [] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Exog2' {'Mean': 6.411764705882353, 'StdDev': 3.4365094970361736} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 0 [] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'Ozone' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_ConstantTrend_residue_Cycle_12_residue_ARX(51)', 'Voting': 923.0, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.7249, 'Forecast_MASE_2': 0.6935, 'Forecast_MASE_3': 0.6743, 'Forecast_MASE_4': 0.7015, 'Forecast_MASE_5': 0.7129, 'Forecast_MASE_6': 0.721, 'Forecast_MASE_7': 0.728, 'Forecast_MASE_8': 0.728, 'Forecast_MASE_9': 0.729, 'Forecast_MASE_10': 0.7305, 'Forecast_MASE_11': 0.7311, 'Forecast_MASE_12': 0.7323} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 1 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_ConstantTrend_residue_Seasonal_MonthOfYear_residue_ARX(51)', 'Voting': 923.0, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.7249, 'Forecast_MASE_2': 0.6935, 'Forecast_MASE_3': 0.6743, 'Forecast_MASE_4': 0.7015, 'Forecast_MASE_5': 0.7129, 'Forecast_MASE_6': 0.721, 'Forecast_MASE_7': 0.728, 'Forecast_MASE_8': 0.728, 'Forecast_MASE_9': 0.729, 'Forecast_MASE_10': 0.7305, 'Forecast_MASE_11': 0.7311, 'Forecast_MASE_12': 0.7323} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 2 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_LinearTrend_residue_Cycle_12_residue_NoAR', 'Voting': 914.3333, 'Complexity': 'SSSSS', 'Forecast_MASE_1': 0.7396, 'Forecast_MASE_2': 0.7396, 'Forecast_MASE_3': 0.7396, 'Forecast_MASE_4': 0.7396, 'Forecast_MASE_5': 0.7396, 'Forecast_MASE_6': 0.7396, 'Forecast_MASE_7': 0.7396, 'Forecast_MASE_8': 0.7396, 'Forecast_MASE_9': 0.7396, 'Forecast_MASE_10': 0.7396, 'Forecast_MASE_11': 0.7396, 'Forecast_MASE_12': 0.7396} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 3 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_NoAR', 'Voting': 914.3333, 'Complexity': 'SSSSS', 'Forecast_MASE_1': 0.7396, 'Forecast_MASE_2': 0.7396, 'Forecast_MASE_3': 0.7396, 'Forecast_MASE_4': 0.7396, 'Forecast_MASE_5': 0.7396, 'Forecast_MASE_6': 0.7396, 'Forecast_MASE_7': 0.7396, 'Forecast_MASE_8': 0.7396, 'Forecast_MASE_9': 0.7396, 'Forecast_MASE_10': 0.7396, 'Forecast_MASE_11': 0.7396, 'Forecast_MASE_12': 0.7396} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_ConstantTrend_residue_Cycle_12_residue_ARX(51)', 'Voting': 929.4167, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6717, 'Forecast_MASE_2': 0.6785, 'Forecast_MASE_3': 0.6586, 'Forecast_MASE_4': 0.6677, 'Forecast_MASE_5': 0.6759, 'Forecast_MASE_6': 0.6826, 'Forecast_MASE_7': 0.6837, 'Forecast_MASE_8': 0.6856, 'Forecast_MASE_9': 0.6862, 'Forecast_MASE_10': 0.6865, 'Forecast_MASE_11': 0.6865, 'Forecast_MASE_12': 0.6866} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 1 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_ConstantTrend_residue_Seasonal_MonthOfYear_residue_ARX(51)', 'Voting': 929.4167, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6717, 'Forecast_MASE_2': 0.6785, 'Forecast_MASE_3': 0.6586, 'Forecast_MASE_4': 0.6677, 'Forecast_MASE_5': 0.6759, 'Forecast_MASE_6': 0.6826, 'Forecast_MASE_7': 0.6837, 'Forecast_MASE_8': 0.6856, 'Forecast_MASE_9': 0.6862, 'Forecast_MASE_10': 0.6865, 'Forecast_MASE_11': 0.6865, 'Forecast_MASE_12': 0.6866} INFO:pyaf.std:COMPETITION_DETAIL_END 'Ozone' +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/exog/test_ozone_exogenous_profile.py', 'ElapsedTimeSecs':(11.21, 0.41, 33.81), 'MAX_MEM_KB':154360, 'CPU_PRCNT':'305%', 'FILES_IN':0, 'FILES_OUT':24, 'EXIT_STATUS':0} diff --git a/tests/references/exog/test_ozone_exogenous_with_categorical.log b/tests/references/exog/test_ozone_exogenous_with_categorical.log index 849cfbf20..625718795 100644 --- a/tests/references/exog/test_ozone_exogenous_with_categorical.log +++ b/tests/references/exog/test_ozone_exogenous_with_categorical.log @@ -5,7 +5,7 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone2'], 'Horizons': {'Ozone2 2 1955-03 3 AS P_S 3.6 1955-03-01 3.6 3 1955-04 4 AT P_U 5.0 1955-04-01 5.0 4 1955-05 5 AU P_V 6.5 1955-05-01 6.5 -INFO:pyaf.std:TRAINING_ENGINE_END 10.186 +INFO:pyaf.std:TRAINING_ENGINE_END 2.318 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1959-03-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone2' Length=51 Min=0.0 Max=26.1 Mean=5.752941 StdDev=5.086289 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone2' Min=0.0 Max=1.0 Mean=0.220419 StdDev=0.194877 @@ -61,7 +61,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_arx_ozone_categorical_51_Ozon INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_arx_ozone_categorical_51_Ozone2_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_arx_ozone_categorical_51_Ozone2_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone2'], 'Horizons': {'Ozone2': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 1.907 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.256 INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone2'], 'Horizons': {'Ozone2': 12}} Forecast Columns Index(['Time', 'Ozone2', 'Ozone2_scaled', '_Ozone2', 'row_number', 'Time_Normalized', 'Time_Normalized_^2', 'Time_Normalized_^3', @@ -95,18 +95,18 @@ dtypes: datetime64[ns](1), float64(2) memory usage: 1.6 KB None Forecasts - [[Timestamp('1959-04-01 00:00:00') nan 1.157811170224825] - [Timestamp('1959-05-01 00:00:00') nan 2.263763835203521] - [Timestamp('1959-06-01 00:00:00') nan 4.905232468605545] - [Timestamp('1959-07-01 00:00:00') nan 8.033249856035331] - [Timestamp('1959-08-01 00:00:00') nan 4.969581329432322] - [Timestamp('1959-09-01 00:00:00') nan 11.33876570412827] - [Timestamp('1959-10-01 00:00:00') nan 5.589229522085699] - [Timestamp('1959-11-01 00:00:00') nan 3.156904496154539] - [Timestamp('1959-12-01 00:00:00') nan 5.471666403425491] - [Timestamp('1960-01-01 00:00:00') nan 7.302346385922051] - [Timestamp('1960-02-01 00:00:00') nan 4.03397412492462] - [Timestamp('1960-03-01 00:00:00') nan 6.706417767562103]] + [[Timestamp('1959-04-01 00:00:00') nan 1.1578111702248546] + [Timestamp('1959-05-01 00:00:00') nan 2.263763835203555] + [Timestamp('1959-06-01 00:00:00') nan 4.905232468605559] + [Timestamp('1959-07-01 00:00:00') nan 8.033249856035345] + [Timestamp('1959-08-01 00:00:00') nan 4.96958132943232] + [Timestamp('1959-09-01 00:00:00') nan 11.338765704128267] + [Timestamp('1959-10-01 00:00:00') nan 5.5892295220857] + [Timestamp('1959-11-01 00:00:00') nan 3.1569044961545494] + [Timestamp('1959-12-01 00:00:00') nan 5.47166640342553] + [Timestamp('1960-01-01 00:00:00') nan 7.302346385922062] + [Timestamp('1960-02-01 00:00:00') nan 4.033974124924617] + [Timestamp('1960-03-01 00:00:00') nan 6.706417767562082]] @@ -161,7 +161,7 @@ Forecasts "1": { "AUC": 0.476, "DiffSMAPE": 0.5013, - "ErrorMean": -0.0, + "ErrorMean": 0.0, "ErrorStdDev": 2.9712, "KS": 0.1373, "KendallTau": 0.4848, @@ -203,7 +203,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 10.186 + "Training_Time": 2.318 } @@ -215,7 +215,7 @@ Forecasts -INFO:pyaf.std:TRAINING_ENGINE_END 13.089 +INFO:pyaf.std:TRAINING_ENGINE_END 2.314 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1959-03-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone2' Length=51 Min=0.0 Max=26.1 Mean=5.752941 StdDev=5.086289 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone2' Min=0.0 Max=1.0 Mean=0.220419 StdDev=0.194877 @@ -271,7 +271,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_arx_ozone_categorical_51_Ozon INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_arx_ozone_categorical_51_Ozone2_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_arx_ozone_categorical_51_Ozone2_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone2'], 'Horizons': {'Ozone2': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 1.558 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.261 INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone2'], 'Horizons': {'Ozone2': 12}} Forecast Columns Index(['Time', 'Ozone2', 'Ozone2_scaled', '_Ozone2', 'row_number', 'Time_Normalized', 'Time_Normalized_^2', 'Time_Normalized_^3', @@ -305,18 +305,18 @@ dtypes: datetime64[ns](1), float64(2) memory usage: 1.6 KB None Forecasts - [[Timestamp('1959-04-01 00:00:00') nan 1.157811170224825] - [Timestamp('1959-05-01 00:00:00') nan 2.263763835203521] - [Timestamp('1959-06-01 00:00:00') nan 4.905232468605545] - [Timestamp('1959-07-01 00:00:00') nan 8.033249856035331] - [Timestamp('1959-08-01 00:00:00') nan 4.969581329432322] - [Timestamp('1959-09-01 00:00:00') nan 11.33876570412827] - [Timestamp('1959-10-01 00:00:00') nan 5.589229522085699] - [Timestamp('1959-11-01 00:00:00') nan 3.156904496154539] - [Timestamp('1959-12-01 00:00:00') nan 5.471666403425491] - [Timestamp('1960-01-01 00:00:00') nan 7.302346385922051] - [Timestamp('1960-02-01 00:00:00') nan 4.03397412492462] - [Timestamp('1960-03-01 00:00:00') nan 6.706417767562103]] + [[Timestamp('1959-04-01 00:00:00') nan 1.1578111702248546] + [Timestamp('1959-05-01 00:00:00') nan 2.263763835203555] + [Timestamp('1959-06-01 00:00:00') nan 4.905232468605559] + [Timestamp('1959-07-01 00:00:00') nan 8.033249856035345] + [Timestamp('1959-08-01 00:00:00') nan 4.96958132943232] + [Timestamp('1959-09-01 00:00:00') nan 11.338765704128267] + [Timestamp('1959-10-01 00:00:00') nan 5.5892295220857] + [Timestamp('1959-11-01 00:00:00') nan 3.1569044961545494] + [Timestamp('1959-12-01 00:00:00') nan 5.47166640342553] + [Timestamp('1960-01-01 00:00:00') nan 7.302346385922062] + [Timestamp('1960-02-01 00:00:00') nan 4.033974124924617] + [Timestamp('1960-03-01 00:00:00') nan 6.706417767562082]] @@ -371,7 +371,7 @@ Forecasts "1": { "AUC": 0.476, "DiffSMAPE": 0.5013, - "ErrorMean": -0.0, + "ErrorMean": 0.0, "ErrorStdDev": 2.9712, "KS": 0.1373, "KendallTau": 0.4848, @@ -413,7 +413,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 13.089 + "Training_Time": 2.314 } @@ -425,7 +425,7 @@ Forecasts -INFO:pyaf.std:TRAINING_ENGINE_END 13.799 +INFO:pyaf.std:TRAINING_ENGINE_END 2.322 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1960-12-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone2' Length=102 Min=0.0 Max=26.1 Mean=5.548039 StdDev=4.275597 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone2' Min=0.0 Max=1.0 Mean=0.212569 StdDev=0.163816 @@ -484,7 +484,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_arx_ozone_categorical_102_Ozo INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_arx_ozone_categorical_102_Ozone2_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_arx_ozone_categorical_102_Ozone2_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone2'], 'Horizons': {'Ozone2': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 1.034 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.261 INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone2'], 'Horizons': {'Ozone2': 12}} Forecast Columns Index(['Time', 'Ozone2', 'Ozone2_scaled', '_Ozone2', 'row_number', 'Time_Normalized', '_Ozone2_ConstantTrend', @@ -518,18 +518,18 @@ dtypes: datetime64[ns](1), float64(2) memory usage: 2.8 KB None Forecasts - [[Timestamp('1963-07-01 00:00:00') nan 5.1722303691961065] - [Timestamp('1963-08-01 00:00:00') nan 4.718598613240669] + [[Timestamp('1963-07-01 00:00:00') nan 5.172230369196106] + [Timestamp('1963-08-01 00:00:00') nan 4.718598613240668] [Timestamp('1963-09-01 00:00:00') nan 18.465719596421604] [Timestamp('1963-10-01 00:00:00') nan 4.591581721573146] - [Timestamp('1963-11-01 00:00:00') nan 4.192385776332361] - [Timestamp('1963-12-01 00:00:00') nan 4.736743883478886] + [Timestamp('1963-11-01 00:00:00') nan 4.19238577633236] + [Timestamp('1963-12-01 00:00:00') nan 4.736743883478885] [Timestamp('1964-01-01 00:00:00') nan 4.301257397761665] [Timestamp('1964-02-01 00:00:00') nan 4.264966857285231] [Timestamp('1964-03-01 00:00:00') nan 4.174240506094144] [Timestamp('1964-04-01 00:00:00') nan 4.228676316808795] - [Timestamp('1964-05-01 00:00:00') nan 4.918196585861062] - [Timestamp('1964-06-01 00:00:00') nan 5.063358747766801]] + [Timestamp('1964-05-01 00:00:00') nan 4.918196585861061] + [Timestamp('1964-06-01 00:00:00') nan 5.0633587477668005]] @@ -645,7 +645,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 13.799 + "Training_Time": 2.322 } @@ -657,44 +657,44 @@ Forecasts -INFO:pyaf.std:TRAINING_ENGINE_END 10.524 +INFO:pyaf.std:TRAINING_ENGINE_END 3.646 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone2' Length=204 Min=0.0 Max=26.1 Mean=5.529412 StdDev=3.838507 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone2' Min=0.0 Max=1.0 Mean=0.211855 StdDev=0.147069 INFO:pyaf.std:EXOGENOUS_DATA ['Exog2', 'Exog3', 'Exog4'] INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone2_ConstantTrend_residue_zeroCycle[0.0]_residue_ARX(51)' [ConstantTrend + NoCycle + ARX] -INFO:pyaf.std:TREND_DETAIL '_Ozone2_ConstantTrend' [ConstantTrend] -INFO:pyaf.std:CYCLE_DETAIL '_Ozone2_ConstantTrend_residue_zeroCycle[0.0]' [NoCycle] -INFO:pyaf.std:AUTOREG_DETAIL '_Ozone2_ConstantTrend_residue_zeroCycle[0.0]_residue_ARX(51)' [ARX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 1540445004.9991, 'RMSE': 1.9081, 'MAE': 1.4559, 'MASE': 0.4468} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.2942, 'RMSE': 2.0041, 'MAE': 1.4231, 'MASE': 0.5007} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.3257, 'RMSE': 1.4223, 'MAE': 1.2587, 'MASE': 0.7064} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 1635262158.6652, 'RMSE': 2.1732, 'MAE': 1.6867, 'MASE': 0.5176} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.4486, 'RMSE': 2.5282, 'MAE': 2.0811, 'MASE': 0.7322} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.5019, 'RMSE': 1.9181, 'MAE': 1.7377, 'MASE': 0.9752} +INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone2_LinearTrend_residue_zeroCycle[0.0]_residue_ARX(51)' [LinearTrend + NoCycle + ARX] +INFO:pyaf.std:TREND_DETAIL '_Ozone2_LinearTrend' [LinearTrend] +INFO:pyaf.std:CYCLE_DETAIL '_Ozone2_LinearTrend_residue_zeroCycle[0.0]' [NoCycle] +INFO:pyaf.std:AUTOREG_DETAIL '_Ozone2_LinearTrend_residue_zeroCycle[0.0]_residue_ARX(51)' [ARX] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 1918297635.5216, 'RMSE': 2.2448, 'MAE': 1.6218, 'MASE': 0.4977} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.2656, 'RMSE': 2.4015, 'MAE': 1.6678, 'MASE': 0.5868} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2496, 'RMSE': 1.9602, 'MAE': 1.3012, 'MASE': 0.7302} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 2281714838.3924, 'RMSE': 2.9535, 'MAE': 2.1214, 'MASE': 0.651} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.3481, 'RMSE': 3.4703, 'MAE': 2.4268, 'MASE': 0.8539} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.3837, 'RMSE': 2.8522, 'MAE': 2.0821, 'MASE': 1.1685} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:CONSTANT_TREND _Ozone2_ConstantTrend 0.213082 +INFO:pyaf.std:LINEAR_RIDGE_TREND LinearTrend (0.218822, array([-0.011482])) INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:ZERO_CYCLE_MODEL_VALUES _Ozone2_ConstantTrend_residue_zeroCycle[0.0] 0.0 {} +INFO:pyaf.std:ZERO_CYCLE_MODEL_VALUES _Ozone2_LinearTrend_residue_zeroCycle[0.0] 0.0 {} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START -INFO:pyaf.std:AR_MODEL_COEFF 1 Exog3=AR_Lag31 -163559603092961.38 -INFO:pyaf.std:AR_MODEL_COEFF 2 Exog2=3_Lag42 147875180804438.97 -INFO:pyaf.std:AR_MODEL_COEFF 3 Exog2=4_Lag29 129042008239147.25 -INFO:pyaf.std:AR_MODEL_COEFF 4 Exog2=3_Lag18 128308982696729.11 -INFO:pyaf.std:AR_MODEL_COEFF 5 Exog3=AT_Lag41 -88990559964540.66 -INFO:pyaf.std:AR_MODEL_COEFF 6 Exog2=2_Lag7 -85118156058220.16 -INFO:pyaf.std:AR_MODEL_COEFF 7 Exog3=AS_Lag30 84868383177297.38 -INFO:pyaf.std:AR_MODEL_COEFF 8 Exog3=AT_Lag17 -81039783132262.92 -INFO:pyaf.std:AR_MODEL_COEFF 9 Exog2=5_Lag4 70522035901468.72 -INFO:pyaf.std:AR_MODEL_COEFF 10 Exog3=AR_Lag7 -69985462597730.26 +INFO:pyaf.std:AR_MODEL_COEFF 1 Exog2=3_Lag42 153042798100450.0 +INFO:pyaf.std:AR_MODEL_COEFF 2 Exog3=AU_Lag4 132496873953078.56 +INFO:pyaf.std:AR_MODEL_COEFF 3 Exog2=3_Lag6 -112601838757155.39 +INFO:pyaf.std:AR_MODEL_COEFF 4 Exog2=4_Lag41 -103386406777662.45 +INFO:pyaf.std:AR_MODEL_COEFF 5 Exog2=2_Lag19 101612066358166.4 +INFO:pyaf.std:AR_MODEL_COEFF 6 Exog3=AU_Lag16 -87255565109256.28 +INFO:pyaf.std:AR_MODEL_COEFF 7 Exog2=4_Lag17 84712825003889.27 +INFO:pyaf.std:AR_MODEL_COEFF 8 Exog3=AS_Lag18 79938147224107.8 +INFO:pyaf.std:AR_MODEL_COEFF 9 Exog2=5_Lag16 -79427599656042.69 +INFO:pyaf.std:AR_MODEL_COEFF 10 Exog2=5_Lag4 -77404686275744.55 INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'Exog2' {1: 13, 2: 13, 3: 13, 4: 13, 5: 13} @@ -705,7 +705,7 @@ INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 1 ['Exog4'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 0 [] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'Ozone2' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone2' 0 {'Transformation': '_Ozone2', 'DecompositionType': 'T+S+R', 'Model': '_Ozone2_ConstantTrend_residue_zeroCycle[0.0]_residue_ARX(51)', 'Voting': 97.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.5007, 'Forecast_MASE_2': 0.6416, 'Forecast_MASE_3': 0.6747, 'Forecast_MASE_4': 0.6987, 'Forecast_MASE_5': 0.7165, 'Forecast_MASE_6': 0.7246, 'Forecast_MASE_7': 0.7279, 'Forecast_MASE_8': 0.7299, 'Forecast_MASE_9': 0.7313, 'Forecast_MASE_10': 0.732, 'Forecast_MASE_11': 0.7322, 'Forecast_MASE_12': 0.7322} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone2' 0 {'Transformation': '_Ozone2', 'DecompositionType': 'T+S+R', 'Model': '_Ozone2_LinearTrend_residue_zeroCycle[0.0]_residue_ARX(51)', 'Voting': 97.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.5868, 'Forecast_MASE_2': 0.7504, 'Forecast_MASE_3': 0.7813, 'Forecast_MASE_4': 0.7928, 'Forecast_MASE_5': 0.8023, 'Forecast_MASE_6': 0.8068, 'Forecast_MASE_7': 0.8083, 'Forecast_MASE_8': 0.809, 'Forecast_MASE_9': 0.8095, 'Forecast_MASE_10': 0.8244, 'Forecast_MASE_11': 0.8391, 'Forecast_MASE_12': 0.8539} INFO:pyaf.std:COMPETITION_DETAIL_END 'Ozone2' INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_arx_ozone_categorical_204_Ozone2_Trend_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_arx_ozone_categorical_204_Ozone2_Cycle_decomp_output.png') @@ -715,17 +715,16 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_arx_ozone_categorical_204_Ozo INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_arx_ozone_categorical_204_Ozone2_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_arx_ozone_categorical_204_Ozone2_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone2'], 'Horizons': {'Ozone2': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 1.614 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.286 Forecast Columns Index(['Time', 'Ozone2', 'Ozone2_scaled', '_Ozone2', 'row_number', - 'Time_Normalized', '_Ozone2_ConstantTrend', - '_Ozone2_ConstantTrend_residue', - '_Ozone2_ConstantTrend_residue_zeroCycle[0.0]', - '_Ozone2_ConstantTrend_residue_zeroCycle[0.0]_residue', 'Exog2=1', + 'Time_Normalized', '_Ozone2_LinearTrend', '_Ozone2_LinearTrend_residue', + '_Ozone2_LinearTrend_residue_zeroCycle[0.0]', + '_Ozone2_LinearTrend_residue_zeroCycle[0.0]_residue', 'Exog2=1', 'Exog2=2', 'Exog2=3', 'Exog2=4', 'Exog2=5', 'Exog3=AQ', 'Exog3=AR', 'Exog3=AS', 'Exog3=AT', 'Exog3=AU', 'Exog4=P_T', 'Exog4=P_R', 'Exog4=P_U', 'Exog4=P_S', 'Exog4=P_Q', - '_Ozone2_ConstantTrend_residue_zeroCycle[0.0]_residue_ARX(51)', - '_Ozone2_ConstantTrend_residue_zeroCycle[0.0]_residue_ARX(51)_residue', + '_Ozone2_LinearTrend_residue_zeroCycle[0.0]_residue_ARX(51)', + '_Ozone2_LinearTrend_residue_zeroCycle[0.0]_residue_ARX(51)_residue', 'Ozone2_Transformed', '_Ozone2_Trend', '_Ozone2_Trend_residue', '_Ozone2_Cycle', '_Ozone2_Cycle_residue', '_Ozone2_AR', '_Ozone2_AR_residue', '_Ozone2_TransformedForecast', @@ -750,18 +749,18 @@ dtypes: datetime64[ns](1), float64(2) memory usage: 5.2 KB None Forecasts - [[Timestamp('1972-01-01 00:00:00') nan 3.755006217684328] - [Timestamp('1972-02-01 00:00:00') nan 3.2576352291230584] - [Timestamp('1972-03-01 00:00:00') nan 3.4363519521874646] - [Timestamp('1972-04-01 00:00:00') nan 3.8297144320471657] - [Timestamp('1972-05-01 00:00:00') nan 5.598917145825784] - [Timestamp('1972-06-01 00:00:00') nan 5.700075507626293] - [Timestamp('1972-07-01 00:00:00') nan 6.214482567462972] - [Timestamp('1972-08-01 00:00:00') nan 6.692960593568761] - [Timestamp('1972-09-01 00:00:00') nan 12.13142096536019] - [Timestamp('1972-10-01 00:00:00') nan 4.202262248140363] - [Timestamp('1972-11-01 00:00:00') nan 3.9119798313921943] - [Timestamp('1972-12-01 00:00:00') nan 3.4543164690529085]] + [[Timestamp('1972-01-01 00:00:00') nan 3.191906307298693] + [Timestamp('1972-02-01 00:00:00') nan 2.741673572940357] + [Timestamp('1972-03-01 00:00:00') nan 2.877447426470205] + [Timestamp('1972-04-01 00:00:00') nan 3.2010855882194744] + [Timestamp('1972-05-01 00:00:00') nan 4.5426484139408085] + [Timestamp('1972-06-01 00:00:00') nan 4.755792857440897] + [Timestamp('1972-07-01 00:00:00') nan 5.1108134639715725] + [Timestamp('1972-08-01 00:00:00') nan 5.414710384643164] + [Timestamp('1972-09-01 00:00:00') nan 16.234058120512184] + [Timestamp('1972-10-01 00:00:00') nan 3.5836710965647294] + [Timestamp('1972-11-01 00:00:00') nan 3.2636733215332505] + [Timestamp('1972-12-01 00:00:00') nan 2.8933988810887463]] @@ -826,59 +825,59 @@ Forecasts }, "Model": { "AR_Model": "ARX", - "Best_Decomposition": "_Ozone2_ConstantTrend_residue_zeroCycle[0.0]_residue_ARX(51)", + "Best_Decomposition": "_Ozone2_LinearTrend_residue_zeroCycle[0.0]_residue_ARX(51)", "Cycle": "NoCycle", "Signal_Decomposition_Type": "T+S+R", "Signal_Transoformation": "NoTransf", - "Trend": "ConstantTrend" + "Trend": "LinearTrend" }, "Model_Performance": { "1": { - "AUC": 0.4339, - "DiffSMAPE": 0.2681, - "ErrorMean": -0.1664, - "ErrorStdDev": 1.9972, + "AUC": 0.5273, + "DiffSMAPE": 0.2796, + "ErrorMean": -0.6184, + "ErrorStdDev": 2.3205, "KS": 0.3077, - "KendallTau": 0.5973, + "KendallTau": 0.6046, "Length": 39, - "LnQ": 4.9801, - "MAE": 1.4231, - "MAPE": 0.2942, - "MASE": 0.5007, - "MannWhitneyU": 660.0, - "MedAE": 0.9188, - "Pearson": 0.7991, - "R2": 0.6334, - "RMSE": 2.0041, - "RMSSE": 0.4914, - "SMAPE": 0.2711, + "LnQ": 5.4989, + "MAE": 1.6678, + "MAPE": 0.2656, + "MASE": 0.5868, + "MannWhitneyU": 802.0, + "MedAE": 1.069, + "Pearson": 0.7613, + "R2": 0.4736, + "RMSE": 2.4015, + "RMSSE": 0.5888, + "SMAPE": 0.2825, "Signal": "Ozone2_Forecast_1" }, "12": { - "AUC": 0.3826, - "DiffSMAPE": 0.3986, - "ErrorMean": -0.2912, - "ErrorStdDev": 2.5114, + "AUC": 0.6154, + "DiffSMAPE": 0.4032, + "ErrorMean": -1.0291, + "ErrorStdDev": 3.3142, "KS": 0.5897, - "KendallTau": 0.1852, + "KendallTau": 0.1644, "Length": 39, - "LnQ": 8.8837, - "MAE": 2.0811, - "MAPE": 0.4486, - "MASE": 0.7322, - "MannWhitneyU": 582.0, - "MedAE": 1.7067, - "Pearson": 0.6516, - "R2": 0.4166, - "RMSE": 2.5282, - "RMSSE": 0.6199, - "SMAPE": 0.4029, + "LnQ": 11.9869, + "MAE": 2.4268, + "MAPE": 0.3481, + "MASE": 0.8539, + "MannWhitneyU": 936.0, + "MedAE": 1.0328, + "Pearson": 0.6518, + "R2": -0.0991, + "RMSE": 3.4703, + "RMSSE": 0.8509, + "SMAPE": 0.4073, "Signal": "Ozone2_Forecast_12" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 10.524 + "Training_Time": 3.646 } @@ -886,7 +885,8 @@ Forecasts -{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone2":{"192":3.6,"193":2.0,"194":2.2,"195":3.0,"196":4.8,"197":7.0,"198":7.0,"199":6.6,"200":10.8,"201":5.0,"202":3.2,"203":2.4,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone2_Forecast":{"192":3.9545376045,"193":3.1399050188,"194":3.5937897887,"195":3.872736428,"196":6.7005177786,"197":4.6135892449,"198":6.4291283243,"199":7.9089770669,"200":12.9470459654,"201":4.8013206314,"202":4.3479000844,"203":4.0831393695,"204":3.7550062177,"205":3.2576352291,"206":3.4363519522,"207":3.829714432,"208":5.5989171458,"209":5.7000755076,"210":6.2144825675,"211":6.6929605936,"212":12.1314209654,"213":4.2022622481,"214":3.9119798314,"215":3.4543164691}} +{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone2":{"192":3.6,"193":2.0,"194":2.2,"195":3.0,"196":4.8,"197":7.0,"198":7.0,"199":6.6,"200":10.8,"201":5.0,"202":3.2,"203":2.4,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone2_Forecast":{"192":3.2772045069,"193":2.6925787565,"194":3.0319953493,"195":3.2633265267,"196":5.4883861169,"197":3.9509880657,"198":5.3115148789,"199":6.4527550719,"200":16.2577687386,"201":3.8734798852,"202":3.5913194889,"203":3.3545702147,"204":3.1919063073,"205":2.7416735729,"206":2.8774474265,"207":3.2010855882,"208":4.5426484139,"209":4.7557928574,"210":5.110813464,"211":5.4147103846,"212":16.2340581205,"213":3.5836710966,"214":3.2636733215,"215":2.8933988811}} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/exog/test_ozone_exogenous_with_categorical.py', 'ElapsedTimeSecs':(30.18, 1.29, 44.06), 'MAX_MEM_KB':230376, 'CPU_PRCNT':'150%', 'FILES_IN':0, 'FILES_OUT':7248, 'EXIT_STATUS':0} diff --git a/tests/references/expsmooth/expsmooth_dataset_ausgdp.log b/tests/references/expsmooth/expsmooth_dataset_ausgdp.log index 2d16f1500..05283b306 100644 --- a/tests/references/expsmooth/expsmooth_dataset_ausgdp.log +++ b/tests/references/expsmooth/expsmooth_dataset_ausgdp.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['ausgdp'], 'Horizons': {'ausgdp': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 4.893 +INFO:pyaf.std:TRAINING_ENGINE_END 3.719 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1971.5 TimeMax=1992.25 TimeDelta=0.25 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='ausgdp' Length=107 Min=4612 Max=7618 Mean=5870.186916 StdDev=802.972365 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_ausgdp' Min=0.0 Max=1.0 Mean=0.418559 StdDev=0.267123 @@ -47,10 +47,12 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/expsmooth_ausgdp.csv_2_ausgdp_AR_decom INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/expsmooth_ausgdp.csv_2_ausgdp_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_ausgdp.csv_2_ausgdp_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_ausgdp.csv_2_ausgdp_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_ausgdp.csv_2_ausgdp_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['ausgdp'], 'Horizons': {'ausgdp': 4}} PERFORMANCE MAPE_FORECAST ausgdp 0.0045 -INFO:pyaf.std:TRAINING_ENGINE_END 4.627 +INFO:pyaf.std:TRAINING_ENGINE_END 2.653 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1971.5 TimeMax=1991.75 TimeDelta=0.25 Horizon=4 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='ausgdp' Length=107 Min=4612 Max=7618 Mean=5870.186916 StdDev=802.972365 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='CumSum_ausgdp' Min=0.0 Max=44.785762 Mean=14.484094 StdDev=13.165621 @@ -101,7 +103,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_ausgdp.csv_ INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_ausgdp.csv_4_ausgdp_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['ausgdp'], 'Horizons': {'ausgdp': 8}} PERFORMANCE MAPE_FORECAST ausgdp 0.0202 -INFO:pyaf.std:TRAINING_ENGINE_END 11.108 +INFO:pyaf.std:TRAINING_ENGINE_END 3.625 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1971.5 TimeMax=1991.0 TimeDelta=0.25 Horizon=8 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='ausgdp' Length=107 Min=4612 Max=7618 Mean=5870.186916 StdDev=802.972365 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='RelDiff_ausgdp' Min=-0.017241 Max=0.022744 Mean=0.004724 StdDev=0.006755 @@ -142,7 +144,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_ausgdp.csv_ INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_ausgdp.csv_8_ausgdp_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['ausgdp'], 'Horizons': {'ausgdp': 12}} PERFORMANCE MAPE_FORECAST ausgdp 0.0175 -INFO:pyaf.std:TRAINING_ENGINE_END 9.488 +INFO:pyaf.std:TRAINING_ENGINE_END 5.421 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1971.5 TimeMax=1990.25 TimeDelta=0.25 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='ausgdp' Length=107 Min=4612 Max=7618 Mean=5870.186916 StdDev=802.972365 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_ausgdp' Min=0.0 Max=1.0 Mean=0.418559 StdDev=0.267123 @@ -182,3 +184,4 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_ausgdp.csv_12_ausgdp_F INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_ausgdp.csv_12_ausgdp_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_ausgdp.csv_12_ausgdp_quantiles_output.png') PERFORMANCE MAPE_FORECAST ausgdp 0.0166 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/expsmooth/expsmooth_dataset_ausgdp.py', 'ElapsedTimeSecs':(38.44, 1.71, 57.16), 'MAX_MEM_KB':234696, 'CPU_PRCNT':'153%', 'FILES_IN':0, 'FILES_OUT':4928, 'EXIT_STATUS':0} diff --git a/tests/references/expsmooth/expsmooth_dataset_bonds.log b/tests/references/expsmooth/expsmooth_dataset_bonds.log index 8633cd61e..6a076a963 100644 --- a/tests/references/expsmooth/expsmooth_dataset_bonds.log +++ b/tests/references/expsmooth/expsmooth_dataset_bonds.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['bonds'], 'Horizons': {'bonds': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 3.001 +INFO:pyaf.std:TRAINING_ENGINE_END 1.04 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1994.0 TimeMax=2002.08333333333 TimeDelta=0.08333333333329973 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='bonds' Length=125 Min=3.32 Max=8.12 Mean=5.68304 StdDev=1.092533 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_bonds' Min=0.0 Max=1.0 Mean=0.4923 StdDev=0.227611 @@ -36,10 +36,12 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/expsmooth_bonds.csv_2_bonds_AR_decomp_ INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/expsmooth_bonds.csv_2_bonds_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_bonds.csv_2_bonds_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_bonds.csv_2_bonds_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_bonds.csv_2_bonds_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['bonds'], 'Horizons': {'bonds': 4}} PERFORMANCE MAPE_FORECAST bonds 0.0693 -INFO:pyaf.std:TRAINING_ENGINE_END 4.867 +INFO:pyaf.std:TRAINING_ENGINE_END 1.406 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1994.0 TimeMax=2001.91666666667 TimeDelta=0.08333333333336763 Horizon=4 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='bonds' Length=125 Min=3.32 Max=8.12 Mean=5.68304 StdDev=1.092533 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_bonds' Min=0.0 Max=1.0 Mean=0.4923 StdDev=0.227611 @@ -83,7 +85,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_bonds.csv_4 INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_bonds.csv_4_bonds_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['bonds'], 'Horizons': {'bonds': 8}} PERFORMANCE MAPE_FORECAST bonds 0.1034 -INFO:pyaf.std:TRAINING_ENGINE_END 10.379 +INFO:pyaf.std:TRAINING_ENGINE_END 3.978 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1994.0 TimeMax=2001.66666666667 TimeDelta=0.08333333333336876 Horizon=8 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='bonds' Length=125 Min=3.32 Max=8.12 Mean=5.68304 StdDev=1.092533 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='RelDiff_bonds' Min=-0.099815 Max=0.183735 Mean=-0.000604 StdDev=0.047773 @@ -123,7 +125,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_bonds.csv_8 INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_bonds.csv_8_bonds_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['bonds'], 'Horizons': {'bonds': 12}} PERFORMANCE MAPE_FORECAST bonds 0.0763 -INFO:pyaf.std:TRAINING_ENGINE_END 15.066 +INFO:pyaf.std:TRAINING_ENGINE_END 9.95 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1994.0 TimeMax=2001.41666666667 TimeDelta=0.08333333333336995 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='bonds' Length=125 Min=3.32 Max=8.12 Mean=5.68304 StdDev=1.092533 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='Diff_bonds' Min=-0.1125 Max=0.127083 Mean=-0.001883 StdDev=0.051412 @@ -162,3 +164,4 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_bonds.csv_12_bonds_For INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_bonds.csv_12_bonds_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_bonds.csv_12_bonds_quantiles_output.png') PERFORMANCE MAPE_FORECAST bonds 0.0594 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/expsmooth/expsmooth_dataset_bonds.py', 'ElapsedTimeSecs':(36.44, 1.30, 53.30), 'MAX_MEM_KB':234604, 'CPU_PRCNT':'149%', 'FILES_IN':0, 'FILES_OUT':6880, 'EXIT_STATUS':0} diff --git a/tests/references/expsmooth/expsmooth_dataset_canadagas.log b/tests/references/expsmooth/expsmooth_dataset_canadagas.log index 12c05a000..9e70f0bfd 100644 --- a/tests/references/expsmooth/expsmooth_dataset_canadagas.log +++ b/tests/references/expsmooth/expsmooth_dataset_canadagas.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['canadagas'], 'Horizons': {'canadagas': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 3.488 +INFO:pyaf.std:TRAINING_ENGINE_END 2.187 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1960.0 TimeMax=1995.91666666667 TimeDelta=0.08333333333334089 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='canadagas' Length=542 Min=0.966 Max=19.5284 Mean=9.776505 StdDev=5.13575 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='Diff_canadagas' Min=-0.139222 Max=0.109232 Mean=0.001542 StdDev=0.038021 @@ -46,10 +46,12 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/expsmooth_canadagas.csv_2_canadagas_AR INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/expsmooth_canadagas.csv_2_canadagas_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_canadagas.csv_2_canadagas_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_canadagas.csv_2_canadagas_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_canadagas.csv_2_canadagas_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['canadagas'], 'Horizons': {'canadagas': 4}} PERFORMANCE MAPE_FORECAST canadagas 0.0203 -INFO:pyaf.std:TRAINING_ENGINE_END 5.508 +INFO:pyaf.std:TRAINING_ENGINE_END 2.315 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1960.0 TimeMax=1995.75 TimeDelta=0.08333333333333333 Horizon=4 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='canadagas' Length=542 Min=0.966 Max=19.5284 Mean=9.776505 StdDev=5.13575 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_canadagas' Min=0.0 Max=1.0 Mean=0.474643 StdDev=0.276675 @@ -99,7 +101,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_canadagas.c INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_canadagas.csv_4_canadagas_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['canadagas'], 'Horizons': {'canadagas': 8}} PERFORMANCE MAPE_FORECAST canadagas 0.0342 -INFO:pyaf.std:TRAINING_ENGINE_END 8.237 +INFO:pyaf.std:TRAINING_ENGINE_END 2.883 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1960.0 TimeMax=1995.5 TimeDelta=0.08333333333333333 Horizon=8 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='canadagas' Length=542 Min=0.966 Max=19.5284 Mean=9.776505 StdDev=5.13575 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_canadagas' Min=0.0 Max=1.0 Mean=0.474643 StdDev=0.276675 @@ -140,7 +142,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_canadagas.c INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_canadagas.csv_8_canadagas_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['canadagas'], 'Horizons': {'canadagas': 12}} PERFORMANCE MAPE_FORECAST canadagas 0.0376 -INFO:pyaf.std:TRAINING_ENGINE_END 17.885 +INFO:pyaf.std:TRAINING_ENGINE_END 4.035 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1960.0 TimeMax=1995.25 TimeDelta=0.08333333333333333 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='canadagas' Length=542 Min=0.966 Max=19.5284 Mean=9.776505 StdDev=5.13575 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_canadagas' Min=0.0 Max=1.0 Mean=0.474643 StdDev=0.276675 @@ -179,3 +181,4 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_canadagas.csv_12_canad INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_canadagas.csv_12_canadagas_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_canadagas.csv_12_canadagas_quantiles_output.png') PERFORMANCE MAPE_FORECAST canadagas 0.0205 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/expsmooth/expsmooth_dataset_canadagas.py', 'ElapsedTimeSecs':(32.80, 1.57, 52.30), 'MAX_MEM_KB':239316, 'CPU_PRCNT':'164%', 'FILES_IN':0, 'FILES_OUT':8184, 'EXIT_STATUS':0} diff --git a/tests/references/expsmooth/expsmooth_dataset_carparts.log b/tests/references/expsmooth/expsmooth_dataset_carparts.log index bf1e2be19..1eba0377b 100644 --- a/tests/references/expsmooth/expsmooth_dataset_carparts.log +++ b/tests/references/expsmooth/expsmooth_dataset_carparts.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['carparts'], 'Horizons': {'carparts': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 2.315 +INFO:pyaf.std:TRAINING_ENGINE_END 0.947 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1998.0 TimeMax=2001.16666666667 TimeDelta=0.0833333333334191 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='carparts' Length=51 Min=0 Max=6 Mean=1.745098 StdDev=1.690146 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='CumSum_carparts' Min=0.0 Max=14.833333 Mean=9.101307 StdDev=4.805484 @@ -54,10 +54,12 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/expsmooth_carparts.csv_2_carparts_AR_d INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/expsmooth_carparts.csv_2_carparts_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_carparts.csv_2_carparts_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_carparts.csv_2_carparts_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_carparts.csv_2_carparts_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['carparts'], 'Horizons': {'carparts': 4}} PERFORMANCE MAPE_FORECAST carparts 0.5 -INFO:pyaf.std:TRAINING_ENGINE_END 5.903 +INFO:pyaf.std:TRAINING_ENGINE_END 2.807 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1998.0 TimeMax=2001.0 TimeDelta=0.08333333333333333 Horizon=4 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='carparts' Length=51 Min=0 Max=6 Mean=1.745098 StdDev=1.690146 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='CumSum_carparts' Min=0.0 Max=14.833333 Mean=9.101307 StdDev=4.805484 @@ -114,7 +116,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_carparts.cs INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_carparts.csv_4_carparts_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['carparts'], 'Horizons': {'carparts': 8}} PERFORMANCE MAPE_FORECAST carparts 0.5 -INFO:pyaf.std:TRAINING_ENGINE_END 6.093 +INFO:pyaf.std:TRAINING_ENGINE_END 6.624 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1998.0 TimeMax=2000.75 TimeDelta=0.08333333333333333 Horizon=8 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='carparts' Length=51 Min=0 Max=6 Mean=1.745098 StdDev=1.690146 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_carparts' Min=0.0 Max=1.0 Mean=0.29085 StdDev=0.281691 @@ -157,7 +159,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_carparts.cs INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_carparts.csv_8_carparts_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['carparts'], 'Horizons': {'carparts': 12}} PERFORMANCE MAPE_FORECAST carparts 6240896358.7417 -INFO:pyaf.std:TRAINING_ENGINE_END 10.5 +INFO:pyaf.std:TRAINING_ENGINE_END 6.925 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1998.0 TimeMax=2002.16666666667 TimeDelta=0.08333333333339851 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='carparts' Length=51 Min=0 Max=6 Mean=1.745098 StdDev=1.690146 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_carparts' Min=0.0 Max=1.0 Mean=0.29085 StdDev=0.281691 @@ -196,3 +198,4 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_carparts.csv_12_carpar INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_carparts.csv_12_carparts_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_carparts.csv_12_carparts_quantiles_output.png') PERFORMANCE MAPE_FORECAST carparts 2446007084.4971 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/expsmooth/expsmooth_dataset_carparts.py', 'ElapsedTimeSecs':(41.47, 2.00, 57.71), 'MAX_MEM_KB':232636, 'CPU_PRCNT':'143%', 'FILES_IN':0, 'FILES_OUT':5448, 'EXIT_STATUS':0} diff --git a/tests/references/expsmooth/expsmooth_dataset_dji.log b/tests/references/expsmooth/expsmooth_dataset_dji.log index c017dbe24..485e91b31 100644 --- a/tests/references/expsmooth/expsmooth_dataset_dji.log +++ b/tests/references/expsmooth/expsmooth_dataset_dji.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['dji'], 'Horizons': {'dji': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 2.721 +INFO:pyaf.std:TRAINING_ENGINE_END 1.388 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1990.0 TimeMax=2003.58333333333 TimeDelta=0.08333333333331334 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='dji' Length=207 Min=2442.33 Max=12621.7 Mean=7394.091353 StdDev=3206.551271 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_dji' Min=0.0 Max=1.0 Mean=0.486451 StdDev=0.315005 @@ -36,10 +36,12 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/expsmooth_dji.csv_2_dji_AR_decomp_outp INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/expsmooth_dji.csv_2_dji_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_dji.csv_2_dji_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_dji.csv_2_dji_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_dji.csv_2_dji_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['dji'], 'Horizons': {'dji': 4}} PERFORMANCE MAPE_FORECAST dji 0.0224 -INFO:pyaf.std:TRAINING_ENGINE_END 3.685 +INFO:pyaf.std:TRAINING_ENGINE_END 1.531 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1990.0 TimeMax=2003.41666666667 TimeDelta=0.08333333333335358 Horizon=4 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='dji' Length=207 Min=2442.33 Max=12621.7 Mean=7394.091353 StdDev=3206.551271 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_dji' Min=0.0 Max=1.0 Mean=0.486451 StdDev=0.315005 @@ -79,7 +81,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_dji.csv_4_d INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_dji.csv_4_dji_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['dji'], 'Horizons': {'dji': 8}} PERFORMANCE MAPE_FORECAST dji 0.0354 -INFO:pyaf.std:TRAINING_ENGINE_END 7.7 +INFO:pyaf.std:TRAINING_ENGINE_END 2.774 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1990.0 TimeMax=2003.16666666667 TimeDelta=0.08333333333335396 Horizon=8 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='dji' Length=207 Min=2442.33 Max=12621.7 Mean=7394.091353 StdDev=3206.551271 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_dji' Min=0.0 Max=1.0 Mean=0.486451 StdDev=0.315005 @@ -119,7 +121,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_dji.csv_8_d INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_dji.csv_8_dji_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['dji'], 'Horizons': {'dji': 12}} PERFORMANCE MAPE_FORECAST dji 0.048 -INFO:pyaf.std:TRAINING_ENGINE_END 15.389 +INFO:pyaf.std:TRAINING_ENGINE_END 7.708 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1990.0 TimeMax=2002.91666666667 TimeDelta=0.08333333333335435 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='dji' Length=207 Min=2442.33 Max=12621.7 Mean=7394.091353 StdDev=3206.551271 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_dji' Min=0.0 Max=1.0 Mean=0.486451 StdDev=0.315005 @@ -158,3 +160,4 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_dji.csv_12_dji_Forecas INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_dji.csv_12_dji_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_dji.csv_12_dji_quantiles_output.png') PERFORMANCE MAPE_FORECAST dji 0.0902 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/expsmooth/expsmooth_dataset_dji.py', 'ElapsedTimeSecs':(36.49, 1.56, 53.02), 'MAX_MEM_KB':235488, 'CPU_PRCNT':'149%', 'FILES_IN':0, 'FILES_OUT':6248, 'EXIT_STATUS':0} diff --git a/tests/references/expsmooth/expsmooth_dataset_djiclose.log b/tests/references/expsmooth/expsmooth_dataset_djiclose.log index f7f67b6a2..da136024d 100644 --- a/tests/references/expsmooth/expsmooth_dataset_djiclose.log +++ b/tests/references/expsmooth/expsmooth_dataset_djiclose.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['djiclose'], 'Horizons': {'djiclose': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 3.601 +INFO:pyaf.std:TRAINING_ENGINE_END 1.453 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1928.83333333333 TimeMax=1991.91666666667 TimeDelta=0.08333333333334195 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='djiclose' Length=950 Min=-30.7 Max=35.76 Mean=0.562905 StdDev=5.350796 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_djiclose' Min=0.0 Max=1.0 Mean=0.470402 StdDev=0.080512 @@ -40,10 +40,12 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/expsmooth_djiclose.csv_2_djiclose_AR_d INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/expsmooth_djiclose.csv_2_djiclose_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_djiclose.csv_2_djiclose_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_djiclose.csv_2_djiclose_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_djiclose.csv_2_djiclose_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['djiclose'], 'Horizons': {'djiclose': 4}} PERFORMANCE MAPE_FORECAST djiclose 1.3752 -INFO:pyaf.std:TRAINING_ENGINE_END 4.734 +INFO:pyaf.std:TRAINING_ENGINE_END 2.779 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1928.83333333333 TimeMax=1991.75 TimeDelta=0.08333333333333764 Horizon=4 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='djiclose' Length=950 Min=-30.7 Max=35.76 Mean=0.562905 StdDev=5.350796 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_djiclose' Min=0.0 Max=1.0 Mean=0.470402 StdDev=0.080512 @@ -87,7 +89,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_djiclose.cs INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_djiclose.csv_4_djiclose_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['djiclose'], 'Horizons': {'djiclose': 8}} PERFORMANCE MAPE_FORECAST djiclose 1.3658 -INFO:pyaf.std:TRAINING_ENGINE_END 10.331 +INFO:pyaf.std:TRAINING_ENGINE_END 5.767 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1928.83333333333 TimeMax=1991.5 TimeDelta=0.08333333333333767 Horizon=8 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='djiclose' Length=950 Min=-30.7 Max=35.76 Mean=0.562905 StdDev=5.350796 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_djiclose' Min=0.0 Max=1.0 Mean=0.470402 StdDev=0.080512 @@ -132,7 +134,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_djiclose.cs INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_djiclose.csv_8_djiclose_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['djiclose'], 'Horizons': {'djiclose': 12}} PERFORMANCE MAPE_FORECAST djiclose 1.3582 -INFO:pyaf.std:TRAINING_ENGINE_END 16.715 +INFO:pyaf.std:TRAINING_ENGINE_END 4.116 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1928.83333333333 TimeMax=1991.25 TimeDelta=0.08333333333333769 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='djiclose' Length=950 Min=-30.7 Max=35.76 Mean=0.562905 StdDev=5.350796 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_djiclose' Min=0.0 Max=1.0 Mean=0.470402 StdDev=0.080512 @@ -175,3 +177,4 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_djiclose.csv_12_djiclo INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_djiclose.csv_12_djiclose_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_djiclose.csv_12_djiclose_quantiles_output.png') PERFORMANCE MAPE_FORECAST djiclose 1.3626 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/expsmooth/expsmooth_dataset_djiclose.py', 'ElapsedTimeSecs':(35.92, 2.07, 59.82), 'MAX_MEM_KB':249344, 'CPU_PRCNT':'172%', 'FILES_IN':0, 'FILES_OUT':7480, 'EXIT_STATUS':0} diff --git a/tests/references/expsmooth/expsmooth_dataset_enplanements.log b/tests/references/expsmooth/expsmooth_dataset_enplanements.log index b91d61751..0b0a05d55 100644 --- a/tests/references/expsmooth/expsmooth_dataset_enplanements.log +++ b/tests/references/expsmooth/expsmooth_dataset_enplanements.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['enplanements'], 'Horizons': {'enplanements': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 3.325 +INFO:pyaf.std:TRAINING_ENGINE_END 1.55 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1979.0 TimeMax=1997.58333333333 TimeDelta=0.08333333333331872 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='enplanements' Length=282 Min=20.14 Max=56.14 Mean=35.66656 StdDev=9.309454 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_enplanements' Min=0.0 Max=1.0 Mean=0.431293 StdDev=0.258596 @@ -48,10 +48,12 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/expsmooth_enplanements.csv_2_enplaneme INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/expsmooth_enplanements.csv_2_enplanements_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_enplanements.csv_2_enplanements_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_enplanements.csv_2_enplanements_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_enplanements.csv_2_enplanements_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['enplanements'], 'Horizons': {'enplanements': 4}} PERFORMANCE MAPE_FORECAST enplanements 0.0388 -INFO:pyaf.std:TRAINING_ENGINE_END 4.625 +INFO:pyaf.std:TRAINING_ENGINE_END 1.805 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1979.0 TimeMax=1997.41666666667 TimeDelta=0.08333333333334808 Horizon=4 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='enplanements' Length=282 Min=20.14 Max=56.14 Mean=35.66656 StdDev=9.309454 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_enplanements' Min=0.0 Max=1.0 Mean=0.431293 StdDev=0.258596 @@ -101,7 +103,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_enplanement INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_enplanements.csv_4_enplanements_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['enplanements'], 'Horizons': {'enplanements': 8}} PERFORMANCE MAPE_FORECAST enplanements 0.0542 -INFO:pyaf.std:TRAINING_ENGINE_END 11.109 +INFO:pyaf.std:TRAINING_ENGINE_END 4.249 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1979.0 TimeMax=1997.16666666667 TimeDelta=0.08333333333334829 Horizon=8 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='enplanements' Length=282 Min=20.14 Max=56.14 Mean=35.66656 StdDev=9.309454 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='Diff_enplanements' Min=-0.686944 Max=0.233611 Mean=0.002873 StdDev=0.086641 @@ -151,7 +153,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_enplanement INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_enplanements.csv_8_enplanements_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['enplanements'], 'Horizons': {'enplanements': 12}} PERFORMANCE MAPE_FORECAST enplanements 0.0598 -INFO:pyaf.std:TRAINING_ENGINE_END 16.06 +INFO:pyaf.std:TRAINING_ENGINE_END 7.124 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1979.0 TimeMax=1996.91666666667 TimeDelta=0.0833333333333485 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='enplanements' Length=282 Min=20.14 Max=56.14 Mean=35.66656 StdDev=9.309454 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_enplanements' Min=0.0 Max=1.0 Mean=0.431293 StdDev=0.258596 @@ -190,3 +192,4 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_enplanements.csv_12_en INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_enplanements.csv_12_enplanements_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_enplanements.csv_12_enplanements_quantiles_output.png') PERFORMANCE MAPE_FORECAST enplanements 0.036 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/expsmooth/expsmooth_dataset_enplanements.py', 'ElapsedTimeSecs':(34.43, 1.77, 56.18), 'MAX_MEM_KB':232440, 'CPU_PRCNT':'168%', 'FILES_IN':0, 'FILES_OUT':7528, 'EXIT_STATUS':0} diff --git a/tests/references/expsmooth/expsmooth_dataset_fmsales.log b/tests/references/expsmooth/expsmooth_dataset_fmsales.log index 10121e351..d5ceabf65 100644 --- a/tests/references/expsmooth/expsmooth_dataset_fmsales.log +++ b/tests/references/expsmooth/expsmooth_dataset_fmsales.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['fmsales'], 'Horizons': {'fmsales': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 2.906 +INFO:pyaf.std:TRAINING_ENGINE_END 1.126 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1 TimeMax=48 TimeDelta=1 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='fmsales' Length=62 Min=22.24138 Max=51.914081 Mean=32.474861 StdDev=5.44569 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_fmsales' Min=0.0 Max=1.0 Mean=0.344879 StdDev=0.183525 @@ -40,10 +40,12 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/expsmooth_fmsales.csv_2_fmsales_AR_dec INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/expsmooth_fmsales.csv_2_fmsales_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_fmsales.csv_2_fmsales_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_fmsales.csv_2_fmsales_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_fmsales.csv_2_fmsales_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['fmsales'], 'Horizons': {'fmsales': 4}} PERFORMANCE MAPE_FORECAST fmsales 0.1475 -INFO:pyaf.std:TRAINING_ENGINE_END 3.184 +INFO:pyaf.std:TRAINING_ENGINE_END 1.941 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1 TimeMax=46 TimeDelta=1 Horizon=4 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='fmsales' Length=62 Min=22.24138 Max=51.914081 Mean=32.474861 StdDev=5.44569 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='CumSum_fmsales' Min=0.027458 Max=21.382477 Mean=9.395811 StdDev=6.984107 @@ -84,7 +86,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_fmsales.csv INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_fmsales.csv_4_fmsales_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['fmsales'], 'Horizons': {'fmsales': 8}} PERFORMANCE MAPE_FORECAST fmsales 0.137 -INFO:pyaf.std:TRAINING_ENGINE_END 5.477 +INFO:pyaf.std:TRAINING_ENGINE_END 3.036 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1 TimeMax=43 TimeDelta=1 Horizon=8 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='fmsales' Length=62 Min=22.24138 Max=51.914081 Mean=32.474861 StdDev=5.44569 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_fmsales' Min=0.0 Max=1.0 Mean=0.344879 StdDev=0.183525 @@ -124,7 +126,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_fmsales.csv INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_fmsales.csv_8_fmsales_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['fmsales'], 'Horizons': {'fmsales': 12}} PERFORMANCE MAPE_FORECAST fmsales 0.1074 -INFO:pyaf.std:TRAINING_ENGINE_END 10.182 +INFO:pyaf.std:TRAINING_ENGINE_END 4.58 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1 TimeMax=62 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='fmsales' Length=62 Min=22.24138 Max=51.914081 Mean=32.474861 StdDev=5.44569 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_fmsales' Min=0.0 Max=1.0 Mean=0.344879 StdDev=0.183525 @@ -164,3 +166,4 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_fmsales.csv_12_fmsales INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_fmsales.csv_12_fmsales_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_fmsales.csv_12_fmsales_quantiles_output.png') PERFORMANCE MAPE_FORECAST fmsales 0.0878 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/expsmooth/expsmooth_dataset_fmsales.py', 'ElapsedTimeSecs':(27.28, 1.34, 46.98), 'MAX_MEM_KB':231144, 'CPU_PRCNT':'177%', 'FILES_IN':0, 'FILES_OUT':5336, 'EXIT_STATUS':0} diff --git a/tests/references/expsmooth/expsmooth_dataset_freight.log b/tests/references/expsmooth/expsmooth_dataset_freight.log index 1b65c047d..dd22488f3 100644 --- a/tests/references/expsmooth/expsmooth_dataset_freight.log +++ b/tests/references/expsmooth/expsmooth_dataset_freight.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['freight'], 'Horizons': {'freight': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 2.216 +INFO:pyaf.std:TRAINING_ENGINE_END 1.394 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1947 TimeMax=1982 TimeDelta=1 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='freight' Length=47 Min=298.1 Max=6243.1 Mean=2177.346809 StdDev=1474.626929 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_freight' Min=0.0 Max=1.0 Mean=0.316105 StdDev=0.248045 @@ -42,10 +42,12 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/expsmooth_freight.csv_2_freight_AR_dec INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/expsmooth_freight.csv_2_freight_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_freight.csv_2_freight_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_freight.csv_2_freight_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_freight.csv_2_freight_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['freight'], 'Horizons': {'freight': 4}} PERFORMANCE MAPE_FORECAST freight 0.5502 -INFO:pyaf.std:TRAINING_ENGINE_END 3.694 +INFO:pyaf.std:TRAINING_ENGINE_END 1.935 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1947 TimeMax=1980 TimeDelta=1 Horizon=4 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='freight' Length=47 Min=298.1 Max=6243.1 Mean=2177.346809 StdDev=1474.626929 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='CumSum_freight' Min=0.728907 Max=14.856955 Mean=8.313123 StdDev=4.459449 @@ -86,7 +88,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_freight.csv INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_freight.csv_4_freight_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['freight'], 'Horizons': {'freight': 8}} PERFORMANCE MAPE_FORECAST freight 0.4987 -INFO:pyaf.std:TRAINING_ENGINE_END 5.389 +INFO:pyaf.std:TRAINING_ENGINE_END 2.83 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1947 TimeMax=1977 TimeDelta=1 Horizon=8 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='freight' Length=47 Min=298.1 Max=6243.1 Mean=2177.346809 StdDev=1474.626929 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='CumSum_freight' Min=0.728907 Max=14.856955 Mean=8.313123 StdDev=4.459449 @@ -127,7 +129,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_freight.csv INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_freight.csv_8_freight_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['freight'], 'Horizons': {'freight': 12}} PERFORMANCE MAPE_FORECAST freight 0.555 -INFO:pyaf.std:TRAINING_ENGINE_END 12.793 +INFO:pyaf.std:TRAINING_ENGINE_END 4.546 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1947 TimeMax=1993 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='freight' Length=47 Min=298.1 Max=6243.1 Mean=2177.346809 StdDev=1474.626929 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='Diff_freight' Min=-0.613288 Max=0.581194 Mean=-0.007664 StdDev=0.246226 @@ -166,3 +168,4 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_freight.csv_12_freight INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_freight.csv_12_freight_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_freight.csv_12_freight_quantiles_output.png') PERFORMANCE MAPE_FORECAST freight 0.6294 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/expsmooth/expsmooth_dataset_freight.py', 'ElapsedTimeSecs':(28.04, 1.51, 47.85), 'MAX_MEM_KB':234152, 'CPU_PRCNT':'176%', 'FILES_IN':0, 'FILES_OUT':5592, 'EXIT_STATUS':0} diff --git a/tests/references/expsmooth/expsmooth_dataset_frexport.log b/tests/references/expsmooth/expsmooth_dataset_frexport.log index 52b32fe6f..ebf819f7e 100644 --- a/tests/references/expsmooth/expsmooth_dataset_frexport.log +++ b/tests/references/expsmooth/expsmooth_dataset_frexport.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['frexport'], 'Horizons': {'frexport': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 3.512 +INFO:pyaf.std:TRAINING_ENGINE_END 1.427 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1.0 TimeMax=6.75 TimeDelta=0.25 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='frexport' Length=24 Min=341 Max=854 Mean=548.708333 StdDev=137.446498 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_frexport' Min=0.0 Max=1.0 Mean=0.40489 StdDev=0.267927 @@ -43,10 +43,12 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/expsmooth_frexport.csv_2_frexport_AR_d INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/expsmooth_frexport.csv_2_frexport_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_frexport.csv_2_frexport_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_frexport.csv_2_frexport_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_frexport.csv_2_frexport_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['frexport'], 'Horizons': {'frexport': 4}} PERFORMANCE MAPE_FORECAST frexport 0.0449 -INFO:pyaf.std:TRAINING_ENGINE_END 4.393 +INFO:pyaf.std:TRAINING_ENGINE_END 1.762 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1.0 TimeMax=6.75 TimeDelta=0.25 Horizon=4 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='frexport' Length=24 Min=341 Max=854 Mean=548.708333 StdDev=137.446498 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_frexport' Min=0.0 Max=1.0 Mean=0.40489 StdDev=0.267927 @@ -95,7 +97,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_frexport.cs INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_frexport.csv_4_frexport_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['frexport'], 'Horizons': {'frexport': 8}} PERFORMANCE MAPE_FORECAST frexport 0.0831 -INFO:pyaf.std:TRAINING_ENGINE_END 5.13 +INFO:pyaf.std:TRAINING_ENGINE_END 2.99 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1.0 TimeMax=6.75 TimeDelta=0.25 Horizon=8 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='frexport' Length=24 Min=341 Max=854 Mean=548.708333 StdDev=137.446498 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_frexport' Min=0.0 Max=1.0 Mean=0.40489 StdDev=0.267927 @@ -138,7 +140,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_frexport.cs INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_frexport.csv_8_frexport_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['frexport'], 'Horizons': {'frexport': 12}} PERFORMANCE MAPE_FORECAST frexport 0.084 -INFO:pyaf.std:TRAINING_ENGINE_END 8.819 +INFO:pyaf.std:TRAINING_ENGINE_END 5.098 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1.0 TimeMax=6.75 TimeDelta=0.25 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='frexport' Length=24 Min=341 Max=854 Mean=548.708333 StdDev=137.446498 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_frexport' Min=0.0 Max=1.0 Mean=0.40489 StdDev=0.267927 @@ -180,3 +182,4 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_frexport.csv_12_frexpo INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_frexport.csv_12_frexport_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_frexport.csv_12_frexport_quantiles_output.png') PERFORMANCE MAPE_FORECAST frexport 0.084 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/expsmooth/expsmooth_dataset_frexport.py', 'ElapsedTimeSecs':(29.34, 1.45, 49.30), 'MAX_MEM_KB':227708, 'CPU_PRCNT':'172%', 'FILES_IN':0, 'FILES_OUT':5448, 'EXIT_STATUS':0} diff --git a/tests/references/expsmooth/expsmooth_dataset_gasprice.log b/tests/references/expsmooth/expsmooth_dataset_gasprice.log index 14cbf5b8f..000e3def5 100644 --- a/tests/references/expsmooth/expsmooth_dataset_gasprice.log +++ b/tests/references/expsmooth/expsmooth_dataset_gasprice.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['gasprice'], 'Horizons': {'gasprice': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 2.483 +INFO:pyaf.std:TRAINING_ENGINE_END 2.146 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1991.0 TimeMax=2003.5 TimeDelta=0.08333333333333333 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='gasprice' Length=191 Min=11.35 Max=74.41 Mean=27.948377 StdDev=14.349022 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_gasprice' Min=0.0 Max=1.0 Mean=0.263216 StdDev=0.227546 @@ -36,10 +36,12 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/expsmooth_gasprice.csv_2_gasprice_AR_d INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/expsmooth_gasprice.csv_2_gasprice_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_gasprice.csv_2_gasprice_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_gasprice.csv_2_gasprice_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_gasprice.csv_2_gasprice_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['gasprice'], 'Horizons': {'gasprice': 4}} PERFORMANCE MAPE_FORECAST gasprice 0.0824 -INFO:pyaf.std:TRAINING_ENGINE_END 5.23 +INFO:pyaf.std:TRAINING_ENGINE_END 1.53 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1991.0 TimeMax=2003.33333333333 TimeDelta=0.08333333333331132 Horizon=4 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='gasprice' Length=191 Min=11.35 Max=74.41 Mean=27.948377 StdDev=14.349022 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_gasprice' Min=0.0 Max=1.0 Mean=0.263216 StdDev=0.227546 @@ -79,7 +81,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_gasprice.cs INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_gasprice.csv_4_gasprice_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['gasprice'], 'Horizons': {'gasprice': 8}} PERFORMANCE MAPE_FORECAST gasprice 0.104 -INFO:pyaf.std:TRAINING_ENGINE_END 9.801 +INFO:pyaf.std:TRAINING_ENGINE_END 3.196 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1991.0 TimeMax=2003.08333333333 TimeDelta=0.08333333333331086 Horizon=8 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='gasprice' Length=191 Min=11.35 Max=74.41 Mean=27.948377 StdDev=14.349022 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_gasprice' Min=0.0 Max=1.0 Mean=0.263216 StdDev=0.227546 @@ -119,7 +121,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_gasprice.cs INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_gasprice.csv_8_gasprice_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['gasprice'], 'Horizons': {'gasprice': 12}} PERFORMANCE MAPE_FORECAST gasprice 0.158 -INFO:pyaf.std:TRAINING_ENGINE_END 8.965 +INFO:pyaf.std:TRAINING_ENGINE_END 5.007 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1991.0 TimeMax=2002.83333333333 TimeDelta=0.08333333333331039 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='gasprice' Length=191 Min=11.35 Max=74.41 Mean=27.948377 StdDev=14.349022 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='CumSum_gasprice' Min=0.220108 Max=50.274183 Mean=15.812617 StdDev=12.238243 @@ -159,3 +161,4 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_gasprice.csv_12_gaspri INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_gasprice.csv_12_gasprice_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_gasprice.csv_12_gasprice_quantiles_output.png') PERFORMANCE MAPE_FORECAST gasprice 0.1508 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/expsmooth/expsmooth_dataset_gasprice.py', 'ElapsedTimeSecs':(31.15, 1.47, 50.46), 'MAX_MEM_KB':240772, 'CPU_PRCNT':'166%', 'FILES_IN':0, 'FILES_OUT':6096, 'EXIT_STATUS':0} diff --git a/tests/references/expsmooth/expsmooth_dataset_hospital.log b/tests/references/expsmooth/expsmooth_dataset_hospital.log index bfef658a2..50fb5f210 100644 --- a/tests/references/expsmooth/expsmooth_dataset_hospital.log +++ b/tests/references/expsmooth/expsmooth_dataset_hospital.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['hospital'], 'Horizons': {'hospital': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 2.507 +INFO:pyaf.std:TRAINING_ENGINE_END 3.044 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000.0 TimeMax=2005.33333333333 TimeDelta=0.08333333333328241 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='hospital' Length=84 Min=35 Max=108 Mean=60.511905 StdDev=18.351394 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_hospital' Min=0.0 Max=1.0 Mean=0.349478 StdDev=0.251389 @@ -36,10 +36,12 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/expsmooth_hospital.csv_2_hospital_AR_d INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/expsmooth_hospital.csv_2_hospital_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_hospital.csv_2_hospital_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_hospital.csv_2_hospital_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_hospital.csv_2_hospital_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['hospital'], 'Horizons': {'hospital': 4}} PERFORMANCE MAPE_FORECAST hospital 0.1719 -INFO:pyaf.std:TRAINING_ENGINE_END 2.913 +INFO:pyaf.std:TRAINING_ENGINE_END 3.99 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000.0 TimeMax=2005.25 TimeDelta=0.08333333333333333 Horizon=4 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='hospital' Length=84 Min=35 Max=108 Mean=60.511905 StdDev=18.351394 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_hospital' Min=0.0 Max=1.0 Mean=0.349478 StdDev=0.251389 @@ -85,7 +87,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_hospital.cs INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_hospital.csv_4_hospital_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['hospital'], 'Horizons': {'hospital': 8}} PERFORMANCE MAPE_FORECAST hospital 0.2328 -INFO:pyaf.std:TRAINING_ENGINE_END 5.201 +INFO:pyaf.std:TRAINING_ENGINE_END 6.315 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000.0 TimeMax=2004.91666666667 TimeDelta=0.08333333333338858 Horizon=8 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='hospital' Length=84 Min=35 Max=108 Mean=60.511905 StdDev=18.351394 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='Diff_hospital' Min=-0.575342 Max=0.616438 Mean=0.000163 StdDev=0.214673 @@ -125,7 +127,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_hospital.cs INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_hospital.csv_8_hospital_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['hospital'], 'Horizons': {'hospital': 12}} PERFORMANCE MAPE_FORECAST hospital 0.1501 -INFO:pyaf.std:TRAINING_ENGINE_END 8.607 +INFO:pyaf.std:TRAINING_ENGINE_END 5.497 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000.0 TimeMax=2004.66666666667 TimeDelta=0.08333333333339153 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='hospital' Length=84 Min=35 Max=108 Mean=60.511905 StdDev=18.351394 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='Diff_hospital' Min=-0.575342 Max=0.616438 Mean=0.000163 StdDev=0.214673 @@ -164,3 +166,4 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_hospital.csv_12_hospit INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_hospital.csv_12_hospital_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_hospital.csv_12_hospital_quantiles_output.png') PERFORMANCE MAPE_FORECAST hospital 0.129 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/expsmooth/expsmooth_dataset_hospital.py', 'ElapsedTimeSecs':(46.14, 1.72, 59.28), 'MAX_MEM_KB':236128, 'CPU_PRCNT':'132%', 'FILES_IN':0, 'FILES_OUT':7336, 'EXIT_STATUS':0} diff --git a/tests/references/expsmooth/expsmooth_dataset_jewelry.log b/tests/references/expsmooth/expsmooth_dataset_jewelry.log index 3dc830237..6c177d65c 100644 --- a/tests/references/expsmooth/expsmooth_dataset_jewelry.log +++ b/tests/references/expsmooth/expsmooth_dataset_jewelry.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['jewelry'], 'Horizons': {'jewelry': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 2.389 +INFO:pyaf.std:TRAINING_ENGINE_END 0.846 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1998.07692307692 TimeMax=1999.92307692308 TimeDelta=0.019230769230835183 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='jewelry' Length=124 Min=46 Max=426 Mean=124.725806 StdDev=64.433679 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_jewelry' Min=0.0 Max=1.0 Mean=0.207173 StdDev=0.169562 @@ -37,10 +37,12 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/expsmooth_jewelry.csv_2_jewelry_AR_dec INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/expsmooth_jewelry.csv_2_jewelry_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_jewelry.csv_2_jewelry_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_jewelry.csv_2_jewelry_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_jewelry.csv_2_jewelry_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['jewelry'], 'Horizons': {'jewelry': 4}} PERFORMANCE MAPE_FORECAST jewelry 0.1974 -INFO:pyaf.std:TRAINING_ENGINE_END 3.275 +INFO:pyaf.std:TRAINING_ENGINE_END 1.337 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1998.07692307692 TimeMax=1999.90384615385 TimeDelta=0.01923076923084361 Horizon=4 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='jewelry' Length=124 Min=46 Max=426 Mean=124.725806 StdDev=64.433679 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_jewelry' Min=0.0 Max=1.0 Mean=0.207173 StdDev=0.169562 @@ -81,7 +83,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_jewelry.csv INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_jewelry.csv_4_jewelry_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['jewelry'], 'Horizons': {'jewelry': 8}} PERFORMANCE MAPE_FORECAST jewelry 0.2299 -INFO:pyaf.std:TRAINING_ENGINE_END 8.416 +INFO:pyaf.std:TRAINING_ENGINE_END 8.406 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1998.07692307692 TimeMax=1999.82692307692 TimeDelta=0.019230769230769232 Horizon=8 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='jewelry' Length=124 Min=46 Max=426 Mean=124.725806 StdDev=64.433679 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_jewelry' Min=0.0 Max=1.0 Mean=0.207173 StdDev=0.169562 @@ -122,7 +124,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_jewelry.csv INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_jewelry.csv_8_jewelry_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['jewelry'], 'Horizons': {'jewelry': 12}} PERFORMANCE MAPE_FORECAST jewelry 0.2675 -INFO:pyaf.std:TRAINING_ENGINE_END 11.48 +INFO:pyaf.std:TRAINING_ENGINE_END 11.161 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1998.07692307692 TimeMax=1999.76923076923 TimeDelta=0.01923076923079686 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='jewelry' Length=124 Min=46 Max=426 Mean=124.725806 StdDev=64.433679 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_jewelry' Min=0.0 Max=1.0 Mean=0.207173 StdDev=0.169562 @@ -162,3 +164,4 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_jewelry.csv_12_jewelry INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_jewelry.csv_12_jewelry_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_jewelry.csv_12_jewelry_quantiles_output.png') PERFORMANCE MAPE_FORECAST jewelry 0.3012 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/expsmooth/expsmooth_dataset_jewelry.py', 'ElapsedTimeSecs':(48.14, 1.60, 55.73), 'MAX_MEM_KB':232224, 'CPU_PRCNT':'119%', 'FILES_IN':0, 'FILES_OUT':6120, 'EXIT_STATUS':0} diff --git a/tests/references/expsmooth/expsmooth_dataset_mcopper.log b/tests/references/expsmooth/expsmooth_dataset_mcopper.log index f7244128d..05b306d5a 100644 --- a/tests/references/expsmooth/expsmooth_dataset_mcopper.log +++ b/tests/references/expsmooth/expsmooth_dataset_mcopper.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['mcopper'], 'Horizons': {'mcopper': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 3.322 +INFO:pyaf.std:TRAINING_ENGINE_END 1.573 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1960.0 TimeMax=1997.33333333333 TimeDelta=0.08333333333332606 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='mcopper' Length=564 Min=216.6 Max=4306.0 Mean=997.810461 StdDev=606.066125 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_mcopper' Min=0.0 Max=1.0 Mean=0.191033 StdDev=0.148204 @@ -36,10 +36,12 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/expsmooth_mcopper.csv_2_mcopper_AR_dec INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/expsmooth_mcopper.csv_2_mcopper_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_mcopper.csv_2_mcopper_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_mcopper.csv_2_mcopper_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_mcopper.csv_2_mcopper_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['mcopper'], 'Horizons': {'mcopper': 4}} PERFORMANCE MAPE_FORECAST mcopper 0.0646 -INFO:pyaf.std:TRAINING_ENGINE_END 4.719 +INFO:pyaf.std:TRAINING_ENGINE_END 2.507 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1960.0 TimeMax=1997.25 TimeDelta=0.08333333333333333 Horizon=4 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='mcopper' Length=564 Min=216.6 Max=4306.0 Mean=997.810461 StdDev=606.066125 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_mcopper' Min=0.0 Max=1.0 Mean=0.191033 StdDev=0.148204 @@ -79,7 +81,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_mcopper.csv INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_mcopper.csv_4_mcopper_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['mcopper'], 'Horizons': {'mcopper': 8}} PERFORMANCE MAPE_FORECAST mcopper 0.1062 -INFO:pyaf.std:TRAINING_ENGINE_END 9.862 +INFO:pyaf.std:TRAINING_ENGINE_END 3.45 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1960.0 TimeMax=1996.91666666667 TimeDelta=0.08333333333334068 Horizon=8 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='mcopper' Length=564 Min=216.6 Max=4306.0 Mean=997.810461 StdDev=606.066125 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_mcopper' Min=0.0 Max=1.0 Mean=0.191033 StdDev=0.148204 @@ -119,7 +121,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_mcopper.csv INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_mcopper.csv_8_mcopper_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['mcopper'], 'Horizons': {'mcopper': 12}} PERFORMANCE MAPE_FORECAST mcopper 0.1585 -INFO:pyaf.std:TRAINING_ENGINE_END 13.521 +INFO:pyaf.std:TRAINING_ENGINE_END 4.021 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1960.0 TimeMax=1996.66666666667 TimeDelta=0.08333333333334074 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='mcopper' Length=564 Min=216.6 Max=4306.0 Mean=997.810461 StdDev=606.066125 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_mcopper' Min=0.0 Max=1.0 Mean=0.191033 StdDev=0.148204 @@ -158,3 +160,4 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_mcopper.csv_12_mcopper INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_mcopper.csv_12_mcopper_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_mcopper.csv_12_mcopper_quantiles_output.png') PERFORMANCE MAPE_FORECAST mcopper 0.1973 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/expsmooth/expsmooth_dataset_mcopper.py', 'ElapsedTimeSecs':(32.77, 1.51, 54.29), 'MAX_MEM_KB':239656, 'CPU_PRCNT':'170%', 'FILES_IN':0, 'FILES_OUT':6016, 'EXIT_STATUS':0} diff --git a/tests/references/expsmooth/expsmooth_dataset_msales.log b/tests/references/expsmooth/expsmooth_dataset_msales.log index 1351b6bb3..5a193b372 100644 --- a/tests/references/expsmooth/expsmooth_dataset_msales.log +++ b/tests/references/expsmooth/expsmooth_dataset_msales.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['msales'], 'Horizons': {'msales': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 2.903 +INFO:pyaf.std:TRAINING_ENGINE_END 1.045 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1.0 TimeMax=3.16666666666667 TimeDelta=0.08333333333333347 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='msales' Length=36 Min=0 Max=1 Mean=0.472222 StdDev=0.499228 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='CumSum_msales' Min=1.0 Max=17.0 Mean=5.972222 StdDev=5.008249 @@ -11,10 +11,10 @@ INFO:pyaf.std:CYCLE_DETAIL 'CumSum_msales_PolyTrend_residue_Cycle_None' [Cycle_N INFO:pyaf.std:AUTOREG_DETAIL 'CumSum_msales_PolyTrend_residue_Cycle_None_residue_NoAR' [NoAR] INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 1829232921.3296, 'RMSE': 0.4163, 'MAE': 0.3256, 'MASE': 0.9405} INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 1496297900.3281, 'RMSE': 0.412, 'MAE': 0.239, 'MASE': 0.7171} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2915, 'RMSE': 0.2928, 'MAE': 0.2915, 'MASE': 2914550966.2752} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2915, 'RMSE': 0.2928, 'MAE': 0.2915, 'MASE': 2914550966.2755} INFO:pyaf.std:MODEL_PERFS Fit STEP=2 {'MAPE': 1829232921.3296, 'RMSE': 0.4163, 'MAE': 0.3256, 'MASE': 0.9405} INFO:pyaf.std:MODEL_PERFS Forecast STEP=2 {'MAPE': 1496297900.3281, 'RMSE': 0.412, 'MAE': 0.239, 'MASE': 0.7171} -INFO:pyaf.std:MODEL_PERFS Test STEP=2 {'MAPE': 0.2915, 'RMSE': 0.2928, 'MAE': 0.2915, 'MASE': 2914550966.2752} +INFO:pyaf.std:MODEL_PERFS Test STEP=2 {'MAPE': 0.2915, 'RMSE': 0.2928, 'MAE': 0.2915, 'MASE': 2914550966.2755} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'M', 'Trend': 'M', 'Cycle': 'S', 'AR': 'S'} [MMSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES Integration None @@ -37,10 +37,12 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/expsmooth_msales.csv_2_msales_AR_decom INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/expsmooth_msales.csv_2_msales_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_msales.csv_2_msales_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_msales.csv_2_msales_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_msales.csv_2_msales_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['msales'], 'Horizons': {'msales': 4}} PERFORMANCE MAPE_FORECAST msales 1496297900.3281 -INFO:pyaf.std:TRAINING_ENGINE_END 3.704 +INFO:pyaf.std:TRAINING_ENGINE_END 1.271 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1.0 TimeMax=3.0 TimeDelta=0.08333333333333333 Horizon=4 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='msales' Length=36 Min=0 Max=1 Mean=0.472222 StdDev=0.499228 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_msales' Min=0.0 Max=1.0 Mean=0.472222 StdDev=0.499228 @@ -81,7 +83,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_msales.csv_ INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_msales.csv_4_msales_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['msales'], 'Horizons': {'msales': 8}} PERFORMANCE MAPE_FORECAST msales 3520879120.9503 -INFO:pyaf.std:TRAINING_ENGINE_END 6.577 +INFO:pyaf.std:TRAINING_ENGINE_END 3.768 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1.0 TimeMax=3.91666666666667 TimeDelta=0.08333333333333343 Horizon=8 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='msales' Length=36 Min=0 Max=1 Mean=0.472222 StdDev=0.499228 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_msales' Min=0.0 Max=1.0 Mean=0.472222 StdDev=0.499228 @@ -123,7 +125,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_msales.csv_ INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_msales.csv_8_msales_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['msales'], 'Horizons': {'msales': 12}} PERFORMANCE MAPE_FORECAST msales 1299324209.711 -INFO:pyaf.std:TRAINING_ENGINE_END 11.912 +INFO:pyaf.std:TRAINING_ENGINE_END 5.433 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1.0 TimeMax=3.91666666666667 TimeDelta=0.08333333333333343 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='msales' Length=36 Min=0 Max=1 Mean=0.472222 StdDev=0.499228 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_msales' Min=0.0 Max=1.0 Mean=0.472222 StdDev=0.499228 @@ -164,3 +166,4 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_msales.csv_12_msales_F INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_msales.csv_12_msales_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_msales.csv_12_msales_quantiles_output.png') PERFORMANCE MAPE_FORECAST msales 1299324209.711 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/expsmooth/expsmooth_dataset_msales.py', 'ElapsedTimeSecs':(29.16, 1.34, 50.63), 'MAX_MEM_KB':232800, 'CPU_PRCNT':'178%', 'FILES_IN':0, 'FILES_OUT':5544, 'EXIT_STATUS':0} diff --git a/tests/references/expsmooth/expsmooth_dataset_partx.log b/tests/references/expsmooth/expsmooth_dataset_partx.log index 644bc0d5b..d71731f3d 100644 --- a/tests/references/expsmooth/expsmooth_dataset_partx.log +++ b/tests/references/expsmooth/expsmooth_dataset_partx.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['partx'], 'Horizons': {'partx': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 2.391 +INFO:pyaf.std:TRAINING_ENGINE_END 1.214 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1.0 TimeMax=4.16666666666667 TimeDelta=0.08333333333333341 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='partx' Length=51 Min=0 Max=5 Mean=0.627451 StdDev=1.119537 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_partx' Min=0.0 Max=1.0 Mean=0.12549 StdDev=0.223907 @@ -57,10 +57,12 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/expsmooth_partx.csv_2_partx_AR_decomp_ INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/expsmooth_partx.csv_2_partx_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_partx.csv_2_partx_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_partx.csv_2_partx_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_partx.csv_2_partx_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['partx'], 'Horizons': {'partx': 4}} PERFORMANCE MAPE_FORECAST partx 3205128205.3718 -INFO:pyaf.std:TRAINING_ENGINE_END 3.925 +INFO:pyaf.std:TRAINING_ENGINE_END 2.056 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1.0 TimeMax=4.0 TimeDelta=0.08333333333333333 Horizon=4 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='partx' Length=51 Min=0 Max=5 Mean=0.627451 StdDev=1.119537 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_partx' Min=0.0 Max=1.0 Mean=0.12549 StdDev=0.223907 @@ -100,7 +102,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_partx.csv_4 INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_partx.csv_4_partx_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['partx'], 'Horizons': {'partx': 8}} PERFORMANCE MAPE_FORECAST partx 2162162162.5054 -INFO:pyaf.std:TRAINING_ENGINE_END 6.309 +INFO:pyaf.std:TRAINING_ENGINE_END 2.931 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1.0 TimeMax=3.75 TimeDelta=0.08333333333333333 Horizon=8 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='partx' Length=51 Min=0 Max=5 Mean=0.627451 StdDev=1.119537 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_partx' Min=0.0 Max=1.0 Mean=0.12549 StdDev=0.223907 @@ -143,7 +145,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_partx.csv_8 INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_partx.csv_8_partx_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['partx'], 'Horizons': {'partx': 12}} PERFORMANCE MAPE_FORECAST partx 2641711230.3325 -INFO:pyaf.std:TRAINING_ENGINE_END 11.507 +INFO:pyaf.std:TRAINING_ENGINE_END 3.421 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1.0 TimeMax=5.16666666666667 TimeDelta=0.0833333333333334 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='partx' Length=51 Min=0 Max=5 Mean=0.627451 StdDev=1.119537 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_partx' Min=0.0 Max=1.0 Mean=0.12549 StdDev=0.223907 @@ -180,29 +182,30 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/expsmooth_partx.csv_12_partx_AR_decomp INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/expsmooth_partx.csv_12_partx_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_partx.csv_12_partx_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_partx.csv_12_partx_prediction_intervals_output.png') -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/lib/histograms.py:883: RuntimeWarning: invalid value encountered in divide +/usr/lib/python3/dist-packages/numpy/lib/histograms.py:885: RuntimeWarning: invalid value encountered in divide return n/db/n.sum(), bin_edges -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/lib/histograms.py:883: RuntimeWarning: invalid value encountered in divide +/usr/lib/python3/dist-packages/numpy/lib/histograms.py:885: RuntimeWarning: invalid value encountered in divide return n/db/n.sum(), bin_edges -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/lib/histograms.py:883: RuntimeWarning: invalid value encountered in divide +/usr/lib/python3/dist-packages/numpy/lib/histograms.py:885: RuntimeWarning: invalid value encountered in divide return n/db/n.sum(), bin_edges -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/lib/histograms.py:883: RuntimeWarning: invalid value encountered in divide +/usr/lib/python3/dist-packages/numpy/lib/histograms.py:885: RuntimeWarning: invalid value encountered in divide return n/db/n.sum(), bin_edges -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/lib/histograms.py:883: RuntimeWarning: invalid value encountered in divide +/usr/lib/python3/dist-packages/numpy/lib/histograms.py:885: RuntimeWarning: invalid value encountered in divide return n/db/n.sum(), bin_edges -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/lib/histograms.py:883: RuntimeWarning: invalid value encountered in divide +/usr/lib/python3/dist-packages/numpy/lib/histograms.py:885: RuntimeWarning: invalid value encountered in divide return n/db/n.sum(), bin_edges -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/lib/histograms.py:883: RuntimeWarning: invalid value encountered in divide +/usr/lib/python3/dist-packages/numpy/lib/histograms.py:885: RuntimeWarning: invalid value encountered in divide return n/db/n.sum(), bin_edges -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/lib/histograms.py:883: RuntimeWarning: invalid value encountered in divide +/usr/lib/python3/dist-packages/numpy/lib/histograms.py:885: RuntimeWarning: invalid value encountered in divide return n/db/n.sum(), bin_edges -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/lib/histograms.py:883: RuntimeWarning: invalid value encountered in divide +/usr/lib/python3/dist-packages/numpy/lib/histograms.py:885: RuntimeWarning: invalid value encountered in divide return n/db/n.sum(), bin_edges -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/lib/histograms.py:883: RuntimeWarning: invalid value encountered in divide +/usr/lib/python3/dist-packages/numpy/lib/histograms.py:885: RuntimeWarning: invalid value encountered in divide return n/db/n.sum(), bin_edges -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/lib/histograms.py:883: RuntimeWarning: invalid value encountered in divide +/usr/lib/python3/dist-packages/numpy/lib/histograms.py:885: RuntimeWarning: invalid value encountered in divide return n/db/n.sum(), bin_edges -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/lib/histograms.py:883: RuntimeWarning: invalid value encountered in divide +/usr/lib/python3/dist-packages/numpy/lib/histograms.py:885: RuntimeWarning: invalid value encountered in divide return n/db/n.sum(), bin_edges INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_partx.csv_12_partx_quantiles_output.png') PERFORMANCE MAPE_FORECAST partx 2156862745.2699 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/expsmooth/expsmooth_dataset_partx.py', 'ElapsedTimeSecs':(26.33, 1.53, 45.29), 'MAX_MEM_KB':233296, 'CPU_PRCNT':'177%', 'FILES_IN':0, 'FILES_OUT':5376, 'EXIT_STATUS':0} diff --git a/tests/references/expsmooth/expsmooth_dataset_ukcars.log b/tests/references/expsmooth/expsmooth_dataset_ukcars.log index 4820abe07..e9f5328f1 100644 --- a/tests/references/expsmooth/expsmooth_dataset_ukcars.log +++ b/tests/references/expsmooth/expsmooth_dataset_ukcars.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['ukcars'], 'Horizons': {'ukcars': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 5.002 +INFO:pyaf.std:TRAINING_ENGINE_END 0.944 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1977.0 TimeMax=1998.75 TimeDelta=0.25 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='ukcars' Length=113 Min=171.153 Max=494.311 Mean=333.477752 StdDev=78.211938 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_ukcars' Min=0.0 Max=1.0 Mean=0.502308 StdDev=0.242024 @@ -46,10 +46,12 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/expsmooth_ukcars.csv_2_ukcars_AR_decom INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/expsmooth_ukcars.csv_2_ukcars_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_ukcars.csv_2_ukcars_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_ukcars.csv_2_ukcars_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_ukcars.csv_2_ukcars_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['ukcars'], 'Horizons': {'ukcars': 4}} PERFORMANCE MAPE_FORECAST ukcars 0.0659 -INFO:pyaf.std:TRAINING_ENGINE_END 5.491 +INFO:pyaf.std:TRAINING_ENGINE_END 1.391 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1977.0 TimeMax=1998.5 TimeDelta=0.25 Horizon=4 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='ukcars' Length=113 Min=171.153 Max=494.311 Mean=333.477752 StdDev=78.211938 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_ukcars' Min=0.0 Max=1.0 Mean=0.502308 StdDev=0.242024 @@ -99,7 +101,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_ukcars.csv_ INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_ukcars.csv_4_ukcars_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['ukcars'], 'Horizons': {'ukcars': 8}} PERFORMANCE MAPE_FORECAST ukcars 0.0845 -INFO:pyaf.std:TRAINING_ENGINE_END 5.442 +INFO:pyaf.std:TRAINING_ENGINE_END 3.771 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1977.0 TimeMax=1997.75 TimeDelta=0.25 Horizon=8 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='ukcars' Length=113 Min=171.153 Max=494.311 Mean=333.477752 StdDev=78.211938 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_ukcars' Min=0.0 Max=1.0 Mean=0.502308 StdDev=0.242024 @@ -139,7 +141,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_ukcars.csv_ INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_ukcars.csv_8_ukcars_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['ukcars'], 'Horizons': {'ukcars': 12}} PERFORMANCE MAPE_FORECAST ukcars 0.0675 -INFO:pyaf.std:TRAINING_ENGINE_END 9.28 +INFO:pyaf.std:TRAINING_ENGINE_END 5.396 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1977.0 TimeMax=1996.75 TimeDelta=0.25 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='ukcars' Length=113 Min=171.153 Max=494.311 Mean=333.477752 StdDev=78.211938 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_ukcars' Min=0.0 Max=1.0 Mean=0.502308 StdDev=0.242024 @@ -178,3 +180,4 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_ukcars.csv_12_ukcars_F INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_ukcars.csv_12_ukcars_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_ukcars.csv_12_ukcars_quantiles_output.png') PERFORMANCE MAPE_FORECAST ukcars 0.0785 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/expsmooth/expsmooth_dataset_ukcars.py', 'ElapsedTimeSecs':(28.17, 1.31, 49.73), 'MAX_MEM_KB':239752, 'CPU_PRCNT':'181%', 'FILES_IN':0, 'FILES_OUT':7792, 'EXIT_STATUS':0} diff --git a/tests/references/expsmooth/expsmooth_dataset_unemp.cci.log b/tests/references/expsmooth/expsmooth_dataset_unemp.cci.log index c98007d74..281908d1c 100644 --- a/tests/references/expsmooth/expsmooth_dataset_unemp.cci.log +++ b/tests/references/expsmooth/expsmooth_dataset_unemp.cci.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['unemp.cci'], 'Horizons': {'unemp.cci': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 1.694 +INFO:pyaf.std:TRAINING_ENGINE_END 0.971 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1997.41666666667 TimeMax=2003.83333333333 TimeDelta=0.08333333333324869 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='unemp.cci' Length=100 Min=0 Max=1 Mean=0.49 StdDev=0.4999 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_unemp.cci' Min=0.0 Max=1.0 Mean=0.49 StdDev=0.4999 @@ -36,8 +36,8 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 4 {'Transformation': 'Di INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 5 {'Transformation': 'Diff_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'Diff_unemp.cci_Lag1Trend_residue_zeroCycle[0.0]_residue_NoAR', 'Voting': 76.5, 'Complexity': 'MSSSS', 'Forecast_MASE_1': 0.0, 'Forecast_MASE_2': 0.0} INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 6 {'Transformation': '_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': '_unemp.cci_ConstantTrend_residue_Cycle_None_residue_AR(25)', 'Voting': 76.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.0, 'Forecast_MASE_2': 0.0001} INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 7 {'Transformation': '_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': '_unemp.cci_ConstantTrend_residue_zeroCycle[0.0]_residue_AR(25)', 'Voting': 76.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.0, 'Forecast_MASE_2': 0.0001} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 8 {'Transformation': 'CumSum_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_unemp.cci_ConstantTrend_residue_Cycle_None_residue_AR(25)', 'Voting': 76.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.0002, 'Forecast_MASE_2': 0.0003} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 9 {'Transformation': 'CumSum_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_unemp.cci_ConstantTrend_residue_zeroCycle[0.0]_residue_AR(25)', 'Voting': 76.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.0002, 'Forecast_MASE_2': 0.0003} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 8 {'Transformation': 'CumSum_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_unemp.cci_ConstantTrend_residue_Cycle_None_residue_AR(25)', 'Voting': 76.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.0001, 'Forecast_MASE_2': 0.0003} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 9 {'Transformation': 'CumSum_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_unemp.cci_ConstantTrend_residue_zeroCycle[0.0]_residue_AR(25)', 'Voting': 76.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.0001, 'Forecast_MASE_2': 0.0003} INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 10 {'Transformation': 'CumSum_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_unemp.cci_Lag1Trend_residue_Cycle_None_residue_AR(25)', 'Voting': 76.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.0, 'Forecast_MASE_2': 0.0} INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 11 {'Transformation': 'CumSum_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_unemp.cci_Lag1Trend_residue_zeroCycle[0.0]_residue_AR(25)', 'Voting': 76.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.0, 'Forecast_MASE_2': 0.0} INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 12 {'Transformation': 'Diff_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'Diff_unemp.cci_Lag1Trend_residue_Cycle_5_residue_AR(25)', 'Voting': 76.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.0, 'Forecast_MASE_2': 0.0} @@ -49,10 +49,12 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/expsmooth_unemp.cci.csv_2_unemp.cci_AR INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/expsmooth_unemp.cci.csv_2_unemp.cci_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_unemp.cci.csv_2_unemp.cci_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_unemp.cci.csv_2_unemp.cci_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_unemp.cci.csv_2_unemp.cci_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['unemp.cci'], 'Horizons': {'unemp.cci': 4}} PERFORMANCE MAPE_FORECAST unemp.cci 0.0 -INFO:pyaf.std:TRAINING_ENGINE_END 3.032 +INFO:pyaf.std:TRAINING_ENGINE_END 1.17 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1997.41666666667 TimeMax=2003.66666666667 TimeDelta=0.08333333333333333 Horizon=4 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='unemp.cci' Length=100 Min=0 Max=1 Mean=0.49 StdDev=0.4999 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_unemp.cci' Min=0.0 Max=1.0 Mean=0.49 StdDev=0.4999 @@ -89,8 +91,8 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 4 {'Transformation': 'Di INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 5 {'Transformation': 'Diff_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'Diff_unemp.cci_Lag1Trend_residue_zeroCycle[0.0]_residue_NoAR', 'Voting': 127.5, 'Complexity': 'MSSSS', 'Forecast_MASE_1': 0.0, 'Forecast_MASE_2': 0.0, 'Forecast_MASE_3': 0.0, 'Forecast_MASE_4': 0.0} INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 6 {'Transformation': '_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': '_unemp.cci_ConstantTrend_residue_Cycle_None_residue_AR(25)', 'Voting': 127.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.0001, 'Forecast_MASE_2': 0.0001, 'Forecast_MASE_3': 0.0002, 'Forecast_MASE_4': 0.0003} INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 7 {'Transformation': '_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': '_unemp.cci_ConstantTrend_residue_zeroCycle[0.0]_residue_AR(25)', 'Voting': 127.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.0001, 'Forecast_MASE_2': 0.0001, 'Forecast_MASE_3': 0.0002, 'Forecast_MASE_4': 0.0003} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 8 {'Transformation': 'CumSum_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_unemp.cci_ConstantTrend_residue_Cycle_None_residue_AR(25)', 'Voting': 127.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.0001, 'Forecast_MASE_2': 0.0002, 'Forecast_MASE_3': 0.0006, 'Forecast_MASE_4': 0.0012} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 9 {'Transformation': 'CumSum_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_unemp.cci_ConstantTrend_residue_zeroCycle[0.0]_residue_AR(25)', 'Voting': 127.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.0001, 'Forecast_MASE_2': 0.0002, 'Forecast_MASE_3': 0.0006, 'Forecast_MASE_4': 0.0012} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 8 {'Transformation': 'CumSum_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_unemp.cci_ConstantTrend_residue_Cycle_None_residue_AR(25)', 'Voting': 127.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.0001, 'Forecast_MASE_2': 0.0002, 'Forecast_MASE_3': 0.0005, 'Forecast_MASE_4': 0.0012} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 9 {'Transformation': 'CumSum_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_unemp.cci_ConstantTrend_residue_zeroCycle[0.0]_residue_AR(25)', 'Voting': 127.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.0001, 'Forecast_MASE_2': 0.0002, 'Forecast_MASE_3': 0.0005, 'Forecast_MASE_4': 0.0012} INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 10 {'Transformation': 'CumSum_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_unemp.cci_Lag1Trend_residue_Cycle_None_residue_AR(25)', 'Voting': 127.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.0, 'Forecast_MASE_2': 0.0, 'Forecast_MASE_3': 0.0, 'Forecast_MASE_4': 0.0} INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 11 {'Transformation': 'CumSum_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_unemp.cci_Lag1Trend_residue_zeroCycle[0.0]_residue_AR(25)', 'Voting': 127.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.0, 'Forecast_MASE_2': 0.0, 'Forecast_MASE_3': 0.0, 'Forecast_MASE_4': 0.0} INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 12 {'Transformation': 'Diff_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'Diff_unemp.cci_Lag1Trend_residue_Cycle_5_residue_AR(25)', 'Voting': 127.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.0, 'Forecast_MASE_2': 0.0, 'Forecast_MASE_3': 0.0, 'Forecast_MASE_4': 0.0} @@ -105,7 +107,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_unemp.cci.c INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_unemp.cci.csv_4_unemp.cci_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['unemp.cci'], 'Horizons': {'unemp.cci': 8}} PERFORMANCE MAPE_FORECAST unemp.cci 0.0 -INFO:pyaf.std:TRAINING_ENGINE_END 8.84 +INFO:pyaf.std:TRAINING_ENGINE_END 2.142 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1997.41666666667 TimeMax=2003.41666666667 TimeDelta=0.08333333333333333 Horizon=8 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='unemp.cci' Length=100 Min=0 Max=1 Mean=0.49 StdDev=0.4999 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_unemp.cci' Min=0.0 Max=1.0 Mean=0.49 StdDev=0.4999 @@ -140,10 +142,12 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 2 {'Transformation': 'Cu INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 3 {'Transformation': 'CumSum_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_unemp.cci_Lag1Trend_residue_zeroCycle[0.0]_residue_NoAR', 'Voting': 229.5, 'Complexity': 'MSSSS', 'Forecast_MASE_1': 0.0, 'Forecast_MASE_2': 0.0, 'Forecast_MASE_3': 0.0, 'Forecast_MASE_4': 0.0, 'Forecast_MASE_5': 0.0, 'Forecast_MASE_6': 0.0, 'Forecast_MASE_7': 0.0, 'Forecast_MASE_8': 0.0} INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 4 {'Transformation': 'Diff_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'Diff_unemp.cci_Lag1Trend_residue_Cycle_5_residue_NoAR', 'Voting': 229.5, 'Complexity': 'MSSSS', 'Forecast_MASE_1': 0.0, 'Forecast_MASE_2': 0.0, 'Forecast_MASE_3': 0.0, 'Forecast_MASE_4': 0.0, 'Forecast_MASE_5': 0.0, 'Forecast_MASE_6': 0.0, 'Forecast_MASE_7': 0.0, 'Forecast_MASE_8': 0.0} INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 5 {'Transformation': 'Diff_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'Diff_unemp.cci_Lag1Trend_residue_zeroCycle[0.0]_residue_NoAR', 'Voting': 229.5, 'Complexity': 'MSSSS', 'Forecast_MASE_1': 0.0, 'Forecast_MASE_2': 0.0, 'Forecast_MASE_3': 0.0, 'Forecast_MASE_4': 0.0, 'Forecast_MASE_5': 0.0, 'Forecast_MASE_6': 0.0, 'Forecast_MASE_7': 0.0, 'Forecast_MASE_8': 0.0} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 6 {'Transformation': '_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': '_unemp.cci_ConstantTrend_residue_Cycle_None_residue_AR(25)', 'Voting': 229.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.0001, 'Forecast_MASE_2': 0.0002, 'Forecast_MASE_3': 0.0003, 'Forecast_MASE_4': 0.0004, 'Forecast_MASE_5': 0.0005, 'Forecast_MASE_6': 0.0006, 'Forecast_MASE_7': 0.0007, 'Forecast_MASE_8': 0.0007} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 7 {'Transformation': '_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': '_unemp.cci_ConstantTrend_residue_zeroCycle[0.0]_residue_AR(25)', 'Voting': 229.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.0001, 'Forecast_MASE_2': 0.0002, 'Forecast_MASE_3': 0.0003, 'Forecast_MASE_4': 0.0004, 'Forecast_MASE_5': 0.0005, 'Forecast_MASE_6': 0.0006, 'Forecast_MASE_7': 0.0007, 'Forecast_MASE_8': 0.0007} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 8 {'Transformation': 'Diff_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'Diff_unemp.cci_Lag1Trend_residue_Cycle_5_residue_AR(25)', 'Voting': 229.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.0, 'Forecast_MASE_2': 0.0, 'Forecast_MASE_3': 0.0, 'Forecast_MASE_4': 0.0, 'Forecast_MASE_5': 0.0, 'Forecast_MASE_6': 0.0, 'Forecast_MASE_7': 0.0, 'Forecast_MASE_8': 0.0} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 9 {'Transformation': 'Diff_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'Diff_unemp.cci_Lag1Trend_residue_zeroCycle[0.0]_residue_AR(25)', 'Voting': 229.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.0, 'Forecast_MASE_2': 0.0, 'Forecast_MASE_3': 0.0, 'Forecast_MASE_4': 0.0, 'Forecast_MASE_5': 0.0, 'Forecast_MASE_6': 0.0, 'Forecast_MASE_7': 0.0, 'Forecast_MASE_8': 0.0} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 6 {'Transformation': '_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': '_unemp.cci_ConstantTrend_residue_Cycle_None_residue_AR(25)', 'Voting': 229.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.0001, 'Forecast_MASE_2': 0.0002, 'Forecast_MASE_3': 0.0003, 'Forecast_MASE_4': 0.0004, 'Forecast_MASE_5': 0.0005, 'Forecast_MASE_6': 0.0006, 'Forecast_MASE_7': 0.0007, 'Forecast_MASE_8': 0.0008} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 7 {'Transformation': '_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': '_unemp.cci_ConstantTrend_residue_zeroCycle[0.0]_residue_AR(25)', 'Voting': 229.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.0001, 'Forecast_MASE_2': 0.0002, 'Forecast_MASE_3': 0.0003, 'Forecast_MASE_4': 0.0004, 'Forecast_MASE_5': 0.0005, 'Forecast_MASE_6': 0.0006, 'Forecast_MASE_7': 0.0007, 'Forecast_MASE_8': 0.0008} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 8 {'Transformation': 'CumSum_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_unemp.cci_Lag1Trend_residue_Cycle_None_residue_AR(25)', 'Voting': 229.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.0, 'Forecast_MASE_2': 0.0, 'Forecast_MASE_3': 0.0, 'Forecast_MASE_4': 0.0001, 'Forecast_MASE_5': 0.0003, 'Forecast_MASE_6': 0.0011, 'Forecast_MASE_7': 0.003, 'Forecast_MASE_8': 0.0069} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 9 {'Transformation': 'CumSum_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_unemp.cci_Lag1Trend_residue_zeroCycle[0.0]_residue_AR(25)', 'Voting': 229.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.0, 'Forecast_MASE_2': 0.0, 'Forecast_MASE_3': 0.0, 'Forecast_MASE_4': 0.0001, 'Forecast_MASE_5': 0.0003, 'Forecast_MASE_6': 0.0011, 'Forecast_MASE_7': 0.003, 'Forecast_MASE_8': 0.0069} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 10 {'Transformation': 'Diff_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'Diff_unemp.cci_Lag1Trend_residue_Cycle_5_residue_AR(25)', 'Voting': 229.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.0, 'Forecast_MASE_2': 0.0, 'Forecast_MASE_3': 0.0, 'Forecast_MASE_4': 0.0, 'Forecast_MASE_5': 0.0, 'Forecast_MASE_6': 0.0, 'Forecast_MASE_7': 0.0, 'Forecast_MASE_8': 0.0} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 11 {'Transformation': 'Diff_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'Diff_unemp.cci_Lag1Trend_residue_zeroCycle[0.0]_residue_AR(25)', 'Voting': 229.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.0, 'Forecast_MASE_2': 0.0, 'Forecast_MASE_3': 0.0, 'Forecast_MASE_4': 0.0, 'Forecast_MASE_5': 0.0, 'Forecast_MASE_6': 0.0, 'Forecast_MASE_7': 0.0, 'Forecast_MASE_8': 0.0} INFO:pyaf.std:COMPETITION_DETAIL_END 'unemp.cci' INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/expsmooth_unemp.cci.csv_8_unemp.cci_Trend_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/expsmooth_unemp.cci.csv_8_unemp.cci_Cycle_decomp_output.png') @@ -154,7 +158,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_unemp.cci.c INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_unemp.cci.csv_8_unemp.cci_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['unemp.cci'], 'Horizons': {'unemp.cci': 12}} PERFORMANCE MAPE_FORECAST unemp.cci 0.0 -INFO:pyaf.std:TRAINING_ENGINE_END 8.222 +INFO:pyaf.std:TRAINING_ENGINE_END 3.029 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1997.41666666667 TimeMax=2003.16666666667 TimeDelta=0.08333333333333333 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='unemp.cci' Length=100 Min=0 Max=1 Mean=0.49 StdDev=0.4999 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_unemp.cci' Min=0.0 Max=1.0 Mean=0.49 StdDev=0.4999 @@ -189,8 +193,8 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 2 {'Transformation': 'Cu INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 3 {'Transformation': 'CumSum_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'CumSum_unemp.cci_Lag1Trend_residue_zeroCycle[0.0]_residue_NoAR', 'Voting': 331.5, 'Complexity': 'MSSSS', 'Forecast_MASE_1': 0.0, 'Forecast_MASE_2': 0.0, 'Forecast_MASE_3': 0.0, 'Forecast_MASE_4': 0.0, 'Forecast_MASE_5': 0.0, 'Forecast_MASE_6': 0.0, 'Forecast_MASE_7': 0.0, 'Forecast_MASE_8': 0.0, 'Forecast_MASE_9': 0.0, 'Forecast_MASE_10': 0.0, 'Forecast_MASE_11': 0.0, 'Forecast_MASE_12': 0.0} INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 4 {'Transformation': 'Diff_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'Diff_unemp.cci_Lag1Trend_residue_Cycle_5_residue_NoAR', 'Voting': 331.5, 'Complexity': 'MSSSS', 'Forecast_MASE_1': 0.0, 'Forecast_MASE_2': 0.0, 'Forecast_MASE_3': 0.0, 'Forecast_MASE_4': 0.0, 'Forecast_MASE_5': 0.0, 'Forecast_MASE_6': 0.0, 'Forecast_MASE_7': 0.0, 'Forecast_MASE_8': 0.0, 'Forecast_MASE_9': 0.0, 'Forecast_MASE_10': 0.0, 'Forecast_MASE_11': 0.0, 'Forecast_MASE_12': 0.0} INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 5 {'Transformation': 'Diff_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': 'Diff_unemp.cci_Lag1Trend_residue_zeroCycle[0.0]_residue_NoAR', 'Voting': 331.5, 'Complexity': 'MSSSS', 'Forecast_MASE_1': 0.0, 'Forecast_MASE_2': 0.0, 'Forecast_MASE_3': 0.0, 'Forecast_MASE_4': 0.0, 'Forecast_MASE_5': 0.0, 'Forecast_MASE_6': 0.0, 'Forecast_MASE_7': 0.0, 'Forecast_MASE_8': 0.0, 'Forecast_MASE_9': 0.0, 'Forecast_MASE_10': 0.0, 'Forecast_MASE_11': 0.0, 'Forecast_MASE_12': 0.0} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 6 {'Transformation': '_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': '_unemp.cci_ConstantTrend_residue_Cycle_None_residue_AR(25)', 'Voting': 331.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.0001, 'Forecast_MASE_2': 0.0002, 'Forecast_MASE_3': 0.0003, 'Forecast_MASE_4': 0.0004, 'Forecast_MASE_5': 0.0005, 'Forecast_MASE_6': 0.0006, 'Forecast_MASE_7': 0.0007, 'Forecast_MASE_8': 0.0008, 'Forecast_MASE_9': 0.0008, 'Forecast_MASE_10': 0.0009, 'Forecast_MASE_11': 0.001, 'Forecast_MASE_12': 0.001} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 7 {'Transformation': '_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': '_unemp.cci_ConstantTrend_residue_zeroCycle[0.0]_residue_AR(25)', 'Voting': 331.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.0001, 'Forecast_MASE_2': 0.0002, 'Forecast_MASE_3': 0.0003, 'Forecast_MASE_4': 0.0004, 'Forecast_MASE_5': 0.0005, 'Forecast_MASE_6': 0.0006, 'Forecast_MASE_7': 0.0007, 'Forecast_MASE_8': 0.0008, 'Forecast_MASE_9': 0.0008, 'Forecast_MASE_10': 0.0009, 'Forecast_MASE_11': 0.001, 'Forecast_MASE_12': 0.001} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 6 {'Transformation': '_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': '_unemp.cci_ConstantTrend_residue_Cycle_None_residue_AR(25)', 'Voting': 331.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.0001, 'Forecast_MASE_2': 0.0002, 'Forecast_MASE_3': 0.0003, 'Forecast_MASE_4': 0.0004, 'Forecast_MASE_5': 0.0005, 'Forecast_MASE_6': 0.0006, 'Forecast_MASE_7': 0.0007, 'Forecast_MASE_8': 0.0007, 'Forecast_MASE_9': 0.0008, 'Forecast_MASE_10': 0.0009, 'Forecast_MASE_11': 0.0009, 'Forecast_MASE_12': 0.001} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'unemp.cci' 7 {'Transformation': '_unemp.cci', 'DecompositionType': 'T+S+R', 'Model': '_unemp.cci_ConstantTrend_residue_zeroCycle[0.0]_residue_AR(25)', 'Voting': 331.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.0001, 'Forecast_MASE_2': 0.0002, 'Forecast_MASE_3': 0.0003, 'Forecast_MASE_4': 0.0004, 'Forecast_MASE_5': 0.0005, 'Forecast_MASE_6': 0.0006, 'Forecast_MASE_7': 0.0007, 'Forecast_MASE_8': 0.0007, 'Forecast_MASE_9': 0.0008, 'Forecast_MASE_10': 0.0009, 'Forecast_MASE_11': 0.0009, 'Forecast_MASE_12': 0.001} INFO:pyaf.std:COMPETITION_DETAIL_END 'unemp.cci' INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/expsmooth_unemp.cci.csv_12_unemp.cci_Trend_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/expsmooth_unemp.cci.csv_12_unemp.cci_Cycle_decomp_output.png') @@ -200,3 +204,4 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_unemp.cci.csv_12_unemp INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_unemp.cci.csv_12_unemp.cci_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_unemp.cci.csv_12_unemp.cci_quantiles_output.png') PERFORMANCE MAPE_FORECAST unemp.cci 0.0 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/expsmooth/expsmooth_dataset_unemp.cci.py', 'ElapsedTimeSecs':(20.96, 1.10, 32.54), 'MAX_MEM_KB':239784, 'CPU_PRCNT':'160%', 'FILES_IN':0, 'FILES_OUT':3056, 'EXIT_STATUS':0} diff --git a/tests/references/expsmooth/expsmooth_dataset_usgdp.log b/tests/references/expsmooth/expsmooth_dataset_usgdp.log index 924b8ff4c..81e8f779b 100644 --- a/tests/references/expsmooth/expsmooth_dataset_usgdp.log +++ b/tests/references/expsmooth/expsmooth_dataset_usgdp.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['usgdp'], 'Horizons': {'usgdp': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 3.281 +INFO:pyaf.std:TRAINING_ENGINE_END 1.101 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1947.0 TimeMax=1993.75 TimeDelta=0.25 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='usgdp' Length=237 Min=1568.0 Max=11403.6 Mean=5168.469198 StdDev=2763.166813 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_usgdp' Min=0.0 Max=1.0 Mean=0.366065 StdDev=0.280935 @@ -47,10 +47,12 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/expsmooth_usgdp.csv_2_usgdp_AR_decomp_ INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/expsmooth_usgdp.csv_2_usgdp_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_usgdp.csv_2_usgdp_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_usgdp.csv_2_usgdp_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_usgdp.csv_2_usgdp_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['usgdp'], 'Horizons': {'usgdp': 4}} PERFORMANCE MAPE_FORECAST usgdp 0.006 -INFO:pyaf.std:TRAINING_ENGINE_END 4.015 +INFO:pyaf.std:TRAINING_ENGINE_END 1.819 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1947.0 TimeMax=1993.25 TimeDelta=0.25 Horizon=4 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='usgdp' Length=237 Min=1568.0 Max=11403.6 Mean=5168.469198 StdDev=2763.166813 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_usgdp' Min=0.0 Max=1.0 Mean=0.366065 StdDev=0.280935 @@ -102,7 +104,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_usgdp.csv_4 INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_usgdp.csv_4_usgdp_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['usgdp'], 'Horizons': {'usgdp': 8}} PERFORMANCE MAPE_FORECAST usgdp 0.0221 -INFO:pyaf.std:TRAINING_ENGINE_END 10.052 +INFO:pyaf.std:TRAINING_ENGINE_END 2.458 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1947.0 TimeMax=1992.5 TimeDelta=0.25 Horizon=8 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='usgdp' Length=237 Min=1568.0 Max=11403.6 Mean=5168.469198 StdDev=2763.166813 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='RelDiff_usgdp' Min=-0.027176 Max=0.041045 Mean=0.008449 StdDev=0.00994 @@ -152,7 +154,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_usgdp.csv_8 INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_usgdp.csv_8_usgdp_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['usgdp'], 'Horizons': {'usgdp': 12}} PERFORMANCE MAPE_FORECAST usgdp 0.0174 -INFO:pyaf.std:TRAINING_ENGINE_END 12.426 +INFO:pyaf.std:TRAINING_ENGINE_END 3.433 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1947.0 TimeMax=1991.75 TimeDelta=0.25 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='usgdp' Length=237 Min=1568.0 Max=11403.6 Mean=5168.469198 StdDev=2763.166813 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='RelDiff_usgdp' Min=-0.027176 Max=0.041045 Mean=0.008449 StdDev=0.00994 @@ -192,3 +194,4 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_usgdp.csv_12_usgdp_For INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_usgdp.csv_12_usgdp_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_usgdp.csv_12_usgdp_quantiles_output.png') PERFORMANCE MAPE_FORECAST usgdp 0.0137 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/expsmooth/expsmooth_dataset_usgdp.py', 'ElapsedTimeSecs':(23.16, 1.09, 40.16), 'MAX_MEM_KB':235952, 'CPU_PRCNT':'178%', 'FILES_IN':0, 'FILES_OUT':5976, 'EXIT_STATUS':0} diff --git a/tests/references/expsmooth/expsmooth_dataset_usnetelec.log b/tests/references/expsmooth/expsmooth_dataset_usnetelec.log index 83575280c..df22af730 100644 --- a/tests/references/expsmooth/expsmooth_dataset_usnetelec.log +++ b/tests/references/expsmooth/expsmooth_dataset_usnetelec.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['usnetelec'], 'Horizons': {'usnetelec': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 2.709 +INFO:pyaf.std:TRAINING_ENGINE_END 1.135 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1949 TimeMax=1990 TimeDelta=1 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='usnetelec' Length=55 Min=296.1 Max=3858.5 Mean=1972.06 StdDev=1119.355557 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_usnetelec' Min=0.0 Max=1.0 Mean=0.470458 StdDev=0.314214 @@ -37,10 +37,12 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/expsmooth_usnetelec.csv_2_usnetelec_AR INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/expsmooth_usnetelec.csv_2_usnetelec_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_usnetelec.csv_2_usnetelec_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_usnetelec.csv_2_usnetelec_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_usnetelec.csv_2_usnetelec_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['usnetelec'], 'Horizons': {'usnetelec': 4}} PERFORMANCE MAPE_FORECAST usnetelec 0.0129 -INFO:pyaf.std:TRAINING_ENGINE_END 4.002 +INFO:pyaf.std:TRAINING_ENGINE_END 1.33 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1949 TimeMax=1988 TimeDelta=1 Horizon=4 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='usnetelec' Length=55 Min=296.1 Max=3858.5 Mean=1972.06 StdDev=1119.355557 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='CumSum_usnetelec' Min=0.0 Max=25.875196 Mean=8.204728 StdDev=7.860061 @@ -81,7 +83,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_usnetelec.c INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_usnetelec.csv_4_usnetelec_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['usnetelec'], 'Horizons': {'usnetelec': 8}} PERFORMANCE MAPE_FORECAST usnetelec 0.012 -INFO:pyaf.std:TRAINING_ENGINE_END 11.0 +INFO:pyaf.std:TRAINING_ENGINE_END 2.455 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1949 TimeMax=1985 TimeDelta=1 Horizon=8 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='usnetelec' Length=55 Min=296.1 Max=3858.5 Mean=1972.06 StdDev=1119.355557 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='Diff_usnetelec' Min=-0.018386 Max=0.072956 Mean=0.018128 StdDev=0.014222 @@ -121,7 +123,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_usnetelec.c INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_usnetelec.csv_8_usnetelec_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['usnetelec'], 'Horizons': {'usnetelec': 12}} PERFORMANCE MAPE_FORECAST usnetelec 0.0338 -INFO:pyaf.std:TRAINING_ENGINE_END 14.504 +INFO:pyaf.std:TRAINING_ENGINE_END 3.644 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1949 TimeMax=2003 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='usnetelec' Length=55 Min=296.1 Max=3858.5 Mean=1972.06 StdDev=1119.355557 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='Diff_usnetelec' Min=-0.018386 Max=0.072956 Mean=0.018128 StdDev=0.014222 @@ -160,3 +162,4 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_usnetelec.csv_12_usnet INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_usnetelec.csv_12_usnetelec_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_usnetelec.csv_12_usnetelec_quantiles_output.png') PERFORMANCE MAPE_FORECAST usnetelec 0.0363 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/expsmooth/expsmooth_dataset_usnetelec.py', 'ElapsedTimeSecs':(22.57, 1.15, 38.50), 'MAX_MEM_KB':231480, 'CPU_PRCNT':'175%', 'FILES_IN':0, 'FILES_OUT':5096, 'EXIT_STATUS':0} diff --git a/tests/references/expsmooth/expsmooth_dataset_utility.log b/tests/references/expsmooth/expsmooth_dataset_utility.log index 87a501a21..82e47c09a 100644 --- a/tests/references/expsmooth/expsmooth_dataset_utility.log +++ b/tests/references/expsmooth/expsmooth_dataset_utility.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['utility'], 'Horizons': {'utility': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 3.9 +INFO:pyaf.std:TRAINING_ENGINE_END 1.403 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1.0 TimeMax=101.666666666667 TimeDelta=0.0416666666666668 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='utility' Length=3024 Min=3798 Max=14940 Mean=8352.436508 StdDev=2433.025653 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_utility' Min=0.0 Max=1.0 Mean=0.408763 StdDev=0.218365 @@ -46,10 +46,12 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/expsmooth_utility.csv_2_utility_AR_dec INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/expsmooth_utility.csv_2_utility_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_utility.csv_2_utility_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_utility.csv_2_utility_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_utility.csv_2_utility_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['utility'], 'Horizons': {'utility': 4}} PERFORMANCE MAPE_FORECAST utility 0.0596 -INFO:pyaf.std:TRAINING_ENGINE_END 6.551 +INFO:pyaf.std:TRAINING_ENGINE_END 2.199 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1.0 TimeMax=101.625 TimeDelta=0.041666666666666664 Horizon=4 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='utility' Length=3024 Min=3798 Max=14940 Mean=8352.436508 StdDev=2433.025653 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_utility' Min=0.0 Max=1.0 Mean=0.408763 StdDev=0.218365 @@ -89,7 +91,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_utility.csv INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_utility.csv_4_utility_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['utility'], 'Horizons': {'utility': 8}} PERFORMANCE MAPE_FORECAST utility 0.1181 -INFO:pyaf.std:TRAINING_ENGINE_END 12.914 +INFO:pyaf.std:TRAINING_ENGINE_END 3.354 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1.0 TimeMax=101.458333333333 TimeDelta=0.04166666666666653 Horizon=8 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='utility' Length=3024 Min=3798 Max=14940 Mean=8352.436508 StdDev=2433.025653 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_utility' Min=0.0 Max=1.0 Mean=0.408763 StdDev=0.218365 @@ -129,7 +131,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_utility.csv INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_utility.csv_8_utility_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['utility'], 'Horizons': {'utility': 12}} PERFORMANCE MAPE_FORECAST utility 0.1611 -INFO:pyaf.std:TRAINING_ENGINE_END 15.379 +INFO:pyaf.std:TRAINING_ENGINE_END 5.202 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1.0 TimeMax=101.333333333333 TimeDelta=0.041666666666666526 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='utility' Length=3024 Min=3798 Max=14940 Mean=8352.436508 StdDev=2433.025653 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='Diff_utility' Min=-0.29483 Max=0.191976 Mean=-0.000112 StdDev=0.050138 @@ -178,3 +180,4 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_utility.csv_12_utility INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_utility.csv_12_utility_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_utility.csv_12_utility_quantiles_output.png') PERFORMANCE MAPE_FORECAST utility 0.1468 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/expsmooth/expsmooth_dataset_utility.py', 'ElapsedTimeSecs':(27.42, 1.60, 51.60), 'MAX_MEM_KB':266100, 'CPU_PRCNT':'194%', 'FILES_IN':0, 'FILES_OUT':9632, 'EXIT_STATUS':0} diff --git a/tests/references/expsmooth/expsmooth_dataset_vehicles.log b/tests/references/expsmooth/expsmooth_dataset_vehicles.log index 13ef0ac0e..486593241 100644 --- a/tests/references/expsmooth/expsmooth_dataset_vehicles.log +++ b/tests/references/expsmooth/expsmooth_dataset_vehicles.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['vehicles'], 'Horizons': {'vehicles': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 3.579 +INFO:pyaf.std:TRAINING_ENGINE_END 1.224 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1.0 TimeMax=57.1666666666667 TimeDelta=0.04166666666666669 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='vehicles' Length=1689 Min=154 Max=5549 Mean=2060.417999 StdDev=1339.149233 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_vehicles' Min=0.0 Max=1.0 Mean=0.353368 StdDev=0.24822 @@ -36,10 +36,12 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/expsmooth_vehicles.csv_2_vehicles_AR_d INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/expsmooth_vehicles.csv_2_vehicles_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_vehicles.csv_2_vehicles_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_vehicles.csv_2_vehicles_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_vehicles.csv_2_vehicles_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['vehicles'], 'Horizons': {'vehicles': 4}} PERFORMANCE MAPE_FORECAST vehicles 0.2986 -INFO:pyaf.std:TRAINING_ENGINE_END 5.702 +INFO:pyaf.std:TRAINING_ENGINE_END 1.738 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1.0 TimeMax=57.125 TimeDelta=0.041666666666666664 Horizon=4 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='vehicles' Length=1689 Min=154 Max=5549 Mean=2060.417999 StdDev=1339.149233 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_vehicles' Min=0.0 Max=1.0 Mean=0.353368 StdDev=0.24822 @@ -80,7 +82,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_vehicles.cs INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_vehicles.csv_4_vehicles_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['vehicles'], 'Horizons': {'vehicles': 8}} PERFORMANCE MAPE_FORECAST vehicles 0.2741 -INFO:pyaf.std:TRAINING_ENGINE_END 7.5 +INFO:pyaf.std:TRAINING_ENGINE_END 3.004 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1.0 TimeMax=56.9583333333333 TimeDelta=0.041666666666666644 Horizon=8 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='vehicles' Length=1689 Min=154 Max=5549 Mean=2060.417999 StdDev=1339.149233 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_vehicles' Min=0.0 Max=1.0 Mean=0.353368 StdDev=0.24822 @@ -120,7 +122,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_vehicles.cs INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_vehicles.csv_8_vehicles_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['vehicles'], 'Horizons': {'vehicles': 12}} PERFORMANCE MAPE_FORECAST vehicles 0.2719 -INFO:pyaf.std:TRAINING_ENGINE_END 14.763 +INFO:pyaf.std:TRAINING_ENGINE_END 4.382 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1.0 TimeMax=56.8333333333333 TimeDelta=0.041666666666666644 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='vehicles' Length=1689 Min=154 Max=5549 Mean=2060.417999 StdDev=1339.149233 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_vehicles' Min=0.0 Max=1.0 Mean=0.353368 StdDev=0.24822 @@ -159,3 +161,4 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_vehicles.csv_12_vehicl INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_vehicles.csv_12_vehicles_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_vehicles.csv_12_vehicles_quantiles_output.png') PERFORMANCE MAPE_FORECAST vehicles 0.2677 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/expsmooth/expsmooth_dataset_vehicles.py', 'ElapsedTimeSecs':(26.23, 1.35, 47.21), 'MAX_MEM_KB':255304, 'CPU_PRCNT':'185%', 'FILES_IN':0, 'FILES_OUT':11184, 'EXIT_STATUS':0} diff --git a/tests/references/expsmooth/expsmooth_dataset_visitors.log b/tests/references/expsmooth/expsmooth_dataset_visitors.log index 45f9eeab9..905e9ab64 100644 --- a/tests/references/expsmooth/expsmooth_dataset_visitors.log +++ b/tests/references/expsmooth/expsmooth_dataset_visitors.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['visitors'], 'Horizons': {'visitors': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 3.018 +INFO:pyaf.std:TRAINING_ENGINE_END 1.222 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1985.33333333333 TimeMax=2001.08333333333 TimeDelta=0.08333333333333333 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='visitors' Length=240 Min=75.4 Max=593.1 Mean=288.185833 StdDev=115.117105 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_visitors' Min=0.0 Max=1.0 Mean=0.411022 StdDev=0.222363 @@ -46,10 +46,12 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/expsmooth_visitors.csv_2_visitors_AR_d INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/expsmooth_visitors.csv_2_visitors_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_visitors.csv_2_visitors_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_visitors.csv_2_visitors_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_visitors.csv_2_visitors_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['visitors'], 'Horizons': {'visitors': 4}} PERFORMANCE MAPE_FORECAST visitors 0.0836 -INFO:pyaf.std:TRAINING_ENGINE_END 4.194 +INFO:pyaf.std:TRAINING_ENGINE_END 1.43 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1985.33333333333 TimeMax=2000.91666666667 TimeDelta=0.08333333333336819 Horizon=4 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='visitors' Length=240 Min=75.4 Max=593.1 Mean=288.185833 StdDev=115.117105 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_visitors' Min=0.0 Max=1.0 Mean=0.411022 StdDev=0.222363 @@ -99,7 +101,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_visitors.cs INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_visitors.csv_4_visitors_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['visitors'], 'Horizons': {'visitors': 8}} PERFORMANCE MAPE_FORECAST visitors 0.1097 -INFO:pyaf.std:TRAINING_ENGINE_END 8.493 +INFO:pyaf.std:TRAINING_ENGINE_END 2.486 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1985.33333333333 TimeMax=2000.66666666667 TimeDelta=0.08333333333336876 Horizon=8 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='visitors' Length=240 Min=75.4 Max=593.1 Mean=288.185833 StdDev=115.117105 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_visitors' Min=0.0 Max=1.0 Mean=0.411022 StdDev=0.222363 @@ -139,7 +141,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_visitors.cs INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_visitors.csv_8_visitors_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['visitors'], 'Horizons': {'visitors': 12}} PERFORMANCE MAPE_FORECAST visitors 0.0703 -INFO:pyaf.std:TRAINING_ENGINE_END 13.211 +INFO:pyaf.std:TRAINING_ENGINE_END 3.589 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1985.33333333333 TimeMax=2000.41666666667 TimeDelta=0.08333333333336934 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='visitors' Length=240 Min=75.4 Max=593.1 Mean=288.185833 StdDev=115.117105 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_visitors' Min=0.0 Max=1.0 Mean=0.411022 StdDev=0.222363 @@ -178,3 +180,4 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_visitors.csv_12_visito INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_visitors.csv_12_visitors_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_visitors.csv_12_visitors_quantiles_output.png') PERFORMANCE MAPE_FORECAST visitors 0.0705 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/expsmooth/expsmooth_dataset_visitors.py', 'ElapsedTimeSecs':(23.34, 1.22, 40.28), 'MAX_MEM_KB':235780, 'CPU_PRCNT':'177%', 'FILES_IN':0, 'FILES_OUT':7952, 'EXIT_STATUS':0} diff --git a/tests/references/expsmooth/expsmooth_dataset_xrates.log b/tests/references/expsmooth/expsmooth_dataset_xrates.log index 75d632bbc..c85c48a46 100644 --- a/tests/references/expsmooth/expsmooth_dataset_xrates.log +++ b/tests/references/expsmooth/expsmooth_dataset_xrates.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['xrates'], 'Horizons': {'xrates': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 4.493 +INFO:pyaf.std:TRAINING_ENGINE_END 0.837 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000.0 TimeMax=2004.91666666667 TimeDelta=0.08333333333338858 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='xrates' Length=77 Min=0.3345 Max=0.4327 Mean=0.38839 StdDev=0.026085 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_xrates' Min=0.0 Max=1.0 Mean=0.548774 StdDev=0.26563 @@ -40,10 +40,12 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/expsmooth_xrates.csv_2_xrates_AR_decom INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/expsmooth_xrates.csv_2_xrates_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_xrates.csv_2_xrates_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_xrates.csv_2_xrates_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_xrates.csv_2_xrates_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['xrates'], 'Horizons': {'xrates': 4}} PERFORMANCE MAPE_FORECAST xrates 0.0127 -INFO:pyaf.std:TRAINING_ENGINE_END 5.213 +INFO:pyaf.std:TRAINING_ENGINE_END 1.504 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000.0 TimeMax=2004.75 TimeDelta=0.08333333333333333 Horizon=4 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='xrates' Length=77 Min=0.3345 Max=0.4327 Mean=0.38839 StdDev=0.026085 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_xrates' Min=0.0 Max=1.0 Mean=0.548774 StdDev=0.26563 @@ -88,7 +90,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_xrates.csv_ INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_xrates.csv_4_xrates_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['xrates'], 'Horizons': {'xrates': 8}} PERFORMANCE MAPE_FORECAST xrates 0.023 -INFO:pyaf.std:TRAINING_ENGINE_END 5.913 +INFO:pyaf.std:TRAINING_ENGINE_END 2.301 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000.0 TimeMax=2004.5 TimeDelta=0.08333333333333333 Horizon=8 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='xrates' Length=77 Min=0.3345 Max=0.4327 Mean=0.38839 StdDev=0.026085 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='RelDiff_xrates' Min=-0.086066 Max=0.077572 Mean=0.000779 StdDev=0.028125 @@ -128,7 +130,7 @@ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_xrates.csv_ INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_xrates.csv_8_xrates_quantiles_output.png') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['xrates'], 'Horizons': {'xrates': 12}} PERFORMANCE MAPE_FORECAST xrates 0.0161 -INFO:pyaf.std:TRAINING_ENGINE_END 10.308 +INFO:pyaf.std:TRAINING_ENGINE_END 3.256 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000.0 TimeMax=2004.25 TimeDelta=0.08333333333333333 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='xrates' Length=77 Min=0.3345 Max=0.4327 Mean=0.38839 StdDev=0.026085 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_xrates' Min=0.0 Max=1.0 Mean=0.548774 StdDev=0.26563 @@ -168,3 +170,4 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/expsmooth_xrates.csv_12_xrates_F INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/expsmooth_xrates.csv_12_xrates_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/expsmooth_xrates.csv_12_xrates_quantiles_output.png') PERFORMANCE MAPE_FORECAST xrates 0.0209 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/expsmooth/expsmooth_dataset_xrates.py', 'ElapsedTimeSecs':(22.24, 1.15, 37.55), 'MAX_MEM_KB':236816, 'CPU_PRCNT':'174%', 'FILES_IN':0, 'FILES_OUT':6336, 'EXIT_STATUS':0} diff --git a/tests/references/func/test_ar.log b/tests/references/func/test_ar.log index e721ffe67..6872fe2a3 100644 --- a/tests/references/func/test_ar.log +++ b/tests/references/func/test_ar.log @@ -1,11 +1,5 @@ -/home/circleci/project/tests/func/test_ar.py:12: SettingWithCopyWarning: -A value is trying to be set on a copy of a slice from a DataFrame. -Try using .loc[row_indexer,col_indexer] = value instead - -See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy - df['Signal'] = df[b1.mName] INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 10}} -INFO:pyaf.std:TRAINING_ENGINE_END 3.689 +INFO:pyaf.std:TRAINING_ENGINE_END 0.974 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2000-08-27T00:00:00.000000 TimeDelta= Horizon=10 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=310 Min=12.507062 Max=140.875137 Mean=76.045998 StdDev=37.32632 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.494975 StdDev=0.290776 @@ -54,11 +48,8 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_random_ar_Signal_Forecast_dec INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_random_ar_Signal_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_random_ar_Signal_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 10}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.274 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.196 TRYING_TO_LOAD_RANDOM_DATASET Signal_320_D_0_constant_0_None_0.1_20 data/ARTIFICIAL_DATA/320/Signal_320_D_0_constant_0_None_0.1_20 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_320_D_0_constant_0_None_0.1_20 -GENERATING_RANDOM_DATASET Signal_320_D_0_constant_0_None_0.1_20 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 Forecast Columns Index(['Date', 'Signal', 'Signal_scaled', '_Signal', 'row_number', 'Date_Normalized', '_Signal_ConstantTrend', '_Signal_ConstantTrend_residue', @@ -90,16 +81,16 @@ dtypes: datetime64[ns](1), float64(2) memory usage: 7.6 KB None Forecasts - [[Timestamp('2000-11-06 00:00:00') nan 139.5983649517971] - [Timestamp('2000-11-07 00:00:00') nan 140.1052459654737] - [Timestamp('2000-11-08 00:00:00') nan 140.6927997568275] - [Timestamp('2000-11-09 00:00:00') nan 141.80097448844575] - [Timestamp('2000-11-10 00:00:00') nan 141.3854852224174] - [Timestamp('2000-11-11 00:00:00') nan 142.1071628775953] - [Timestamp('2000-11-12 00:00:00') nan 142.49391260927985] - [Timestamp('2000-11-13 00:00:00') nan 142.67926031093018] - [Timestamp('2000-11-14 00:00:00') nan 142.5413934966829] - [Timestamp('2000-11-15 00:00:00') nan 143.14461857795064]] + [[Timestamp('2000-11-06 00:00:00') nan 139.59836495179715] + [Timestamp('2000-11-07 00:00:00') nan 140.10524596547378] + [Timestamp('2000-11-08 00:00:00') nan 140.69279975682758] + [Timestamp('2000-11-09 00:00:00') nan 141.80097448844586] + [Timestamp('2000-11-10 00:00:00') nan 141.38548522241754] + [Timestamp('2000-11-11 00:00:00') nan 142.10716287759539] + [Timestamp('2000-11-12 00:00:00') nan 142.49391260927996] + [Timestamp('2000-11-13 00:00:00') nan 142.67926031093032] + [Timestamp('2000-11-14 00:00:00') nan 142.54139349668307] + [Timestamp('2000-11-15 00:00:00') nan 143.1446185779508]] @@ -177,7 +168,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 3.689 + "Training_Time": 0.974 } @@ -189,3 +180,4 @@ Forecasts +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/func/test_ar.py', 'ElapsedTimeSecs':(8.01, 0.26, 7.75), 'MAX_MEM_KB':213880, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':1304, 'EXIT_STATUS':0} diff --git a/tests/references/func/test_const_signal.log b/tests/references/func/test_const_signal.log index fb11a3a2a..04217535e 100644 --- a/tests/references/func/test_const_signal.log +++ b/tests/references/func/test_const_signal.log @@ -1,12 +1,6 @@ -/home/antoine/dev/python/packages/timeseries/pyaf/tests/func/test_const_signal.py:12: SettingWithCopyWarning: -A value is trying to be set on a copy of a slice from a DataFrame. -Try using .loc[row_indexer,col_indexer] = value instead - -See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy - df['Signal'] = df[b1.mName] INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 10}} TRYING_TO_LOAD_RANDOM_DATASET Signal_320_D_0_constant_0_None_0.0_20 data/ARTIFICIAL_DATA/320/Signal_320_D_0_constant_0_None_0.0_20 -INFO:pyaf.std:TRAINING_ENGINE_END 1.004 +INFO:pyaf.std:TRAINING_ENGINE_END 1.033 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2000-08-27T00:00:00.000000 TimeDelta= Horizon=10 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=310 Min=2.0 Max=2.0 Mean=2.0 StdDev=0.0 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=0.0 Mean=0.0 StdDev=0.0 @@ -60,7 +54,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/func_const_signal_Signal_Forecas INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/func_const_signal_Signal_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/func_const_signal_Signal_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 10}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.119 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.13 Forecast Columns Index(['Date', 'Signal', 'Signal_scaled', '_Signal', 'row_number', 'Date_Normalized', '_Signal_ConstantTrend', '_Signal_ConstantTrend_residue', @@ -179,7 +173,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 1.004 + "Training_Time": 1.033 } @@ -191,4 +185,4 @@ Forecasts -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/func/test_const_signal.py', 'ElapsedTimeSecs':(8.19, 0.86, 8.97), 'MAX_MEM_KB':284364, 'CPU_PRCNT':'120%', 'FILES_IN':96, 'FILES_OUT':880, 'EXIT_STATUS':0} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/func/test_const_signal.py', 'ElapsedTimeSecs':(7.65, 0.45, 8.85), 'MAX_MEM_KB':213688, 'CPU_PRCNT':'121%', 'FILES_IN':0, 'FILES_OUT':760, 'EXIT_STATUS':0} diff --git a/tests/references/func/test_cycle.log b/tests/references/func/test_cycle.log index 58e9fe304..f13160f70 100644 --- a/tests/references/func/test_cycle.log +++ b/tests/references/func/test_cycle.log @@ -1,15 +1,6 @@ -/home/circleci/project/tests/func/test_cycle.py:12: SettingWithCopyWarning: -A value is trying to be set on a copy of a slice from a DataFrame. -Try using .loc[row_indexer,col_indexer] = value instead - -See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy - df['Signal'] = df[b1.mName] INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 10}} TRYING_TO_LOAD_RANDOM_DATASET Signal_320_D_0_constant_12_None_0.0_20 data/ARTIFICIAL_DATA/320/Signal_320_D_0_constant_12_None_0.0_20 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_320_D_0_constant_12_None_0.0_20 -GENERATING_RANDOM_DATASET Signal_320_D_0_constant_12_None_0.0_20 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 -INFO:pyaf.std:TRAINING_ENGINE_END 22.605 +INFO:pyaf.std:TRAINING_ENGINE_END 5.516 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2000-08-27T00:00:00.000000 TimeDelta= Horizon=10 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=310 Min=13.522213 Max=166.553417 Mean=90.013223 StdDev=43.196553 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.499839 StdDev=0.282273 @@ -53,7 +44,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/func_test_cycle_Signal_Forecast_ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/func_test_cycle_Signal_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/func_test_cycle_Signal_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 10}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.805 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.144 Forecast Columns Index(['Date', 'Signal', 'Signal_scaled', '_Signal', 'row_number', 'Date_Normalized', '_Signal_Lag1Trend', '_Signal_Lag1Trend_residue', 'cycle_internal', '_Signal_Lag1Trend_residue_Cycle_12', @@ -86,14 +77,14 @@ None Forecasts [[Timestamp('2000-11-06 00:00:00') nan 167.03523016024272] [Timestamp('2000-11-07 00:00:00') nan 169.6040789751639] - [Timestamp('2000-11-08 00:00:00') nan 162.78126801763034] - [Timestamp('2000-11-09 00:00:00') nan 167.43715233754145] - [Timestamp('2000-11-10 00:00:00') nan 170.0060011524626] - [Timestamp('2000-11-11 00:00:00') nan 164.22670794742402] - [Timestamp('2000-11-12 00:00:00') nan 166.7955567623452] - [Timestamp('2000-11-13 00:00:00') nan 164.14681681479155] - [Timestamp('2000-11-14 00:00:00') nan 166.71566562971273] - [Timestamp('2000-11-15 00:00:00') nan 170.32803219712886]] + [Timestamp('2000-11-08 00:00:00') nan 162.78126801763037] + [Timestamp('2000-11-09 00:00:00') nan 167.4371523375415] + [Timestamp('2000-11-10 00:00:00') nan 170.00600115246263] + [Timestamp('2000-11-11 00:00:00') nan 164.22670794742407] + [Timestamp('2000-11-12 00:00:00') nan 166.79555676234526] + [Timestamp('2000-11-13 00:00:00') nan 164.14681681479158] + [Timestamp('2000-11-14 00:00:00') nan 166.71566562971276] + [Timestamp('2000-11-15 00:00:00') nan 170.3280321971289]] @@ -127,9 +118,9 @@ Forecasts }, "Model_Performance": { "1": { - "AUC": 0.5007, + "AUC": 0.4999, "DiffSMAPE": 0.0, - "ErrorMean": -0.0, + "ErrorMean": 0.0, "ErrorStdDev": 0.0, "KS": 0.0167, "KendallTau": 1.0, @@ -138,7 +129,7 @@ Forecasts "MAE": 0.0, "MAPE": 0.0, "MASE": 0.0, - "MannWhitneyU": 1802.5, + "MannWhitneyU": 1799.5, "MedAE": 0.0, "Pearson": 1.0, "R2": 1.0, @@ -148,7 +139,7 @@ Forecasts "Signal": "Signal_Forecast_1" }, "10": { - "AUC": 0.4994, + "AUC": 0.4992, "DiffSMAPE": 0.0, "ErrorMean": 0.0, "ErrorStdDev": 0.0, @@ -159,7 +150,7 @@ Forecasts "MAE": 0.0, "MAPE": 0.0, "MASE": 0.0, - "MannWhitneyU": 1798.0, + "MannWhitneyU": 1797.0, "MedAE": 0.0, "Pearson": 1.0, "R2": 1.0, @@ -171,7 +162,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 22.605 + "Training_Time": 5.516 } @@ -183,3 +174,4 @@ Forecasts +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/func/test_cycle.py', 'ElapsedTimeSecs':(12.56, 0.48, 23.54), 'MAX_MEM_KB':214896, 'CPU_PRCNT':'191%', 'FILES_IN':0, 'FILES_OUT':1568, 'EXIT_STATUS':0} diff --git a/tests/references/func/test_cycles_full.log b/tests/references/func/test_cycles_full.log index f09bd40ae..5778e749a 100644 --- a/tests/references/func/test_cycles_full.log +++ b/tests/references/func/test_cycles_full.log @@ -1,16 +1,7 @@ -/home/circleci/project/tests/func/test_cycles_full.py:17: SettingWithCopyWarning: -A value is trying to be set on a copy of a slice from a DataFrame. -Try using .loc[row_indexer,col_indexer] = value instead - -See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy - df['Signal'] = df[b1.mName] INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 10}} TEST_CYCLES_START 2 TRYING_TO_LOAD_RANDOM_DATASET Signal_320_D_0_constant_2_None_0.1_0 data/ARTIFICIAL_DATA/320/Signal_320_D_0_constant_2_None_0.1_0 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_320_D_0_constant_2_None_0.1_0 -GENERATING_RANDOM_DATASET Signal_320_D_0_constant_2_None_0.1_0 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 -INFO:pyaf.std:TRAINING_ENGINE_END 18.878 +INFO:pyaf.std:TRAINING_ENGINE_END 5.708 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2000-08-27T00:00:00.000000 TimeDelta= Horizon=10 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=310 Min=12.37209 Max=137.104087 Mean=74.984315 StdDev=35.97741 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.501974 StdDev=0.288438 @@ -52,13 +43,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/func_test_cycles_full_2_Signal_F INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/func_test_cycles_full_2_Signal_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/func_test_cycles_full_2_Signal_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 10}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.485 -/home/circleci/project/tests/func/test_cycles_full.py:17: SettingWithCopyWarning: -A value is trying to be set on a copy of a slice from a DataFrame. -Try using .loc[row_indexer,col_indexer] = value instead - -See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy - df['Signal'] = df[b1.mName] +INFO:pyaf.std:FORECASTING_ENGINE_END 0.145 INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 10}} Forecast Columns Index(['Date', 'Signal', 'Signal_scaled', '_Signal', 'row_number', 'Date_Normalized', '_Signal_LinearTrend', '_Signal_LinearTrend_residue', @@ -90,16 +75,16 @@ dtypes: datetime64[ns](1), float64(2) memory usage: 7.6 KB None Forecasts - [[Timestamp('2000-11-06 00:00:00') nan 137.74457367953784] - [Timestamp('2000-11-07 00:00:00') nan 137.54134380909815] - [Timestamp('2000-11-08 00:00:00') nan 137.90214438343372] - [Timestamp('2000-11-09 00:00:00') nan 138.4568198886648] - [Timestamp('2000-11-10 00:00:00') nan 138.38606897535513] - [Timestamp('2000-11-11 00:00:00') nan 139.95036811461014] - [Timestamp('2000-11-12 00:00:00') nan 140.2706986402332] - [Timestamp('2000-11-13 00:00:00') nan 140.55660807236922] - [Timestamp('2000-11-14 00:00:00') nan 140.3533782019295] - [Timestamp('2000-11-15 00:00:00') nan 140.71417877626504]] + [[Timestamp('2000-11-06 00:00:00') nan 137.7445736795378] + [Timestamp('2000-11-07 00:00:00') nan 137.5413438090981] + [Timestamp('2000-11-08 00:00:00') nan 137.90214438343367] + [Timestamp('2000-11-09 00:00:00') nan 138.45681988866477] + [Timestamp('2000-11-10 00:00:00') nan 138.3860689753551] + [Timestamp('2000-11-11 00:00:00') nan 139.95036811461011] + [Timestamp('2000-11-12 00:00:00') nan 140.27069864023318] + [Timestamp('2000-11-13 00:00:00') nan 140.5566080723692] + [Timestamp('2000-11-14 00:00:00') nan 140.35337820192947] + [Timestamp('2000-11-15 00:00:00') nan 140.71417877626502]] @@ -177,7 +162,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 18.878 + "Training_Time": 5.708 } @@ -192,10 +177,7 @@ Forecasts TEST_CYCLES_END 2 TEST_CYCLES_START 6 TRYING_TO_LOAD_RANDOM_DATASET Signal_320_D_0_constant_6_None_0.1_0 data/ARTIFICIAL_DATA/320/Signal_320_D_0_constant_6_None_0.1_0 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_320_D_0_constant_6_None_0.1_0 -GENERATING_RANDOM_DATASET Signal_320_D_0_constant_6_None_0.1_0 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 -INFO:pyaf.std:TRAINING_ENGINE_END 33.68 +INFO:pyaf.std:TRAINING_ENGINE_END 5.93 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2000-08-27T00:00:00.000000 TimeDelta= Horizon=10 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=310 Min=4.882368 Max=19.732145 Mean=12.257018 StdDev=3.617755 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.496617 StdDev=0.243624 @@ -235,13 +217,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/func_test_cycles_full_6_Signal_F INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/func_test_cycles_full_6_Signal_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/func_test_cycles_full_6_Signal_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 10}} -INFO:pyaf.std:FORECASTING_ENGINE_END 1.208 -/home/circleci/project/tests/func/test_cycles_full.py:17: SettingWithCopyWarning: -A value is trying to be set on a copy of a slice from a DataFrame. -Try using .loc[row_indexer,col_indexer] = value instead - -See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy - df['Signal'] = df[b1.mName] +INFO:pyaf.std:FORECASTING_ENGINE_END 0.144 INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 10}} Forecast Columns Index(['Date', 'Signal', 'Signal_scaled', '_Signal', 'row_number', 'Date_Normalized', '_Signal_LinearTrend', '_Signal_LinearTrend_residue', @@ -273,16 +249,16 @@ dtypes: datetime64[ns](1), float64(2) memory usage: 7.6 KB None Forecasts - [[Timestamp('2000-11-06 00:00:00') nan 17.65160618233351] - [Timestamp('2000-11-07 00:00:00') nan 19.026851352842936] - [Timestamp('2000-11-08 00:00:00') nan 18.481048525156343] + [[Timestamp('2000-11-06 00:00:00') nan 17.651606182333502] + [Timestamp('2000-11-07 00:00:00') nan 19.026851352842932] + [Timestamp('2000-11-08 00:00:00') nan 18.48104852515634] [Timestamp('2000-11-09 00:00:00') nan 17.19081757573885] [Timestamp('2000-11-10 00:00:00') nan 18.658121418450143] - [Timestamp('2000-11-11 00:00:00') nan 19.7400769554419] - [Timestamp('2000-11-12 00:00:00') nan 17.886979894677992] - [Timestamp('2000-11-13 00:00:00') nan 19.262225065187423] - [Timestamp('2000-11-14 00:00:00') nan 18.71642223750083] - [Timestamp('2000-11-15 00:00:00') nan 17.426191288083338]] + [Timestamp('2000-11-11 00:00:00') nan 19.740076955441893] + [Timestamp('2000-11-12 00:00:00') nan 17.88697989467799] + [Timestamp('2000-11-13 00:00:00') nan 19.26222506518742] + [Timestamp('2000-11-14 00:00:00') nan 18.716422237500822] + [Timestamp('2000-11-15 00:00:00') nan 17.426191288083334]] @@ -360,7 +336,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 33.68 + "Training_Time": 5.93 } @@ -375,10 +351,7 @@ Forecasts TEST_CYCLES_END 6 TEST_CYCLES_START 10 TRYING_TO_LOAD_RANDOM_DATASET Signal_320_D_0_constant_10_None_0.1_0 data/ARTIFICIAL_DATA/320/Signal_320_D_0_constant_10_None_0.1_0 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_320_D_0_constant_10_None_0.1_0 -GENERATING_RANDOM_DATASET Signal_320_D_0_constant_10_None_0.1_0 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 -INFO:pyaf.std:TRAINING_ENGINE_END 94.699 +INFO:pyaf.std:TRAINING_ENGINE_END 5.753 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2000-08-27T00:00:00.000000 TimeDelta= Horizon=10 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=310 Min=20.942839 Max=404.637594 Mean=211.690585 StdDev=109.10786 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.497134 StdDev=0.284361 @@ -418,13 +391,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/func_test_cycles_full_10_Signal_ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/func_test_cycles_full_10_Signal_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/func_test_cycles_full_10_Signal_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 10}} -INFO:pyaf.std:FORECASTING_ENGINE_END 1.088 -/home/circleci/project/tests/func/test_cycles_full.py:17: SettingWithCopyWarning: -A value is trying to be set on a copy of a slice from a DataFrame. -Try using .loc[row_indexer,col_indexer] = value instead - -See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy - df['Signal'] = df[b1.mName] +INFO:pyaf.std:FORECASTING_ENGINE_END 0.159 INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 10}} Forecast Columns Index(['Date', 'Signal', 'Signal_scaled', '_Signal', 'row_number', 'Date_Normalized', '_Signal_LinearTrend', '_Signal_LinearTrend_residue', @@ -456,16 +423,16 @@ dtypes: datetime64[ns](1), float64(2) memory usage: 7.6 KB None Forecasts - [[Timestamp('2000-11-06 00:00:00') nan 396.4504382071538] - [Timestamp('2000-11-07 00:00:00') nan 405.9361989907588] - [Timestamp('2000-11-08 00:00:00') nan 410.62466682583016] - [Timestamp('2000-11-09 00:00:00') nan 400.1463224120995] - [Timestamp('2000-11-10 00:00:00') nan 404.3860402483688] - [Timestamp('2000-11-11 00:00:00') nan 401.12852397338844] - [Timestamp('2000-11-12 00:00:00') nan 405.5953361948765] - [Timestamp('2000-11-13 00:00:00') nan 412.3663794817854] - [Timestamp('2000-11-14 00:00:00') nan 411.79173310334056] - [Timestamp('2000-11-15 00:00:00') nan 417.5815583007054]] + [[Timestamp('2000-11-06 00:00:00') nan 396.45043820715375] + [Timestamp('2000-11-07 00:00:00') nan 405.9361989907586] + [Timestamp('2000-11-08 00:00:00') nan 410.62466682583] + [Timestamp('2000-11-09 00:00:00') nan 400.1463224120993] + [Timestamp('2000-11-10 00:00:00') nan 404.3860402483685] + [Timestamp('2000-11-11 00:00:00') nan 401.12852397338827] + [Timestamp('2000-11-12 00:00:00') nan 405.59533619487644] + [Timestamp('2000-11-13 00:00:00') nan 412.3663794817852] + [Timestamp('2000-11-14 00:00:00') nan 411.79173310334045] + [Timestamp('2000-11-15 00:00:00') nan 417.58155830070535]] @@ -543,7 +510,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 94.699 + "Training_Time": 5.753 } @@ -558,10 +525,7 @@ Forecasts TEST_CYCLES_END 10 TEST_CYCLES_START 14 TRYING_TO_LOAD_RANDOM_DATASET Signal_320_D_0_constant_14_None_0.1_0 data/ARTIFICIAL_DATA/320/Signal_320_D_0_constant_14_None_0.1_0 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_320_D_0_constant_14_None_0.1_0 -GENERATING_RANDOM_DATASET Signal_320_D_0_constant_14_None_0.1_0 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 -INFO:pyaf.std:TRAINING_ENGINE_END 55.697 +INFO:pyaf.std:TRAINING_ENGINE_END 5.966 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2000-08-27T00:00:00.000000 TimeDelta= Horizon=10 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=310 Min=18.426245 Max=307.099501 Mean=162.60978 StdDev=82.179011 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.49947 StdDev=0.284678 @@ -602,13 +566,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/func_test_cycles_full_14_Signal_ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/func_test_cycles_full_14_Signal_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/func_test_cycles_full_14_Signal_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 10}} -INFO:pyaf.std:FORECASTING_ENGINE_END 1.21 -/home/circleci/project/tests/func/test_cycles_full.py:17: SettingWithCopyWarning: -A value is trying to be set on a copy of a slice from a DataFrame. -Try using .loc[row_indexer,col_indexer] = value instead - -See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy - df['Signal'] = df[b1.mName] +INFO:pyaf.std:FORECASTING_ENGINE_END 0.146 INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 10}} Forecast Columns Index(['Date', 'Signal', 'Signal_scaled', '_Signal', 'row_number', 'Date_Normalized', '_Signal_LinearTrend', '_Signal_LinearTrend_residue', @@ -640,16 +598,16 @@ dtypes: datetime64[ns](1), float64(2) memory usage: 7.6 KB None Forecasts - [[Timestamp('2000-11-06 00:00:00') nan 307.84965155117] - [Timestamp('2000-11-07 00:00:00') nan 302.0678967012771] - [Timestamp('2000-11-08 00:00:00') nan 304.6022573498868] - [Timestamp('2000-11-09 00:00:00') nan 304.19796237596296] - [Timestamp('2000-11-10 00:00:00') nan 306.77874729925605] - [Timestamp('2000-11-11 00:00:00') nan 311.22096180205176] - [Timestamp('2000-11-12 00:00:00') nan 310.1171178124719] - [Timestamp('2000-11-13 00:00:00') nan 314.2439441601263] + [[Timestamp('2000-11-06 00:00:00') nan 307.84965155116987] + [Timestamp('2000-11-07 00:00:00') nan 302.06789670127705] + [Timestamp('2000-11-08 00:00:00') nan 304.60225734988677] + [Timestamp('2000-11-09 00:00:00') nan 304.19796237596285] + [Timestamp('2000-11-10 00:00:00') nan 306.77874729925594] + [Timestamp('2000-11-11 00:00:00') nan 311.22096180205165] + [Timestamp('2000-11-12 00:00:00') nan 310.11711781247186] + [Timestamp('2000-11-13 00:00:00') nan 314.2439441601262] [Timestamp('2000-11-14 00:00:00') nan 315.1413080078739] - [Timestamp('2000-11-15 00:00:00') nan 320.6866796888346]] + [Timestamp('2000-11-15 00:00:00') nan 320.68667968883443]] @@ -727,7 +685,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 55.697 + "Training_Time": 5.966 } @@ -742,10 +700,7 @@ Forecasts TEST_CYCLES_END 14 TEST_CYCLES_START 18 TRYING_TO_LOAD_RANDOM_DATASET Signal_320_D_0_constant_18_None_0.1_0 data/ARTIFICIAL_DATA/320/Signal_320_D_0_constant_18_None_0.1_0 -LAOD_FAILED_TRYING_TO_GENERATE_RANDOM_DATASET Signal_320_D_0_constant_18_None_0.1_0 -GENERATING_RANDOM_DATASET Signal_320_D_0_constant_18_None_0.1_0 -TREND 0.0976270078546495 0.43037873274483895 0.20552675214328775 -INFO:pyaf.std:TRAINING_ENGINE_END 50.214 +INFO:pyaf.std:TRAINING_ENGINE_END 5.772 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2000-08-27T00:00:00.000000 TimeDelta= Horizon=10 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=310 Min=31.465575 Max=921.289743 Mean=478.225945 StdDev=256.848058 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.502077 StdDev=0.28865 @@ -785,4 +740,309 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/func_test_cycles_full_18_Signal_ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/func_test_cycles_full_18_Signal_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/func_test_cycles_full_18_Signal_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 10}} -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/func/test_cycles_full.py', 'ElapsedTimeSecs':(480.96, 2.21, 113.71), 'MAX_MEM_KB':324036, 'CPU_PRCNT':'24%', 'FILES_IN':8, 'FILES_OUT':15680, 'EXIT_STATUS':124} +INFO:pyaf.std:FORECASTING_ENGINE_END 0.156 +INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 10}} +Forecast Columns Index(['Date', 'Signal', 'Signal_scaled', '_Signal', 'row_number', + 'Date_Normalized', '_Signal_LinearTrend', '_Signal_LinearTrend_residue', + 'cycle_internal', '_Signal_LinearTrend_residue_Cycle_18', + '_Signal_LinearTrend_residue_Cycle_18_residue', + '_Signal_LinearTrend_residue_Cycle_18_residue_NoAR', + '_Signal_LinearTrend_residue_Cycle_18_residue_NoAR_residue', + 'Signal_Transformed', '_Signal_Trend', '_Signal_Trend_residue', + '_Signal_Cycle', '_Signal_Cycle_residue', '_Signal_AR', + '_Signal_AR_residue', '_Signal_TransformedForecast', + '_Signal_Detrended', '_Signal_Deseasonalized', + 'Signal_TransformedForecast_inverted', 'Signal_Forecast', + '_Signal_TransformedResidue', 'Signal_Residue', + 'Signal_Forecast_Lower_Bound', 'Signal_Forecast_Upper_Bound', + 'Signal_Forecast_Quantile_8', 'Signal_Forecast_Quantile_22', + 'Signal_Forecast_Quantile_36', 'Signal_Forecast_Quantile_50', + 'Signal_Forecast_Quantile_64', 'Signal_Forecast_Quantile_78', + 'Signal_Forecast_Quantile_92'], + dtype='object') + +RangeIndex: 320 entries, 0 to 319 +Data columns (total 3 columns): + # Column Non-Null Count Dtype +--- ------ -------------- ----- + 0 Date 320 non-null datetime64[ns] + 1 Signal 310 non-null float64 + 2 Signal_Forecast 320 non-null float64 +dtypes: datetime64[ns](1), float64(2) +memory usage: 7.6 KB +None +Forecasts + [[Timestamp('2000-11-06 00:00:00') nan 920.5185477349473] + [Timestamp('2000-11-07 00:00:00') nan 934.8599031957112] + [Timestamp('2000-11-08 00:00:00') nan 917.8359191862876] + [Timestamp('2000-11-09 00:00:00') nan 925.6085866025209] + [Timestamp('2000-11-10 00:00:00') nan 931.6780062462735] + [Timestamp('2000-11-11 00:00:00') nan 948.309733936402] + [Timestamp('2000-11-12 00:00:00') nan 954.4868149150319] + [Timestamp('2000-11-13 00:00:00') nan 937.9444113571775] + [Timestamp('2000-11-14 00:00:00') nan 954.4774076853995] + [Timestamp('2000-11-15 00:00:00') nan 946.4012003907291]] + + + +{ + "Signal": { + "Complexity": { + "AR": "S", + "Cycle": "S", + "Decomposition": "S", + "Transformation": "S", + "Trend": "S" + }, + "Dataset": { + "Signal": "Signal", + "Time": { + "Horizon": 10, + "TimeDelta": "", + "TimeMax": "2000-11-05 00:00:00", + "TimeMin": "2000-01-01 00:00:00", + "TimeVariable": "Date" + }, + "Training_Signal_Length": 310 + }, + "Model": { + "AR_Model": "NoAR", + "Best_Decomposition": "_Signal_LinearTrend_residue_Cycle_18_residue_NoAR", + "Cycle": "Cycle_18", + "Signal_Decomposition_Type": "T+S+R", + "Signal_Transoformation": "NoTransf", + "Trend": "LinearTrend" + }, + "Model_Performance": { + "1": { + "AUC": 0.5039, + "DiffSMAPE": 0.003, + "ErrorMean": -0.3755, + "ErrorStdDev": 3.092, + "KS": 0.0667, + "KendallTau": 0.9661, + "Length": 60, + "LnQ": 0.0009, + "MAE": 2.4239, + "MAPE": 0.003, + "MASE": 0.2019, + "MannWhitneyU": 1814.0, + "MedAE": 1.8226, + "Pearson": 0.9981, + "R2": 0.9961, + "RMSE": 3.1147, + "RMSSE": 0.2327, + "SMAPE": 0.003, + "Signal": "Signal_Forecast_1" + }, + "10": { + "AUC": 0.5039, + "DiffSMAPE": 0.003, + "ErrorMean": -0.3755, + "ErrorStdDev": 3.092, + "KS": 0.0667, + "KendallTau": 0.9661, + "Length": 60, + "LnQ": 0.0009, + "MAE": 2.4239, + "MAPE": 0.003, + "MASE": 0.2019, + "MannWhitneyU": 1814.0, + "MedAE": 1.8226, + "Pearson": 0.9981, + "R2": 0.9961, + "RMSE": 3.1147, + "RMSSE": 0.2327, + "SMAPE": 0.003, + "Signal": "Signal_Forecast_10" + } + }, + "Model_Selection_Criterion": "MASE" + }, + "Training_Time": 5.772 +} + + + + + + +{"Date":{"310":"2000-11-06T00:00:00.000","311":"2000-11-07T00:00:00.000","312":"2000-11-08T00:00:00.000","313":"2000-11-09T00:00:00.000","314":"2000-11-10T00:00:00.000","315":"2000-11-11T00:00:00.000","316":"2000-11-12T00:00:00.000","317":"2000-11-13T00:00:00.000","318":"2000-11-14T00:00:00.000","319":"2000-11-15T00:00:00.000"},"Signal":{"310":null,"311":null,"312":null,"313":null,"314":null,"315":null,"316":null,"317":null,"318":null,"319":null},"Signal_Forecast":{"310":920.5185477349,"311":934.8599031957,"312":917.8359191863,"313":925.6085866025,"314":931.6780062463,"315":948.3097339364,"316":954.486814915,"317":937.9444113572,"318":954.4774076854,"319":946.4012003907}} + + + +TEST_CYCLES_END 18 +TEST_CYCLES_START 22 +TRYING_TO_LOAD_RANDOM_DATASET Signal_320_D_0_constant_22_None_0.1_0 data/ARTIFICIAL_DATA/320/Signal_320_D_0_constant_22_None_0.1_0 +INFO:pyaf.std:TRAINING_ENGINE_END 5.759 +INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2000-01-01T00:00:00.000000 TimeMax=2000-08-27T00:00:00.000000 TimeDelta= Horizon=10 +INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=310 Min=15.344354 Max=214.975394 Mean=116.6836 StdDev=55.28403 +INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.507633 StdDev=0.276931 +INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' +INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' +INFO:pyaf.std:BEST_DECOMPOSITION '_Signal_LinearTrend_residue_Cycle_22_residue_NoAR' [LinearTrend + Cycle_22 + NoAR] +INFO:pyaf.std:TREND_DETAIL '_Signal_LinearTrend' [LinearTrend] +INFO:pyaf.std:CYCLE_DETAIL '_Signal_LinearTrend_residue_Cycle_22' [Cycle_22] +INFO:pyaf.std:AUTOREG_DETAIL '_Signal_LinearTrend_residue_Cycle_22_residue_NoAR' [NoAR] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0152, 'RMSE': 1.446, 'MAE': 1.0715, 'MASE': 0.2546} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0069, 'RMSE': 1.654, 'MAE': 1.2864, 'MASE': 0.2934} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0043, 'RMSE': 1.1431, 'MAE': 0.8932, 'MASE': 0.2228} +INFO:pyaf.std:MODEL_PERFS Fit STEP=10 {'MAPE': 0.0152, 'RMSE': 1.446, 'MAE': 1.0715, 'MASE': 0.2546} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=10 {'MAPE': 0.0069, 'RMSE': 1.654, 'MAE': 1.2864, 'MASE': 0.2934} +INFO:pyaf.std:MODEL_PERFS Test STEP=10 {'MAPE': 0.0043, 'RMSE': 1.1431, 'MAE': 0.8932, 'MASE': 0.2228} +INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'S'} [SSSSS] +INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START +INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None +INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END +INFO:pyaf.std:TREND_DETAIL_START +INFO:pyaf.std:LINEAR_RIDGE_TREND LinearTrend (0.031271, array([0.736623])) +INFO:pyaf.std:TREND_DETAIL_END +INFO:pyaf.std:CYCLE_MODEL_DETAIL_START +INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _Signal_LinearTrend_residue_Cycle_22 22 -0.000919 {0: -0.027867, 1: -0.010628, 2: -0.012014, 3: 0.028065, 4: 0.02938, 5: 0.028644, 6: -0.024897, 7: -0.020998, 8: 0.006144, 9: -0.031458, 10: -0.026361, 11: -0.012486, 12: 0.003462, 13: 0.018228, 14: -0.01805, 15: 0.00446, 16: -0.011272, 17: -0.00934, 18: 0.028473, 19: 0.025274, 20: 0.013165, 21: 0.025825} +INFO:pyaf.std:CYCLE_MODEL_DETAIL_END +INFO:pyaf.std:AR_MODEL_DETAIL_START +INFO:pyaf.std:AR_MODEL_DETAIL_END +INFO:pyaf.std:COMPETITION_DETAIL_START 'Signal' +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 0 {'Transformation': '_Signal', 'DecompositionType': 'T+S+R', 'Model': '_Signal_LinearTrend_residue_Cycle_22_residue_NoAR', 'Voting': 610.5, 'Complexity': 'SSSSS', 'Forecast_MASE_1': 0.2934, 'Forecast_MASE_2': 0.2934, 'Forecast_MASE_3': 0.2934, 'Forecast_MASE_4': 0.2934, 'Forecast_MASE_5': 0.2934, 'Forecast_MASE_6': 0.2934, 'Forecast_MASE_7': 0.2934, 'Forecast_MASE_8': 0.2934, 'Forecast_MASE_9': 0.2934, 'Forecast_MASE_10': 0.2934} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal' 1 {'Transformation': '_Signal', 'DecompositionType': 'T+S+R', 'Model': '_Signal_PolyTrend_residue_Cycle_22_residue_NoAR', 'Voting': 610.5, 'Complexity': 'MSSSS', 'Forecast_MASE_1': 0.2869, 'Forecast_MASE_2': 0.2869, 'Forecast_MASE_3': 0.2869, 'Forecast_MASE_4': 0.2869, 'Forecast_MASE_5': 0.2869, 'Forecast_MASE_6': 0.2869, 'Forecast_MASE_7': 0.2869, 'Forecast_MASE_8': 0.2869, 'Forecast_MASE_9': 0.2869, 'Forecast_MASE_10': 0.2869} +INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal' +INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/func_test_cycles_full_22_Signal_Trend_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/func_test_cycles_full_22_Signal_Cycle_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/func_test_cycles_full_22_Signal_AR_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/func_test_cycles_full_22_Signal_TransformedForecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/func_test_cycles_full_22_Signal_Forecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/func_test_cycles_full_22_Signal_prediction_intervals_output.png') +INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/func_test_cycles_full_22_Signal_quantiles_output.png') +INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 10}} +INFO:pyaf.std:FORECASTING_ENGINE_END 0.152 +Forecast Columns Index(['Date', 'Signal', 'Signal_scaled', '_Signal', 'row_number', + 'Date_Normalized', '_Signal_LinearTrend', '_Signal_LinearTrend_residue', + 'cycle_internal', '_Signal_LinearTrend_residue_Cycle_22', + '_Signal_LinearTrend_residue_Cycle_22_residue', + '_Signal_LinearTrend_residue_Cycle_22_residue_NoAR', + '_Signal_LinearTrend_residue_Cycle_22_residue_NoAR_residue', + 'Signal_Transformed', '_Signal_Trend', '_Signal_Trend_residue', + '_Signal_Cycle', '_Signal_Cycle_residue', '_Signal_AR', + '_Signal_AR_residue', '_Signal_TransformedForecast', + '_Signal_Detrended', '_Signal_Deseasonalized', + 'Signal_TransformedForecast_inverted', 'Signal_Forecast', + '_Signal_TransformedResidue', 'Signal_Residue', + 'Signal_Forecast_Lower_Bound', 'Signal_Forecast_Upper_Bound', + 'Signal_Forecast_Quantile_8', 'Signal_Forecast_Quantile_22', + 'Signal_Forecast_Quantile_36', 'Signal_Forecast_Quantile_50', + 'Signal_Forecast_Quantile_64', 'Signal_Forecast_Quantile_78', + 'Signal_Forecast_Quantile_92'], + dtype='object') + +RangeIndex: 320 entries, 0 to 319 +Data columns (total 3 columns): + # Column Non-Null Count Dtype +--- ------ -------------- ----- + 0 Date 320 non-null datetime64[ns] + 1 Signal 310 non-null float64 + 2 Signal_Forecast 320 non-null float64 +dtypes: datetime64[ns](1), float64(2) +memory usage: 7.6 KB +None +Forecasts + [[Timestamp('2000-11-06 00:00:00') nan 209.92655471736023] + [Timestamp('2000-11-07 00:00:00') nan 218.54283046182007] + [Timestamp('2000-11-08 00:00:00') nan 219.42065154723312] + [Timestamp('2000-11-09 00:00:00') nan 219.88903457905636] + [Timestamp('2000-11-10 00:00:00') nan 209.81595164969195] + [Timestamp('2000-11-11 00:00:00') nan 211.20960824977027] + [Timestamp('2000-11-12 00:00:00') nan 217.24315440443513] + [Timestamp('2000-11-13 00:00:00') nan 210.35198184747472] + [Timestamp('2000-11-14 00:00:00') nan 211.9847113318679] + [Timestamp('2000-11-15 00:00:00') nan 215.3698495095166]] + + + +{ + "Signal": { + "Complexity": { + "AR": "S", + "Cycle": "S", + "Decomposition": "S", + "Transformation": "S", + "Trend": "S" + }, + "Dataset": { + "Signal": "Signal", + "Time": { + "Horizon": 10, + "TimeDelta": "", + "TimeMax": "2000-11-05 00:00:00", + "TimeMin": "2000-01-01 00:00:00", + "TimeVariable": "Date" + }, + "Training_Signal_Length": 310 + }, + "Model": { + "AR_Model": "NoAR", + "Best_Decomposition": "_Signal_LinearTrend_residue_Cycle_22_residue_NoAR", + "Cycle": "Cycle_22", + "Signal_Decomposition_Type": "T+S+R", + "Signal_Transoformation": "NoTransf", + "Trend": "LinearTrend" + }, + "Model_Performance": { + "1": { + "AUC": 0.5072, + "DiffSMAPE": 0.0069, + "ErrorMean": -0.1655, + "ErrorStdDev": 1.6457, + "KS": 0.05, + "KendallTau": 0.9175, + "Length": 60, + "LnQ": 0.0047, + "MAE": 1.2864, + "MAPE": 0.0069, + "MASE": 0.2934, + "MannWhitneyU": 1826.0, + "MedAE": 1.0164, + "Pearson": 0.9904, + "R2": 0.9801, + "RMSE": 1.654, + "RMSSE": 0.3066, + "SMAPE": 0.0069, + "Signal": "Signal_Forecast_1" + }, + "10": { + "AUC": 0.5072, + "DiffSMAPE": 0.0069, + "ErrorMean": -0.1655, + "ErrorStdDev": 1.6457, + "KS": 0.05, + "KendallTau": 0.9175, + "Length": 60, + "LnQ": 0.0047, + "MAE": 1.2864, + "MAPE": 0.0069, + "MASE": 0.2934, + "MannWhitneyU": 1826.0, + "MedAE": 1.0164, + "Pearson": 0.9904, + "R2": 0.9801, + "RMSE": 1.654, + "RMSSE": 0.3066, + "SMAPE": 0.0069, + "Signal": "Signal_Forecast_10" + } + }, + "Model_Selection_Criterion": "MASE" + }, + "Training_Time": 5.759 +} + + + + + + +{"Date":{"310":"2000-11-06T00:00:00.000","311":"2000-11-07T00:00:00.000","312":"2000-11-08T00:00:00.000","313":"2000-11-09T00:00:00.000","314":"2000-11-10T00:00:00.000","315":"2000-11-11T00:00:00.000","316":"2000-11-12T00:00:00.000","317":"2000-11-13T00:00:00.000","318":"2000-11-14T00:00:00.000","319":"2000-11-15T00:00:00.000"},"Signal":{"310":null,"311":null,"312":null,"313":null,"314":null,"315":null,"316":null,"317":null,"318":null,"319":null},"Signal_Forecast":{"310":209.9265547174,"311":218.5428304618,"312":219.4206515472,"313":219.8890345791,"314":209.8159516497,"315":211.2096082498,"316":217.2431544044,"317":210.3519818475,"318":211.9847113319,"319":215.3698495095}} + + + +TEST_CYCLES_END 22 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/func/test_cycles_full.py', 'ElapsedTimeSecs':(64.06, 1.91, 136.72), 'MAX_MEM_KB':233560, 'CPU_PRCNT':'216%', 'FILES_IN':0, 'FILES_OUT':10896, 'EXIT_STATUS':0} diff --git a/tests/references/func/test_final_touch_1.log b/tests/references/func/test_final_touch_1.log index 102435b75..3b972b724 100644 --- a/tests/references/func/test_final_touch_1.log +++ b/tests/references/func/test_final_touch_1.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 0.387 +INFO:pyaf.std:TRAINING_ENGINE_END 0.183 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=0 TimeMax=15 TimeDelta=1 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=16 Min=1 Max=481 Mean=171.0 StdDev=152.276065 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.354167 StdDev=0.317242 @@ -20,7 +20,7 @@ INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:POLYNOMIAL_RIDGE_TREND PolyTrend (-0.0, array([0.0625, 0.9375, 0. ])) +INFO:pyaf.std:POLYNOMIAL_RIDGE_TREND PolyTrend (0.0, array([ 0.0625, 0.9375, -0. ])) INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START INFO:pyaf.std:ZERO_CYCLE_MODEL_VALUES _Signal_PolyTrend_residue_zeroCycle[0.0] 0.0 {} @@ -36,9 +36,11 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/FT_1_sixteen_rows__Signal_AR_decomp_ou INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/FT_1_sixteen_rows__Signal_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/FT_1_sixteen_rows__Signal_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/FT_1_sixteen_rows__Signal_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/FT_1_sixteen_rows__Signal_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 2}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.096 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.035 Date Signal 0 0 1 1 1 5 @@ -81,35 +83,35 @@ Index(['Date', 'Signal', 'Signal_scaled', '_Signal', 'row_number', dtype='object') CHECK_COLUMN_DATA 0 Date int64 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17] CHECK_COLUMN_DATA 1 Signal float64 [1.0, 5.0, 13.0, 25.0, 41.0, 61.0, 85.0, 113.0, 145.0, 181.0, 221.0, 265.0, 313.0, 365.0, 421.0, 481.0, nan, nan] -CHECK_COLUMN_DATA 2 Signal_scaled float64 [0.0, 0.008, 0.025, 0.05, 0.083, 0.125, 0.175, 0.233, 0.3, 0.375, 0.458, 0.55, 0.65, 0.758, 0.875, 1.0, 1.133, nan] +CHECK_COLUMN_DATA 2 Signal_scaled float64 [0.0, 0.008, 0.025, 0.05, 0.083, 0.125, 0.175, 0.233, 0.3, 0.375, 0.458, 0.55, 0.65, 0.758, 0.875, 1.0, nan, nan] CHECK_COLUMN_DATA 3 _Signal float64 [0.0, 0.008, 0.025, 0.05, 0.083, 0.125, 0.175, 0.233, 0.3, 0.375, 0.458, 0.55, 0.65, 0.758, 0.875, 1.0, nan, nan] CHECK_COLUMN_DATA 4 row_number int64 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17] CHECK_COLUMN_DATA 5 Date_Normalized float64 [0.0, 0.067, 0.133, 0.2, 0.267, 0.333, 0.4, 0.467, 0.533, 0.6, 0.667, 0.733, 0.8, 0.867, 0.933, 1.0, 1.067, 1.133] CHECK_COLUMN_DATA 6 Date_Normalized_^2 float64 [0.0, 0.004, 0.018, 0.04, 0.071, 0.111, 0.16, 0.218, 0.284, 0.36, 0.444, 0.538, 0.64, 0.751, 0.871, 1.0, 1.138, 1.284] CHECK_COLUMN_DATA 7 Date_Normalized_^3 float64 [0.0, 0.0, 0.002, 0.008, 0.019, 0.037, 0.064, 0.102, 0.152, 0.216, 0.296, 0.394, 0.512, 0.651, 0.813, 1.0, 1.214, 1.456] -CHECK_COLUMN_DATA 8 _Signal_PolyTrend float64 [-0.0, 0.008, 0.025, 0.05, 0.083, 0.125, 0.175, 0.233, 0.3, 0.375, 0.458, 0.55, 0.65, 0.758, 0.875, 1.0, 1.133, 1.275] -CHECK_COLUMN_DATA 9 _Signal_PolyTrend_residue float64 [0.0, 0.0, -0.0, -0.0, -0.0, -0.0, -0.0, -0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, -0.0, -0.0, nan, nan] +CHECK_COLUMN_DATA 8 _Signal_PolyTrend float64 [0.0, 0.008, 0.025, 0.05, 0.083, 0.125, 0.175, 0.233, 0.3, 0.375, 0.458, 0.55, 0.65, 0.758, 0.875, 1.0, 1.133, 1.275] +CHECK_COLUMN_DATA 9 _Signal_PolyTrend_residue float64 [-0.0, -0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, -0.0, -0.0, -0.0, -0.0, -0.0, -0.0, 0.0, 0.0, nan, nan] CHECK_COLUMN_DATA 10 _Signal_PolyTrend_residue_zeroCycle[0.0] float64 [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0] -CHECK_COLUMN_DATA 11 _Signal_PolyTrend_residue_zeroCycle[0.0]_residue float64 [0.0, 0.0, -0.0, -0.0, -0.0, -0.0, -0.0, -0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, -0.0, -0.0, nan, nan] +CHECK_COLUMN_DATA 11 _Signal_PolyTrend_residue_zeroCycle[0.0]_residue float64 [-0.0, -0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, -0.0, -0.0, -0.0, -0.0, -0.0, -0.0, 0.0, 0.0, nan, nan] CHECK_COLUMN_DATA 12 _Signal_PolyTrend_residue_zeroCycle[0.0]_residue_NoAR float64 [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0] CHECK_COLUMN_DATA 13 _Signal_PolyTrend_residue_zeroCycle[0.0]_residue_NoAR_residue float64 [0.0, 0.008, 0.025, 0.05, 0.083, 0.125, 0.175, 0.233, 0.3, 0.375, 0.458, 0.55, 0.65, 0.758, 0.875, 1.0, nan, nan] CHECK_COLUMN_DATA 14 Signal_Transformed float64 [0.0, 0.008, 0.025, 0.05, 0.083, 0.125, 0.175, 0.233, 0.3, 0.375, 0.458, 0.55, 0.65, 0.758, 0.875, 1.0, nan, nan] -CHECK_COLUMN_DATA 15 _Signal_Trend float64 [-0.0, 0.008, 0.025, 0.05, 0.083, 0.125, 0.175, 0.233, 0.3, 0.375, 0.458, 0.55, 0.65, 0.758, 0.875, 1.0, 1.133, 1.275] -CHECK_COLUMN_DATA 16 _Signal_Trend_residue float64 [0.0, 0.0, -0.0, -0.0, -0.0, -0.0, -0.0, -0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, -0.0, -0.0, nan, nan] +CHECK_COLUMN_DATA 15 _Signal_Trend float64 [0.0, 0.008, 0.025, 0.05, 0.083, 0.125, 0.175, 0.233, 0.3, 0.375, 0.458, 0.55, 0.65, 0.758, 0.875, 1.0, 1.133, 1.275] +CHECK_COLUMN_DATA 16 _Signal_Trend_residue float64 [-0.0, -0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, -0.0, -0.0, -0.0, -0.0, -0.0, -0.0, 0.0, 0.0, nan, nan] CHECK_COLUMN_DATA 17 _Signal_Cycle float64 [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0] -CHECK_COLUMN_DATA 18 _Signal_Cycle_residue float64 [0.0, 0.0, -0.0, -0.0, -0.0, -0.0, -0.0, -0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, -0.0, -0.0, nan, nan] +CHECK_COLUMN_DATA 18 _Signal_Cycle_residue float64 [-0.0, -0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, -0.0, -0.0, -0.0, -0.0, -0.0, -0.0, 0.0, 0.0, nan, nan] CHECK_COLUMN_DATA 19 _Signal_AR float64 [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0] CHECK_COLUMN_DATA 20 _Signal_AR_residue float64 [0.0, 0.008, 0.025, 0.05, 0.083, 0.125, 0.175, 0.233, 0.3, 0.375, 0.458, 0.55, 0.65, 0.758, 0.875, 1.0, nan, nan] -CHECK_COLUMN_DATA 21 _Signal_TransformedForecast float64 [-0.0, 0.008, 0.025, 0.05, 0.083, 0.125, 0.175, 0.233, 0.3, 0.375, 0.458, 0.55, 0.65, 0.758, 0.875, 1.0, 1.133, 1.275] +CHECK_COLUMN_DATA 21 _Signal_TransformedForecast float64 [0.0, 0.008, 0.025, 0.05, 0.083, 0.125, 0.175, 0.233, 0.3, 0.375, 0.458, 0.55, 0.65, 0.758, 0.875, 1.0, 1.133, 1.275] CHECK_COLUMN_DATA 22 _Signal_Detrended float64 [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0] -CHECK_COLUMN_DATA 23 _Signal_Deseasonalized float64 [-0.0, 0.008, 0.025, 0.05, 0.083, 0.125, 0.175, 0.233, 0.3, 0.375, 0.458, 0.55, 0.65, 0.758, 0.875, 1.0, 1.133, 1.275] -CHECK_COLUMN_DATA 24 Signal_TransformedForecast_inverted float64 [-0.0, 0.008, 0.025, 0.05, 0.083, 0.125, 0.175, 0.233, 0.3, 0.375, 0.458, 0.55, 0.65, 0.758, 0.875, 1.0, 1.133, 1.275] +CHECK_COLUMN_DATA 23 _Signal_Deseasonalized float64 [0.0, 0.008, 0.025, 0.05, 0.083, 0.125, 0.175, 0.233, 0.3, 0.375, 0.458, 0.55, 0.65, 0.758, 0.875, 1.0, 1.133, 1.275] +CHECK_COLUMN_DATA 24 Signal_TransformedForecast_inverted float64 [0.0, 0.008, 0.025, 0.05, 0.083, 0.125, 0.175, 0.233, 0.3, 0.375, 0.458, 0.55, 0.65, 0.758, 0.875, 1.0, 1.133, 1.275] CHECK_COLUMN_DATA 25 Signal_Forecast float64 [1.0, 5.0, 13.0, 25.0, 41.0, 61.0, 85.0, 113.0, 145.0, 181.0, 221.0, 265.0, 313.0, 365.0, 421.0, 481.0, 545.0, 613.0] -CHECK_COLUMN_DATA 26 _Signal_TransformedResidue float64 [0.0, 0.0, -0.0, -0.0, -0.0, -0.0, -0.0, -0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, -0.0, -0.0, nan, nan] -CHECK_COLUMN_DATA 27 Signal_Residue float64 [0.0, 0.0, -0.0, -0.0, -0.0, -0.0, -0.0, -0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, -0.0, -0.0, nan, nan] +CHECK_COLUMN_DATA 26 _Signal_TransformedResidue float64 [-0.0, -0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, -0.0, -0.0, -0.0, -0.0, -0.0, -0.0, 0.0, 0.0, nan, nan] +CHECK_COLUMN_DATA 27 Signal_Residue float64 [-0.0, -0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, -0.0, -0.0, -0.0, -0.0, -0.0, -0.0, 0.0, 0.0, nan, nan] CHECK_COLUMN_DATA 28 Signal_Forecast_Lower_Bound float64 [nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, 545.0, 613.0] CHECK_COLUMN_DATA 29 Signal_Forecast_Upper_Bound float64 [nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, 545.0, 613.0] CHECK_COLUMN_DATA 30 Signal_Forecast_Quantile_25 float64 [nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, 545.0, 613.0] CHECK_COLUMN_DATA 31 Signal_Forecast_Quantile_50 float64 [nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, 545.0, 613.0] CHECK_COLUMN_DATA 32 Signal_Forecast_Quantile_75 float64 [nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, 545.0, 613.0] -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/func/test_final_touch_1.py', 'ElapsedTimeSecs':(15.56, 0.34, 4.45), 'MAX_MEM_KB':292628, 'CPU_PRCNT':'30%', 'FILES_IN':8, 'FILES_OUT':1312, 'EXIT_STATUS':0} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/func/test_final_touch_1.py', 'ElapsedTimeSecs':(4.97, 0.18, 4.78), 'MAX_MEM_KB':210240, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':912, 'EXIT_STATUS':0} diff --git a/tests/references/func/test_final_touch_2.log b/tests/references/func/test_final_touch_2.log index d964509f5..6867a3ef3 100644 --- a/tests/references/func/test_final_touch_2.log +++ b/tests/references/func/test_final_touch_2.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 2}} -INFO:pyaf.std:TRAINING_ENGINE_END 0.582 +INFO:pyaf.std:TRAINING_ENGINE_END 0.187 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=0 TimeMax=15 TimeDelta=1 Horizon=2 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal' Length=16 Min=1 Max=31 Mean=16.0 StdDev=9.219544 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal' Min=0.0 Max=1.0 Mean=0.5 StdDev=0.307318 @@ -36,9 +36,11 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/FT_2_sixteen_rows__Signal_AR_decomp_ou INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/FT_2_sixteen_rows__Signal_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/FT_2_sixteen_rows__Signal_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/FT_2_sixteen_rows__Signal_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/FT_2_sixteen_rows__Signal_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal'], 'Horizons': {'Signal': 2}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.095 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.032 Date Signal 0 0 1 1 1 3 @@ -80,7 +82,7 @@ Index(['Date', 'Signal', 'Signal_scaled', '_Signal', 'row_number', dtype='object') CHECK_COLUMN_DATA 0 Date int64 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17] CHECK_COLUMN_DATA 1 Signal float64 [1.0, 3.0, 5.0, 7.0, 9.0, 11.0, 13.0, 15.0, 17.0, 19.0, 21.0, 23.0, 25.0, 27.0, 29.0, 31.0, nan, nan] -CHECK_COLUMN_DATA 2 Signal_scaled float64 [0.0, 0.067, 0.133, 0.2, 0.267, 0.333, 0.4, 0.467, 0.533, 0.6, 0.667, 0.733, 0.8, 0.867, 0.933, 1.0, 1.067, nan] +CHECK_COLUMN_DATA 2 Signal_scaled float64 [0.0, 0.067, 0.133, 0.2, 0.267, 0.333, 0.4, 0.467, 0.533, 0.6, 0.667, 0.733, 0.8, 0.867, 0.933, 1.0, nan, nan] CHECK_COLUMN_DATA 3 _Signal float64 [0.0, 0.067, 0.133, 0.2, 0.267, 0.333, 0.4, 0.467, 0.533, 0.6, 0.667, 0.733, 0.8, 0.867, 0.933, 1.0, nan, nan] CHECK_COLUMN_DATA 4 row_number int64 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17] CHECK_COLUMN_DATA 5 Date_Normalized float64 [0.0, 0.067, 0.133, 0.2, 0.267, 0.333, 0.4, 0.467, 0.533, 0.6, 0.667, 0.733, 0.8, 0.867, 0.933, 1.0, 1.067, 1.133] @@ -109,4 +111,4 @@ CHECK_COLUMN_DATA 27 Signal_Forecast_Upper_Bound float64 [nan, nan, nan, nan, na CHECK_COLUMN_DATA 28 Signal_Forecast_Quantile_25 float64 [nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, 33.0, 35.0] CHECK_COLUMN_DATA 29 Signal_Forecast_Quantile_50 float64 [nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, 33.0, 35.0] CHECK_COLUMN_DATA 30 Signal_Forecast_Quantile_75 float64 [nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, nan, 33.0, 35.0] -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/func/test_final_touch_2.py', 'ElapsedTimeSecs':(15.87, 0.38, 5.15), 'MAX_MEM_KB':293376, 'CPU_PRCNT':'34%', 'FILES_IN':8, 'FILES_OUT':1192, 'EXIT_STATUS':0} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/func/test_final_touch_2.py', 'ElapsedTimeSecs':(5.05, 0.24, 4.80), 'MAX_MEM_KB':210772, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':872, 'EXIT_STATUS':0} diff --git a/tests/references/func/test_ozone_horizon_one.log b/tests/references/func/test_ozone_horizon_one.log index cf3f80960..1ac13171a 100644 --- a/tests/references/func/test_ozone_horizon_one.log +++ b/tests/references/func/test_ozone_horizon_one.log @@ -5,7 +5,7 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 2 1955-03 3.6 1955-03-01 3 1955-04 5.0 1955-04-01 4 1955-05 6.5 1955-05-01 -INFO:pyaf.std:TRAINING_ENGINE_END 5.392 +INFO:pyaf.std:TRAINING_ENGINE_END 1.258 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1968-06-01T00:00:00.000000 TimeDelta= Horizon=1 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='Diff_Ozone' Min=-0.573333 Max=0.466667 Mean=-0.00098 StdDev=0.147082 @@ -52,9 +52,11 @@ INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/my_ozone_horizon_one_Ozone_AR_decomp_o INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/my_ozone_horizon_one_Ozone_TransformedForecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_horizon_one_Ozone_Forecast_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_horizon_one_Ozone_prediction_intervals_output.png') +/home/antoine/dev/python/packages/timeseries/pyaf/pyaf/TS/Plots.py:35: UserWarning: Tight layout not applied. The bottom and top margins cannot be made large enough to accommodate all axes decorations. + fig.tight_layout() INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_horizon_one_Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 1}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.066 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.042 Forecast Columns Index(['Time', 'Ozone', 'Ozone_scaled', 'Diff_Ozone', 'row_number', 'Time_Normalized', 'Diff_Ozone_LinearTrend', 'Diff_Ozone_LinearTrend_residue', @@ -144,7 +146,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 5.392 + "Training_Time": 1.258 } @@ -156,3 +158,4 @@ Forecasts +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/func/test_ozone_horizon_one.py', 'ElapsedTimeSecs':(9.48, 0.51, 11.24), 'MAX_MEM_KB':223216, 'CPU_PRCNT':'124%', 'FILES_IN':0, 'FILES_OUT':2288, 'EXIT_STATUS':0} diff --git a/tests/references/func/test_version.log b/tests/references/func/test_version.log index a859cadfb..fc39fa63b 100644 --- a/tests/references/func/test_version.log +++ b/tests/references/func/test_version.log @@ -1 +1,2 @@ -PyAF version : 5.0-rc2 +PyAF version : 5.0 +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/func/test_version.py', 'ElapsedTimeSecs':(1.08, 0.12, 0.93), 'MAX_MEM_KB':70964, 'CPU_PRCNT':'97%', 'FILES_IN':0, 'FILES_OUT':8, 'EXIT_STATUS':0} diff --git a/tests/references/heroku/test_air_passengers_heroku.log b/tests/references/heroku/test_air_passengers_heroku.log index 60e4b711d..87661a576 100644 --- a/tests/references/heroku/test_air_passengers_heroku.log +++ b/tests/references/heroku/test_air_passengers_heroku.log @@ -1,14 +1,14 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 7}} REQUEST_DETAILS [('CSVFile', 'https://vincentarelbundock.github.io/Rdatasets/csv/datasets/AirPassengers.csv'), ('DateFormat', None), ('Horizon', 7), ('Name', 'model_air_by_tests'), ('Present', ''), ('SignalVar', 'AirPassengers'), ('TimeVar', 'time')] None -DATASET_DETECTED_COLUMNS Index(['Unnamed: 0', 'time', 'value'], dtype='object') -DATASET_FINAL_COLUMNS Index(['Unnamed: 0', 'time', 'value', 'AirPassengers'], dtype='object') -TRAIN_PARAMS (144, 4) Index(['Unnamed: 0', 'time', 'value', 'AirPassengers'], dtype='object') time AirPassengers 7 -INFO:pyaf.std:TRAINING_ENGINE_END 18.715 +DATASET_DETECTED_COLUMNS Index(['rownames', 'time', 'value'], dtype='object') +DATASET_FINAL_COLUMNS Index(['rownames', 'time', 'value', 'AirPassengers'], dtype='object') +TRAIN_PARAMS (144, 4) Index(['rownames', 'time', 'value', 'AirPassengers'], dtype='object') time AirPassengers 7 +INFO:pyaf.std:TRAINING_ENGINE_END 2.183 INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 7}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.998 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.102 INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 7}} -INFO:pyaf.std:FORECASTING_ENGINE_END 1.093 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.102 Forecast Columns Index(['time', 'AirPassengers', 'AirPassengers_scaled', '_AirPassengers', 'row_number', 'time_Normalized', '_AirPassengers_LinearTrend', '_AirPassengers_LinearTrend_residue', 'cycle_internal', @@ -128,7 +128,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 18.715 + "Training_Time": 2.183 } @@ -140,3 +140,4 @@ Forecasts +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/heroku/test_air_passengers_heroku.py', 'ElapsedTimeSecs':(3.95, 0.43, 8.22), 'MAX_MEM_KB':146692, 'CPU_PRCNT':'218%', 'FILES_IN':0, 'FILES_OUT':24, 'EXIT_STATUS':0} diff --git a/tests/references/hierarchical/test_grouped.log b/tests/references/hierarchical/test_grouped.log index 436c6f3b1..281949c99 100644 --- a/tests/references/hierarchical/test_grouped.log +++ b/tests/references/hierarchical/test_grouped.log @@ -2,13 +2,13 @@ INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_START INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male', '_female', '_male', '_'], 'Horizons': {'NSW_female': 12, 'NSW_male': 12, 'VIC_female': 12, 'VIC_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 46.301 +INFO:pyaf.std:TRAINING_ENGINE_END 6.337 INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_END INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_COMPUTE_TOP_DOWN_HISTORICAL_PROPORTIONS INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male', '_female', '_male', '_'], 'Horizons': {'NSW_female': 12, 'NSW_male': 12, 'VIC_female': 12, 'VIC_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 4.001 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.881 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_OPTIMAL_COMBINATION_METHOD @@ -29,12 +29,12 @@ INFO:pyaf.hierarchical:DATASET_COLUMNS Index(['Index', 'NSW_female', 'NSW_female '_male_BU_Forecast', '__BU_Forecast'], dtype='object') INFO:pyaf.hierarchical:STRUCTURE_LEVEL (0, ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male']) -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_BU_Forecast') {'Signal': 'NSW_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0703, 'RMSE': 75.4702, 'MAE': 53.0655, 'SMAPE': 0.0715, 'DiffSMAPE': 0.0715, 'MASE': 0.9579, 'RMSSE': 1.0514, 'ErrorMean': -10.3045, 'ErrorStdDev': 74.7634, 'R2': 0.9218, 'Pearson': 0.9609, 'MedAE': 36.9102, 'LnQ': 0.6419, 'KS': 0.1017, 'KendallTau': 0.8181, 'MannWhitneyU': 1748.5, 'AUC': 0.5023} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_Forecast') {'Signal': 'NSW_male', 'Length': 59, 'MAPE': 0.0703, 'RMSE': 75.4702, 'MAE': 53.0655, 'SMAPE': 0.0715, 'DiffSMAPE': 0.0715, 'MASE': 0.9579, 'RMSSE': 1.0514, 'ErrorMean': -10.3045, 'ErrorStdDev': 74.7634, 'R2': 0.9218, 'Pearson': 0.9609, 'MedAE': 36.9102, 'LnQ': 0.6419, 'KS': 0.1017, 'KendallTau': 0.8181, 'MannWhitneyU': 1748.5, 'AUC': 0.5023} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_male_BU_Forecast') {'Signal': 'NSW_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0703, 'RMSE': 75.4702, 'MAE': 53.0655, 'SMAPE': 0.0715, 'DiffSMAPE': 0.0715, 'MASE': 0.9579, 'RMSSE': 1.0514, 'ErrorMean': -10.3045, 'ErrorStdDev': 74.7634, 'R2': 0.9218, 'Pearson': 0.9609, 'MedAE': 36.9102, 'LnQ': 0.6419, 'KS': 0.1017, 'KendallTau': 0.8181, 'MannWhitneyU': 1748.5, 'AUC': 0.5023} @@ -73,7 +73,7 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__BU_Forecas INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__Forecast') {'Signal': '_', 'Length': 59, 'MAPE': 0.0672, 'RMSE': 202.5936, 'MAE': 160.9384, 'SMAPE': 0.0671, 'DiffSMAPE': 0.0671, 'MASE': 1.1983, 'RMSSE': 1.194, 'ErrorMean': -0.0, 'ErrorStdDev': 202.5936, 'R2': 0.9261, 'Pearson': 0.9623, 'MedAE': 149.8491, 'LnQ': 0.432, 'KS': 0.1695, 'KendallTau': 0.7632, 'MannWhitneyU': 1661.0, 'AUC': 0.4772} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__BU_Forecast') {'Signal': '__BU_Forecast', 'Length': 59, 'MAPE': 0.066, 'RMSE': 197.785, 'MAE': 154.5538, 'SMAPE': 0.066, 'DiffSMAPE': 0.066, 'MASE': 1.1507, 'RMSSE': 1.1656, 'ErrorMean': -10.3045, 'ErrorStdDev': 197.5164, 'R2': 0.9295, 'Pearson': 0.9642, 'MedAE': 133.5749, 'LnQ': 0.4251, 'KS': 0.1695, 'KendallTau': 0.7713, 'MannWhitneyU': 1670.0, 'AUC': 0.4797} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__Forecast') {'Signal': '_', 'Length': 59, 'MAPE': 0.0672, 'RMSE': 202.5936, 'MAE': 160.9384, 'SMAPE': 0.0671, 'DiffSMAPE': 0.0671, 'MASE': 1.1983, 'RMSSE': 1.194, 'ErrorMean': -0.0, 'ErrorStdDev': 202.5936, 'R2': 0.9261, 'Pearson': 0.9623, 'MedAE': 149.8491, 'LnQ': 0.432, 'KS': 0.1695, 'KendallTau': 0.7632, 'MannWhitneyU': 1661.0, 'AUC': 0.4772} -INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 56.591 +INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 8.447 INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='NSW_female' Length=59 Min=270 Max=1000 Mean=650.932203 StdDev=208.335442 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_NSW_female' Min=0.0 Max=1.0 Mean=0.521825 StdDev=0.285391 @@ -287,6 +287,7 @@ INFO:pyaf.std:COMPETITION_DETAIL_END '_' INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male', '_female', '_male', '_'], 'Horizons': {'NSW_female': 12, 'NSW_male': 12, 'VIC_female': 12, 'VIC_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 2.9 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.899 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_grouped.py', 'ElapsedTimeSecs':(10.21, 1.53, 48.84), 'MAX_MEM_KB':150536, 'CPU_PRCNT':'492%', 'FILES_IN':0, 'FILES_OUT':96, 'EXIT_STATUS':0} diff --git a/tests/references/hierarchical/test_grouped_signals_AllMethods.log b/tests/references/hierarchical/test_grouped_signals_AllMethods.log index 9dc28353e..2c9093ff5 100644 --- a/tests/references/hierarchical/test_grouped_signals_AllMethods.log +++ b/tests/references/hierarchical/test_grouped_signals_AllMethods.log @@ -2,13 +2,13 @@ INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_START INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male', '_female', '_male', '_'], 'Horizons': {'NSW_female': 12, 'NSW_male': 12, 'VIC_female': 12, 'VIC_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 76.495 +INFO:pyaf.std:TRAINING_ENGINE_END 6.561 INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_END INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_COMPUTE_TOP_DOWN_HISTORICAL_PROPORTIONS INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male', '_female', '_male', '_'], 'Horizons': {'NSW_female': 12, 'NSW_male': 12, 'VIC_female': 12, 'VIC_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 8.713 +INFO:pyaf.std:FORECASTING_ENGINE_END 1.052 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU', 'TD', 'MO', 'OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD @@ -46,20 +46,20 @@ INFO:pyaf.hierarchical:DATASET_COLUMNS Index(['Index', 'NSW_female', 'NSW_female dtype='object') INFO:pyaf.hierarchical:STRUCTURE_LEVEL (0, ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male']) INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0752, 'RMSE': 59.49, 'MAE': 44.572, 'SMAPE': 0.0739, 'DiffSMAPE': 0.0739, 'MASE': 1.013, 'RMSSE': 1.033, 'ErrorMean': -4.7598, 'ErrorStdDev': 59.2993, 'R2': 0.9185, 'Pearson': 0.9615, 'MedAE': 27.9894, 'LnQ': 0.5908, 'KS': 0.2034, 'KendallTau': 0.7834, 'MannWhitneyU': 1797.0, 'AUC': 0.5162} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0753, 'RMSE': 57.9255, 'MAE': 44.6353, 'SMAPE': 0.0739, 'DiffSMAPE': 0.0739, 'MASE': 1.0144, 'RMSSE': 1.0058, 'ErrorMean': -0.0, 'ErrorStdDev': 57.9255, 'R2': 0.9227, 'Pearson': 0.9619, 'MedAE': 30.3823, 'LnQ': 0.5697, 'KS': 0.1356, 'KendallTau': 0.7846, 'MannWhitneyU': 1729.0, 'AUC': 0.4967} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0727, 'RMSE': 52.7177, 'MAE': 42.6918, 'SMAPE': 0.0729, 'DiffSMAPE': 0.0729, 'MASE': 0.9703, 'RMSSE': 0.9154, 'ErrorMean': -3.802, 'ErrorStdDev': 52.5804, 'R2': 0.936, 'Pearson': 0.9676, 'MedAE': 37.7484, 'LnQ': 0.4982, 'KS': 0.1186, 'KendallTau': 0.8407, 'MannWhitneyU': 1717.0, 'AUC': 0.4932} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0764, 'RMSE': 58.9609, 'MAE': 44.7233, 'SMAPE': 0.0745, 'DiffSMAPE': 0.0745, 'MASE': 1.0164, 'RMSSE': 1.0238, 'ErrorMean': -0.0, 'ErrorStdDev': 58.9609, 'R2': 0.9199, 'Pearson': 0.9615, 'MedAE': 30.3279, 'LnQ': 0.599, 'KS': 0.1525, 'KendallTau': 0.7834, 'MannWhitneyU': 1749.0, 'AUC': 0.5024} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0752, 'RMSE': 59.49, 'MAE': 44.572, 'SMAPE': 0.0739, 'DiffSMAPE': 0.0739, 'MASE': 1.013, 'RMSSE': 1.033, 'ErrorMean': -4.7598, 'ErrorStdDev': 59.2993, 'R2': 0.9185, 'Pearson': 0.9615, 'MedAE': 27.9894, 'LnQ': 0.5908, 'KS': 0.2034, 'KendallTau': 0.7834, 'MannWhitneyU': 1797.0, 'AUC': 0.5162} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0753, 'RMSE': 57.9255, 'MAE': 44.6353, 'SMAPE': 0.0739, 'DiffSMAPE': 0.0739, 'MASE': 1.0144, 'RMSSE': 1.0058, 'ErrorMean': -0.0, 'ErrorStdDev': 57.9255, 'R2': 0.9227, 'Pearson': 0.9619, 'MedAE': 30.3823, 'LnQ': 0.5697, 'KS': 0.1356, 'KendallTau': 0.7846, 'MannWhitneyU': 1729.0, 'AUC': 0.4967} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0727, 'RMSE': 52.7177, 'MAE': 42.6918, 'SMAPE': 0.0729, 'DiffSMAPE': 0.0729, 'MASE': 0.9703, 'RMSSE': 0.9154, 'ErrorMean': -3.802, 'ErrorStdDev': 52.5804, 'R2': 0.936, 'Pearson': 0.9676, 'MedAE': 37.7484, 'LnQ': 0.4982, 'KS': 0.1186, 'KendallTau': 0.8407, 'MannWhitneyU': 1717.0, 'AUC': 0.4932} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0764, 'RMSE': 58.9609, 'MAE': 44.7233, 'SMAPE': 0.0745, 'DiffSMAPE': 0.0745, 'MASE': 1.0164, 'RMSSE': 1.0238, 'ErrorMean': -0.0, 'ErrorStdDev': 58.9609, 'R2': 0.9199, 'Pearson': 0.9615, 'MedAE': 30.3279, 'LnQ': 0.599, 'KS': 0.1525, 'KendallTau': 0.7834, 'MannWhitneyU': 1749.0, 'AUC': 0.5024} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0752, 'RMSE': 59.49, 'MAE': 44.572, 'SMAPE': 0.0739, 'DiffSMAPE': 0.0739, 'MASE': 1.013, 'RMSSE': 1.033, 'ErrorMean': -4.7598, 'ErrorStdDev': 59.2993, 'R2': 0.9185, 'Pearson': 0.9615, 'MedAE': 27.9894, 'LnQ': 0.5908, 'KS': 0.2034, 'KendallTau': 0.7834, 'MannWhitneyU': 1797.0, 'AUC': 0.5162} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0753, 'RMSE': 57.9255, 'MAE': 44.6353, 'SMAPE': 0.0739, 'DiffSMAPE': 0.0739, 'MASE': 1.0144, 'RMSSE': 1.0058, 'ErrorMean': -0.0, 'ErrorStdDev': 57.9255, 'R2': 0.9227, 'Pearson': 0.9619, 'MedAE': 30.3823, 'LnQ': 0.5697, 'KS': 0.1356, 'KendallTau': 0.7846, 'MannWhitneyU': 1729.0, 'AUC': 0.4967} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0727, 'RMSE': 52.7177, 'MAE': 42.6918, 'SMAPE': 0.0729, 'DiffSMAPE': 0.0729, 'MASE': 0.9703, 'RMSSE': 0.9154, 'ErrorMean': -3.802, 'ErrorStdDev': 52.5804, 'R2': 0.936, 'Pearson': 0.9676, 'MedAE': 37.7484, 'LnQ': 0.4982, 'KS': 0.1186, 'KendallTau': 0.8407, 'MannWhitneyU': 1717.0, 'AUC': 0.4932} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0764, 'RMSE': 58.9609, 'MAE': 44.7233, 'SMAPE': 0.0745, 'DiffSMAPE': 0.0745, 'MASE': 1.0164, 'RMSSE': 1.0238, 'ErrorMean': -0.0, 'ErrorStdDev': 58.9609, 'R2': 0.9199, 'Pearson': 0.9615, 'MedAE': 30.3279, 'LnQ': 0.599, 'KS': 0.1525, 'KendallTau': 0.7834, 'MannWhitneyU': 1749.0, 'AUC': 0.5024} @@ -173,7 +173,7 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__Forecast') {'S INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__MO_Forecast') {'Signal': '__MO_Forecast', 'Length': 59, 'MAPE': 0.0672, 'RMSE': 202.5936, 'MAE': 160.9384, 'SMAPE': 0.0671, 'DiffSMAPE': 0.0671, 'MASE': 1.1983, 'RMSSE': 1.194, 'ErrorMean': -0.0, 'ErrorStdDev': 202.5936, 'R2': 0.9261, 'Pearson': 0.9623, 'MedAE': 149.8491, 'LnQ': 0.432, 'KS': 0.1695, 'KendallTau': 0.7632, 'MannWhitneyU': 1661.0, 'AUC': 0.4772} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__OC_Forecast') {'Signal': '__OC_Forecast', 'Length': 59, 'MAPE': 0.0663, 'RMSE': 200.2897, 'MAE': 158.5187, 'SMAPE': 0.0662, 'DiffSMAPE': 0.0662, 'MASE': 1.1802, 'RMSSE': 1.1804, 'ErrorMean': -2.4627, 'ErrorStdDev': 200.2746, 'R2': 0.9277, 'Pearson': 0.9632, 'MedAE': 136.3294, 'LnQ': 0.4244, 'KS': 0.1695, 'KendallTau': 0.7643, 'MannWhitneyU': 1666.0, 'AUC': 0.4786} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__PHA_TD_Forecast') {'Signal': '__PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0672, 'RMSE': 202.5936, 'MAE': 160.9384, 'SMAPE': 0.0671, 'DiffSMAPE': 0.0671, 'MASE': 1.1983, 'RMSSE': 1.194, 'ErrorMean': -0.0, 'ErrorStdDev': 202.5936, 'R2': 0.9261, 'Pearson': 0.9623, 'MedAE': 149.8491, 'LnQ': 0.432, 'KS': 0.1695, 'KendallTau': 0.7632, 'MannWhitneyU': 1661.0, 'AUC': 0.4772} -INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 122.898 +INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 9.661 INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='NSW_female' Length=59 Min=270 Max=1000 Mean=650.932203 StdDev=208.335442 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_NSW_female' Min=0.0 Max=1.0 Mean=0.521825 StdDev=0.285391 @@ -388,7 +388,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male', '_female', '_male', '_'], 'Horizons': {'NSW_female': 12, 'NSW_male': 12, 'VIC_female': 12, 'VIC_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 7.001 +INFO:pyaf.std:FORECASTING_ENGINE_END 1.152 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU', 'TD', 'MO', 'OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD @@ -429,7 +429,7 @@ INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_OPTIMAL_COMBINATION_METHOD }, "Model_Performance": { "1": { - "AUC": 0.5013, + "AUC": 0.5014, "DiffSMAPE": 0.0744, "ErrorMean": -6.9343, "ErrorStdDev": 52.0969, @@ -440,7 +440,7 @@ INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_OPTIMAL_COMBINATION_METHOD "MAE": 41.3544, "MAPE": 0.0735, "MASE": 0.9399, - "MannWhitneyU": 1745.0, + "MannWhitneyU": 1745.5, "MedAE": 36.7588, "Pearson": 0.9682, "R2": 0.9364, @@ -450,7 +450,7 @@ INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_OPTIMAL_COMBINATION_METHOD "Signal": "NSW_female_Forecast_1" }, "12": { - "AUC": 0.5013, + "AUC": 0.5014, "DiffSMAPE": 0.0744, "ErrorMean": -6.9343, "ErrorStdDev": 52.0969, @@ -461,7 +461,7 @@ INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_OPTIMAL_COMBINATION_METHOD "MAE": 41.3544, "MAPE": 0.0735, "MASE": 0.9399, - "MannWhitneyU": 1745.0, + "MannWhitneyU": 1745.5, "MedAE": 36.7588, "Pearson": 0.9682, "R2": 0.9364, @@ -936,7 +936,7 @@ INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_OPTIMAL_COMBINATION_METHOD ] } }, - "Training_Time": 122.898 + "Training_Time": 9.661 } @@ -944,8 +944,8 @@ INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_OPTIMAL_COMBINATION_METHOD -{"Index":{"47":1980,"48":1981,"49":1982,"50":1983,"51":1984,"52":1985,"53":1986,"54":1987,"55":1988,"56":1989,"57":1990,"58":1991,"59":1992,"60":1993,"61":1994,"62":1995,"63":1996,"64":1997,"65":1998,"66":1999,"67":2000,"68":2001,"69":2002,"70":2003},"NSW_female":{"47":333.0,"48":330.0,"49":349.0,"50":356.0,"51":289.0,"52":352.0,"53":321.0,"54":317.0,"55":329.0,"56":293.0,"57":298.0,"58":270.0,"59":null,"60":null,"61":null,"62":null,"63":null,"64":null,"65":null,"66":null,"67":null,"68":null,"69":null,"70":null},"NSW_female_Forecast":{"47":391.0003933418,"48":387.2064923029,"49":389.7061124626,"50":413.4711208883,"51":334.8707779072,"52":351.2811915535,"53":291.0691355877,"54":271.7840394408,"55":269.0446226672,"56":272.7926538311,"57":298.0,"58":221.0359215011,"59":239.2765263686,"60":181.0885883629,"61":164.0215369151,"62":163.6940915796,"63":170.0480209206,"64":198.0551920056,"65":124.0848651617,"66":145.5131484233,"67":90.7068155506,"68":77.2152959749,"69":80.6573092503,"70":90.9746239413},"NSW_female_Forecast_Lower_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":136.2659823686,"60":78.0780443629,"61":61.0109929151,"62":60.6835475796,"63":67.0374769206,"64":95.0446480056,"65":21.0743211617,"66":42.5026044233,"67":-12.3037284494,"68":-25.7952480251,"69":-22.3532347497,"70":-12.0359200587},"NSW_female_Forecast_Upper_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":342.2870703686,"60":284.0991323629,"61":267.0320809151,"62":266.7046355796,"63":273.0585649206,"64":301.0657360056,"65":227.0954091617,"66":248.5236924233,"67":193.7173595506,"68":180.2258399749,"69":183.6678532503,"70":193.9851679413},"NSW_male":{"47":514.0,"48":479.0,"49":474.0,"50":449.0,"51":416.0,"52":488.0,"53":430.0,"54":398.0,"55":431.0,"56":415.0,"57":416.0,"58":349.0,"59":null,"60":null,"61":null,"62":null,"63":null,"64":null,"65":null,"66":null,"67":null,"68":null,"69":null,"70":null},"NSW_male_Forecast":{"47":572.3531013313,"48":578.5141210092,"49":539.3319805316,"50":582.3556651008,"51":446.7722856603,"52":472.1139889236,"53":390.6206722252,"54":388.2305662449,"55":393.0809523739,"56":352.7634071687,"57":394.8269158316,"58":258.4585893059,"59":283.1905743053,"60":201.2627681641,"61":198.6134015624,"62":203.3797558912,"63":163.153407707,"64":205.4833422121,"65":69.5566703499,"66":94.9055388339,"67":13.7698449987,"68":12.087819524,"69":17.9967438013,"70":-20.9118056133},"NSW_male_Forecast_Lower_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":135.2689823053,"60":53.3411761641,"61":50.6918095624,"62":55.4581638912,"63":15.231815707,"64":57.5617502121,"65":-78.3649216501,"66":-53.0160531661,"67":-134.1517470013,"68":-135.833772476,"69":-129.9248481987,"70":-168.8333976133},"NSW_male_Forecast_Upper_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":431.1121663053,"60":349.1843601641,"61":346.5349935624,"62":351.3013478912,"63":311.074999707,"64":353.4049342121,"65":217.4782623499,"66":242.8271308339,"67":161.6914369987,"68":160.009411524,"69":165.9183358013,"70":127.0097863867},"VIC_female":{"47":266.0,"48":253.0,"49":279.0,"50":274.0,"51":224.0,"52":269.0,"53":225.0,"54":196.0,"55":197.0,"56":174.0,"57":230.0,"58":186.0,"59":null,"60":null,"61":null,"62":null,"63":null,"64":null,"65":null,"66":null,"67":null,"68":null,"69":null,"70":null},"VIC_female_Forecast":{"47":295.9777618431,"48":283.5021035952,"49":271.2665695522,"50":259.3495346422,"51":247.8327549582,"52":236.8013677586,"53":226.3438914666,"54":216.5522256709,"55":207.5216511251,"56":199.3508297479,"57":192.1418046231,"58":186.0,"59":181.0342212926,"60":177.3566550801,"61":175.0828691071,"62":174.3318122831,"63":175.2258146827,"64":177.8905875457,"65":182.4552232771,"66":189.052195447,"67":197.8173587905,"68":208.889949208,"69":222.412583765,"70":238.5312606919},"VIC_female_Forecast_Lower_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":88.5345692926,"60":84.8570030801,"61":82.5832171071,"62":81.8321602831,"63":82.7261626827,"64":85.3909355457,"65":89.9555712771,"66":96.552543447,"67":105.3177067905,"68":116.390297208,"69":129.912931765,"70":146.0316086919},"VIC_female_Forecast_Upper_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":273.5338732926,"60":269.8563070801,"61":267.5825211071,"62":266.8314642831,"63":267.7254666827,"64":270.3902395457,"65":274.9548752771,"66":281.551847447,"67":290.3170107905,"68":301.389601208,"69":314.912235765,"70":331.0309126919},"VIC_male":{"47":326.0,"48":309.0,"49":362.0,"50":287.0,"51":301.0,"52":344.0,"53":304.0,"54":307.0,"55":297.0,"56":257.0,"57":308.0,"58":253.0,"59":null,"60":null,"61":null,"62":null,"63":null,"64":null,"65":null,"66":null,"67":null,"68":null,"69":null,"70":null},"VIC_male_Forecast":{"47":389.3498513099,"48":373.581815207,"49":358.1526396815,"50":343.1651465219,"51":328.7266896956,"52":314.9491553484,"53":301.9489618048,"54":289.8470595679,"55":278.7689313193,"56":268.8445919195,"57":260.2085884072,"58":253.0,"59":247.3624380941,"60":243.4440462641,"61":241.3975002635,"62":241.3800080241,"63":243.5533096566,"64":248.0836774502,"65":255.1419158725,"66":264.90336157,"67":277.5478833677,"68":293.2598822692,"69":312.2282914568,"70":334.6465762912},"VIC_male_Forecast_Lower_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":136.0654060941,"60":132.1470142641,"61":130.1004682635,"62":130.0829760241,"63":132.2562776566,"64":136.7866454502,"65":143.8448838725,"66":153.60632957,"67":166.2508513677,"68":181.9628502692,"69":200.9312594568,"70":223.3495442912},"VIC_male_Forecast_Upper_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":358.6594700941,"60":354.7410782641,"61":352.6945322635,"62":352.6770400241,"63":354.8503416566,"64":359.3807094502,"65":366.4389478725,"66":376.20039357,"67":388.8449153677,"68":404.5569142692,"69":423.5253234568,"70":445.9436082912},"_female":{"47":599.0,"48":583.0,"49":628.0,"50":630.0,"51":513.0,"52":621.0,"53":546.0,"54":513.0,"55":526.0,"56":467.0,"57":528.0,"58":456.0,"59":null,"60":null,"61":null,"62":null,"63":null,"64":null,"65":null,"66":null,"67":null,"68":null,"69":null,"70":null},"_female_Forecast":{"47":710.9454448924,"48":683.2304313597,"49":656.1053313162,"50":629.6721436405,"51":604.0348206873,"52":579.2992682871,"53":555.5733457467,"54":532.9668658489,"55":511.5915948525,"56":491.5612524923,"57":472.9915119791,"58":456.0,"59":440.7062967178,"60":427.2319357716,"61":415.7004042764,"62":406.2371428234,"63":398.9695454795,"64":394.026959788,"65":391.5406867681,"66":391.6439809151,"67":394.4720502002,"68":400.1620560707,"69":408.8531134501,"70":420.6862907378},"_female_Forecast_Lower_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":260.2345927178,"60":246.7602317716,"61":235.2287002764,"62":225.7654388234,"63":218.4978414795,"64":213.555255788,"65":211.0689827681,"66":211.1722769151,"67":214.0003462002,"68":219.6903520707,"69":228.3814094501,"70":240.2145867378},"_female_Forecast_Upper_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":621.1780007178,"60":607.7036397716,"61":596.1721082764,"62":586.7088468234,"63":579.4412494795,"64":574.498663788,"65":572.0123907681,"66":572.1156849151,"67":574.9437542002,"68":580.6337600707,"69":589.3248174501,"70":601.1579947378},"_male":{"47":840.0,"48":788.0,"49":836.0,"50":736.0,"51":717.0,"52":832.0,"53":734.0,"54":705.0,"55":728.0,"56":672.0,"57":724.0,"58":602.0,"59":null,"60":null,"61":null,"62":null,"63":null,"64":null,"65":null,"66":null,"67":null,"68":null,"69":null,"70":null},"_male_Forecast":{"47":973.5898003529,"48":933.8815445307,"49":894.8043699374,"50":856.5315602388,"51":819.2421558923,"52":783.1209541469,"53":748.3585090434,"54":715.1511314143,"55":683.7008888837,"56":654.2156058675,"57":626.9088635732,"58":602.0,"59":579.7141099388,"60":560.2820449722,"61":543.9404134744,"62":530.9315806115,"63":521.503668341,"64":515.9105554124,"65":514.4118773666,"66":517.2730265364,"67":524.7651520462,"68":537.165159812,"69":554.7557125416,"70":577.8252297346},"_male_Forecast_Lower_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":351.6283219388,"60":332.1962569722,"61":315.8546254744,"62":302.8457926115,"63":293.417880341,"64":287.8247674124,"65":286.3260893666,"66":289.1872385364,"67":296.6793640462,"68":309.079371812,"69":326.6699245416,"70":349.7394417346},"_male_Forecast_Upper_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":807.7998979388,"60":788.3678329722,"61":772.0262014744,"62":759.0173686115,"63":749.589456341,"64":743.9963434124,"65":742.4976653666,"66":745.3588145364,"67":752.8509400462,"68":765.250947812,"69":782.8415005416,"70":805.9110177346},"_":{"47":1439.0,"48":1371.0,"49":1464.0,"50":1366.0,"51":1230.0,"52":1453.0,"53":1280.0,"54":1218.0,"55":1254.0,"56":1139.0,"57":1252.0,"58":1058.0,"59":null,"60":null,"61":null,"62":null,"63":null,"64":null,"65":null,"66":null,"67":null,"68":null,"69":null,"70":null},"__Forecast":{"47":1684.5352452453,"48":1617.1119758904,"49":1550.9097012536,"50":1486.2037038793,"51":1423.2769765795,"52":1362.4202224339,"53":1303.9318547901,"54":1248.1179972632,"55":1195.2924837362,"56":1145.7768583598,"57":1099.9003755523,"58":1058.0,"59":1020.4204066566,"60":987.5139807438,"61":959.6408177508,"62":937.1687234348,"63":920.4732138205,"64":909.9375152004,"65":905.9525641347,"66":908.9170074515,"67":919.2372022463,"68":937.3272158827,"69":963.6088259918,"70":998.5115204724},"__Forecast_Lower_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":623.3369506566,"60":590.4305247438,"61":562.5573617508,"62":540.0852674348,"63":523.3897578205,"64":512.8540592004,"65":508.8691081347,"66":511.8335514515,"67":522.1537462463,"68":540.2437598827,"69":566.5253699918,"70":601.4280644724},"__Forecast_Upper_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":1417.5038626566,"60":1384.5974367438,"61":1356.7242737508,"62":1334.2521794348,"63":1317.5566698205,"64":1307.0209712004,"65":1303.0360201347,"66":1306.0004634515,"67":1316.3206582463,"68":1334.4106718827,"69":1360.6922819918,"70":1395.5949764724},"NSW_female_BU_Forecast":{"47":391.0003933418,"48":387.2064923029,"49":389.7061124626,"50":413.4711208883,"51":334.8707779072,"52":351.2811915535,"53":291.0691355877,"54":271.7840394408,"55":269.0446226672,"56":272.7926538311,"57":298.0,"58":221.0359215011,"59":239.2765263686,"60":181.0885883629,"61":164.0215369151,"62":163.6940915796,"63":170.0480209206,"64":198.0551920056,"65":124.0848651617,"66":145.5131484233,"67":90.7068155506,"68":77.2152959749,"69":80.6573092503,"70":90.9746239413},"NSW_male_BU_Forecast":{"47":572.3531013313,"48":578.5141210092,"49":539.3319805316,"50":582.3556651008,"51":446.7722856603,"52":472.1139889236,"53":390.6206722252,"54":388.2305662449,"55":393.0809523739,"56":352.7634071687,"57":394.8269158316,"58":258.4585893059,"59":283.1905743053,"60":201.2627681641,"61":198.6134015624,"62":203.3797558912,"63":163.153407707,"64":205.4833422121,"65":69.5566703499,"66":94.9055388339,"67":13.7698449987,"68":12.087819524,"69":17.9967438013,"70":-20.9118056133},"VIC_female_BU_Forecast":{"47":295.9777618431,"48":283.5021035952,"49":271.2665695522,"50":259.3495346422,"51":247.8327549582,"52":236.8013677586,"53":226.3438914666,"54":216.5522256709,"55":207.5216511251,"56":199.3508297479,"57":192.1418046231,"58":186.0,"59":181.0342212926,"60":177.3566550801,"61":175.0828691071,"62":174.3318122831,"63":175.2258146827,"64":177.8905875457,"65":182.4552232771,"66":189.052195447,"67":197.8173587905,"68":208.889949208,"69":222.412583765,"70":238.5312606919},"VIC_male_BU_Forecast":{"47":389.3498513099,"48":373.581815207,"49":358.1526396815,"50":343.1651465219,"51":328.7266896956,"52":314.9491553484,"53":301.9489618048,"54":289.8470595679,"55":278.7689313193,"56":268.8445919195,"57":260.2085884072,"58":253.0,"59":247.3624380941,"60":243.4440462641,"61":241.3975002635,"62":241.3800080241,"63":243.5533096566,"64":248.0836774502,"65":255.1419158725,"66":264.90336157,"67":277.5478833677,"68":293.2598822692,"69":312.2282914568,"70":334.6465762912},"_female_BU_Forecast":{"47":686.9781551849,"48":670.7085958981,"49":660.9726820148,"50":672.8206555305,"51":582.7035328654,"52":588.0825593121,"53":517.4130270544,"54":488.3362651117,"55":476.5662737922,"56":472.1434835789,"57":490.1418046231,"58":407.0359215011,"59":420.3107476611,"60":358.445243443,"61":339.1044060223,"62":338.0259038627,"63":345.2738356033,"64":375.9457795513,"65":306.5400884389,"66":334.5653438703,"67":288.5241743412,"68":286.1052451829,"69":303.0698930153,"70":329.5058846332},"_male_BU_Forecast":{"47":961.7029526412,"48":952.0959362163,"49":897.4846202131,"50":925.5208116228,"51":775.498975356,"52":787.063144272,"53":692.56963403,"54":678.0776258127,"55":671.8498836933,"56":621.6079990882,"57":655.0355042387,"58":511.4585893059,"59":530.5530123993,"60":444.7068144283,"61":440.0109018258,"62":444.7597639153,"63":406.7067173636,"64":453.5670196622,"65":324.6985862223,"66":359.8089004039,"67":291.3177283664,"68":305.3477017933,"69":330.225035258,"70":313.7347706778},"__BU_Forecast":{"47":1672.6483975336,"48":1635.326367576,"49":1553.5899515293,"50":1555.1929552633,"51":1379.5337960432,"52":1366.3624125591,"53":1248.1429797767,"54":1211.0444916617,"55":1183.4414785458,"56":1113.1692515805,"57":1128.0270162179,"58":967.4585893059,"59":971.2593091172,"60":871.9387501999,"61":855.7113061023,"62":850.9969067387,"63":805.6762628431,"64":847.5939794502,"65":716.2392729905,"66":751.452881319,"67":685.7897785666,"68":705.509757864,"69":739.0781487082,"70":734.4210614156},"__AHP_TD_Forecast":{"47":1684.5352452453,"48":1617.1119758904,"49":1550.9097012536,"50":1486.2037038793,"51":1423.2769765795,"52":1362.4202224339,"53":1303.9318547901,"54":1248.1179972632,"55":1195.2924837362,"56":1145.7768583598,"57":1099.9003755523,"58":1058.0,"59":1020.4204066566,"60":987.5139807438,"61":959.6408177508,"62":937.1687234348,"63":920.4732138205,"64":909.9375152004,"65":905.9525641347,"66":908.9170074515,"67":919.2372022463,"68":937.3272158827,"69":963.6088259918,"70":998.5115204724},"_female_AHP_TD_Forecast":{"47":718.92816557,"48":690.1531740756,"49":661.8992803114,"50":634.2839697235,"51":607.4280183561,"52":581.4554928516,"53":556.4937504505,"54":532.6734389916,"55":510.1284969119,"56":488.9961532466,"57":469.4169276289,"58":451.5346302905,"59":435.496362061,"60":421.4525143684,"61":409.5567692389,"62":399.9660992967,"63":392.8407677644,"64":388.3443284626,"65":386.6436258103,"66":387.9087948245,"67":392.3132611205,"68":400.0337409119,"69":411.2502410102,"70":426.1460588254},"_male_AHP_TD_Forecast":{"47":965.6070796753,"48":926.9588018148,"49":889.0104209422,"50":851.9197341558,"51":815.8489582234,"52":780.9647295824,"53":747.4381043396,"54":715.4445582716,"55":685.1639868243,"56":656.7807051132,"57":630.4834479235,"58":606.4653697095,"59":584.9240445956,"60":566.0614663754,"61":550.0840485119,"62":537.2026241381,"63":527.6324460561,"64":521.5931867378,"65":519.3089383245,"66":521.008212627,"67":526.9239411258,"68":537.2934749708,"69":552.3585849815,"70":572.365461647},"NSW_female_AHP_TD_Forecast":{"47":432.1421310052,"48":414.8457073295,"49":397.8625114482,"50":381.2631629495,"51":365.1202593746,"52":349.5083762177,"53":334.5040669259,"54":320.1858628993,"55":306.6342734913,"56":293.9317860078,"57":282.162865708,"58":271.4139558041,"59":261.7734774612,"60":253.3318297973,"61":246.1813898836,"62":240.4165127442,"63":236.1335313561,"64":233.4307566494,"65":232.4084775073,"66":233.1689607656,"67":235.8164512136,"68":240.4571715932,"69":247.1993225994,"70":256.1530828803},"VIC_female_AHP_TD_Forecast":{"47":286.7860345649,"48":275.3074667461,"49":264.0367688632,"50":253.020806774,"51":242.3077589815,"52":231.9471166339,"53":221.9896835246,"54":212.4875760923,"55":203.4942234206,"56":195.0643672388,"57":187.2540619209,"58":180.1206744864,"59":173.7228845998,"60":168.1206845712,"61":163.3753793553,"62":159.5495865525,"63":156.7072364083,"64":154.9135718132,"65":154.235148303,"66":154.7398340589,"67":156.496809907,"68":159.5765693187,"69":164.0509184108,"70":169.9929759451},"NSW_male_AHP_TD_Forecast":{"47":587.6097278799,"48":564.0907370661,"49":540.9976609823,"50":518.4265253432,"51":496.4760454055,"52":475.2476259682,"53":454.8453613718,"54":435.3760354994,"55":416.9491217757,"56":399.6767831675,"57":383.6738721838,"58":369.0579308754,"59":355.9491908353,"60":344.4705731984,"61":334.7476886415,"62":326.9088373838,"63":321.0850091861,"64":317.4098833514,"65":316.0198287248,"66":317.0539036933,"67":320.653856186,"68":326.9641236738,"69":336.13183317,"70":348.3068012295},"VIC_male_AHP_TD_Forecast":{"47":377.9973517953,"48":362.8680647487,"49":348.0127599599,"50":333.4932088126,"51":319.3729128179,"52":305.7171036142,"53":292.5927429678,"54":280.0685227722,"55":268.2148650487,"56":257.1039219457,"57":246.8095757397,"58":237.4074388341,"59":228.9748537603,"60":221.590893177,"61":215.3363598704,"62":210.2937867543,"63":206.5474368701,"64":204.1833033864,"65":203.2891095996,"66":203.9543089337,"67":206.2700849398,"68":210.329351297,"69":216.2267518116,"70":224.0586604175},"__PHA_TD_Forecast":{"47":1684.5352452453,"48":1617.1119758904,"49":1550.9097012536,"50":1486.2037038793,"51":1423.2769765795,"52":1362.4202224339,"53":1303.9318547901,"54":1248.1179972632,"55":1195.2924837362,"56":1145.7768583598,"57":1099.9003755523,"58":1058.0,"59":1020.4204066566,"60":987.5139807438,"61":959.6408177508,"62":937.1687234348,"63":920.4732138205,"64":909.9375152004,"65":905.9525641347,"66":908.9170074515,"67":919.2372022463,"68":937.3272158827,"69":963.6088259918,"70":998.5115204724},"_female_PHA_TD_Forecast":{"47":720.0976708472,"48":691.2758700802,"49":662.9760147312,"50":635.3157813639,"51":608.4161424928,"52":582.401366584,"53":557.3990180544,"54":533.5399572722,"55":510.9583405566,"56":489.7916201779,"57":470.1805443577,"58":452.2691572686,"59":436.2047990343,"60":422.1381057296,"61":410.2230093806,"62":400.6167379644,"63":393.4798154092,"64":388.9760615943,"65":387.2725923502,"66":388.5398194586,"67":392.9514506521,"68":400.6844896145,"69":411.919235981,"70":426.8392853375},"_male_PHA_TD_Forecast":{"47":964.4375743981,"48":925.8361058101,"49":887.9336865224,"50":850.8879225155,"51":814.8608340867,"52":780.0188558499,"53":746.5328367357,"54":714.578039991,"55":684.3341431796,"56":655.9852381819,"57":629.7198311946,"58":605.7308427314,"59":584.2156076223,"60":565.3758750142,"61":549.4178083702,"62":536.5519854704,"63":526.9933984113,"64":520.9614536061,"65":518.6799717845,"66":520.3771879929,"67":526.2857515943,"68":536.6427262682,"69":551.6895900108,"70":571.6722351349},"NSW_female_PHA_TD_Forecast":{"47":435.3253848521,"48":417.9015519209,"49":400.7932540888,"50":384.0716311434,"51":367.8098153954,"52":352.0829316783,"53":336.9680973489,"54":322.5444222869,"55":308.8930088949,"56":296.0969520988,"57":284.2413393473,"58":273.4132506123,"59":263.7017583886,"60":255.197927694,"61":247.9948160695,"62":242.1874735789,"63":237.8729428093,"64":235.1502588706,"65":234.1204493957,"66":234.8865345408,"67":237.5535269848,"68":242.22843193,"69":249.0202471013,"70":258.0399627469},"VIC_female_PHA_TD_Forecast":{"47":284.7722859951,"48":273.3743181593,"49":262.1827606424,"50":251.2441502204,"51":240.6063270975,"52":230.3184349057,"53":220.4309207055,"54":210.9955349854,"55":202.0653316617,"56":193.6946680791,"57":185.9392050104,"58":178.8559066563,"59":172.5030406457,"60":166.9401780356,"61":162.2281933111,"62":158.4292643855,"63":155.6068725999,"64":153.8258027237,"65":153.1521429545,"66":153.6532849178,"67":155.3979236672,"68":158.4560576846,"69":162.8989888797,"70":168.7993225906},"NSW_male_PHA_TD_Forecast":{"47":589.7437605282,"48":566.1393553793,"49":542.9624117623,"50":520.3093041304,"51":498.2791062463,"52":476.9735911824,"53":456.4972313206,"54":436.9571983528,"55":418.4633632804,"56":401.1282964144,"57":385.0672673757,"58":370.3982450946,"59":357.2418978113,"60":345.7215930755,"61":335.9633977468,"62":328.0960779942,"63":322.2510992965,"64":318.5626264423,"65":317.1675235297,"66":318.2053539666,"67":321.8183804704,"68":328.1515650684,"69":337.3525690974,"70":349.5717532039},"VIC_male_PHA_TD_Forecast":{"47":374.6938138699,"48":359.6967504309,"49":344.97127476,"50":330.578618385,"51":316.5817278404,"52":303.0452646676,"53":290.0356054151,"54":277.6208416382,"55":265.8707798992,"56":254.8569417674,"57":244.6525638189,"58":235.3325976368,"59":226.9737098111,"60":219.6542819387,"61":213.4544106234,"62":208.4559074763,"63":204.7422991148,"64":202.3988271638,"65":201.5124482548,"66":202.1718340263,"67":204.4673711238,"68":208.4911611998,"69":214.3370209134,"70":222.100481931},"_female_MO_Forecast":{"47":710.9454448924,"48":683.2304313597,"49":656.1053313162,"50":629.6721436405,"51":604.0348206873,"52":579.2992682871,"53":555.5733457467,"54":532.9668658489,"55":511.5915948525,"56":491.5612524923,"57":472.9915119791,"58":456.0,"59":440.7062967178,"60":427.2319357716,"61":415.7004042764,"62":406.2371428234,"63":398.9695454795,"64":394.026959788,"65":391.5406867681,"66":391.6439809151,"67":394.4720502002,"68":400.1620560707,"69":408.8531134501,"70":420.6862907378},"_male_MO_Forecast":{"47":973.5898003529,"48":933.8815445307,"49":894.8043699374,"50":856.5315602388,"51":819.2421558923,"52":783.1209541469,"53":748.3585090434,"54":715.1511314143,"55":683.7008888837,"56":654.2156058675,"57":626.9088635732,"58":602.0,"59":579.7141099388,"60":560.2820449722,"61":543.9404134744,"62":530.9315806115,"63":521.503668341,"64":515.9105554124,"65":514.4118773666,"66":517.2730265364,"67":524.7651520462,"68":537.165159812,"69":554.7557125416,"70":577.8252297346},"NSW_female_MO_Forecast":{"47":429.792529453,"48":413.0377898937,"49":396.6396746191,"50":380.6598456824,"51":365.1611460851,"52":350.2075997759,"53":335.8644116516,"54":322.1979675565,"55":309.2758342827,"56":297.16675957,"57":285.9406721061,"58":275.6686815263,"59":266.4230784134,"60":258.2773342984,"61":251.3061016597,"62":245.5852139235,"63":241.1916854637,"64":238.2037116021,"65":236.700668608,"66":236.7631136986,"67":238.4727850387,"68":241.9126017409,"69":247.1666638656,"70":254.3202524207},"VIC_female_MO_Forecast":{"47":281.1529154394,"48":270.192641466,"49":259.4656566972,"50":249.0122979581,"51":238.8736746022,"52":229.0916685111,"53":219.7089340951,"54":210.7688982924,"55":202.3157605698,"56":194.3944929222,"57":187.050839873,"58":180.3313184737,"59":174.2832183044,"60":168.9546014732,"61":164.3943026168,"62":160.6519288999,"63":157.7778600158,"64":155.8232481859,"65":154.8400181601,"66":154.8808672165,"67":155.9992651615,"68":158.2494543298,"69":161.6864495846,"70":166.3660383171},"NSW_male_MO_Forecast":{"47":595.3402535466,"48":571.059059269,"49":547.1637647396,"50":523.7603311563,"51":500.9582399366,"52":478.8704927172,"53":457.6136113548,"54":437.3076379251,"55":418.0761347238,"56":400.0461842659,"57":383.3483892857,"58":368.1168727375,"59":354.4892777948,"60":342.6067678507,"61":332.6140265179,"62":324.6592576284,"63":318.894185234,"64":315.4740536058,"65":314.5576272346,"66":316.3071908307,"67":320.8885493237,"68":328.471027863,"69":339.2274718174,"70":353.3342467753},"VIC_male_MO_Forecast":{"47":378.2495468063,"48":362.8224852617,"49":347.6406051978,"50":332.7712290825,"51":318.2839159557,"52":304.2504614296,"53":290.7448976886,"54":277.8434934892,"55":265.6247541599,"56":254.1694216017,"57":243.5604742875,"58":233.8831272625,"59":225.224832144,"60":217.6752771214,"61":211.3263869565,"62":206.2723229831,"63":202.6094831071,"64":200.4365018066,"65":199.854250132,"66":200.9658357057,"67":203.8766027225,"68":208.6941319489,"69":215.5282407242,"70":224.4909829593},"__MO_Forecast":{"47":1684.5352452453,"48":1617.1119758904,"49":1550.9097012536,"50":1486.2037038793,"51":1423.2769765795,"52":1362.4202224339,"53":1303.9318547901,"54":1248.1179972632,"55":1195.2924837362,"56":1145.7768583598,"57":1099.9003755523,"58":1058.0,"59":1020.4204066566,"60":987.5139807438,"61":959.6408177508,"62":937.1687234348,"63":920.4732138205,"64":909.9375152004,"65":905.9525641347,"66":908.9170074515,"67":919.2372022463,"68":937.3272158827,"69":963.6088259918,"70":998.5115204724},"NSW_female_OC_Forecast":{"47":400.6968297881,"48":391.1093633509,"49":387.7242526596,"50":393.7483901024,"51":345.0799913887,"52":347.7474525857,"53":308.2630129473,"54":290.5515780836,"55":282.9519356992,"56":281.7426423114,"57":290.127191342,"58":244.0003995337,"59":249.3872639873,"60":212.7966249902,"61":198.1499891857,"62":193.7827453121,"63":195.97005092,"64":207.9120004648,"65":165.5000117226,"66":174.7556828276,"67":142.1844551007,"68":131.7044362187,"69":131.6476159533,"70":138.2857528886},"NSW_male_OC_Forecast":{"47":578.022723779,"48":572.1715830081,"49":538.0791542029,"50":554.0193544836,"51":464.4521300466,"52":470.1939502557,"53":413.6907350252,"54":404.4790731758,"55":399.2634934494,"56":366.110008271,"57":383.2953244997,"58":295.2821780703,"59":302.8898280849,"60":248.5669841965,"61":241.8530249644,"62":239.4552688688,"63":209.4425180734,"64":230.0942691758,"65":145.8760478491,"66":157.6099029341,"67":107.7473338223,"68":105.8305088115,"69":108.5695361205,"70":84.0360076513},"VIC_female_OC_Forecast":{"47":305.6741982893,"48":287.4049746431,"49":269.2847097491,"50":239.6268038563,"51":258.0419684397,"52":233.2676287907,"53":243.5377688263,"54":235.3197643137,"55":221.4289641571,"56":208.3008182281,"57":184.2689959652,"58":208.9644780326,"59":191.1449589113,"60":209.0646917074,"61":209.2113213777,"62":204.4204660155,"63":201.147844682,"64":187.7473960049,"65":223.870369838,"66":218.2947298513,"67":249.2949983406,"68":263.3790894519,"69":273.4028904679,"70":285.8423896392},"VIC_male_OC_Forecast":{"47":395.0194737576,"48":367.2392772059,"49":356.8998133527,"50":314.8288359047,"51":346.4065340819,"52":313.0291166805,"53":325.0190246048,"54":306.0955664988,"55":284.9514723948,"56":282.1911930217,"57":248.6769970754,"58":289.8235887644,"59":267.0616918737,"60":290.7482622965,"61":284.6371236655,"62":277.4555210017,"63":289.8424200231,"64":272.6946044139,"65":331.4612933717,"66":327.6077256702,"67":371.5253721914,"68":387.0025715567,"69":402.801083776,"70":439.5943895559},"_female_OC_Forecast":{"47":706.3710280774,"48":678.514337994,"49":657.0089624087,"50":633.3751939587,"51":603.1219598284,"52":581.0150813764,"53":551.8007817736,"54":525.8713423974,"55":504.3808998563,"56":490.0434605395,"57":474.3961873072,"58":452.9648775664,"59":440.5322228986,"60":421.8613166976,"61":407.3613105634,"62":398.2032113276,"63":397.1178956021,"64":395.6593964698,"65":389.3703815606,"66":393.050412679,"67":391.4794534414,"68":395.0835256707,"69":405.0505064212,"70":424.1281425278},"_male_OC_Forecast":{"47":973.0421975365,"48":939.4108602141,"49":894.9789675556,"50":868.8481903883,"51":810.8586641286,"52":783.2230669362,"53":738.70975963,"54":710.5746396746,"55":684.2149658441,"56":648.3012012928,"57":631.9723215751,"58":585.1057668346,"59":569.9515199586,"60":539.315246493,"61":526.4901486299,"62":516.9107898705,"63":499.2849380965,"64":502.7888735896,"65":477.3373412208,"66":485.2176286043,"67":479.2727060137,"68":492.8330803683,"69":511.3706198965,"70":523.6303972072},"__OC_Forecast":{"47":1679.413225614,"48":1617.9251982081,"49":1551.9879299642,"50":1502.223384347,"51":1413.9806239569,"52":1364.2381483125,"53":1290.5105414036,"54":1236.445982072,"55":1188.5958657004,"56":1138.3446618323,"57":1106.3685088823,"58":1038.070644401,"59":1010.4837428572,"60":961.1765631906,"61":933.8514591933,"62":915.1140011981,"63":896.4028336986,"64":898.4482700594,"65":866.7077227814,"66":878.2680412833,"67":870.7521594551,"68":887.9166060389,"69":916.4211263177,"70":947.7585397351}} +{"Index":{"47":1980,"48":1981,"49":1982,"50":1983,"51":1984,"52":1985,"53":1986,"54":1987,"55":1988,"56":1989,"57":1990,"58":1991,"59":1992,"60":1993,"61":1994,"62":1995,"63":1996,"64":1997,"65":1998,"66":1999,"67":2000,"68":2001,"69":2002,"70":2003},"NSW_female":{"47":333.0,"48":330.0,"49":349.0,"50":356.0,"51":289.0,"52":352.0,"53":321.0,"54":317.0,"55":329.0,"56":293.0,"57":298.0,"58":270.0,"59":null,"60":null,"61":null,"62":null,"63":null,"64":null,"65":null,"66":null,"67":null,"68":null,"69":null,"70":null},"NSW_female_Forecast":{"47":391.0003933418,"48":387.2064923029,"49":389.7061124626,"50":413.4711208883,"51":334.8707779072,"52":351.2811915535,"53":291.0691355877,"54":271.7840394408,"55":269.0446226672,"56":272.7926538311,"57":298.0,"58":221.0359215011,"59":239.2765263686,"60":181.0885883629,"61":164.0215369152,"62":163.6940915797,"63":170.0480209207,"64":198.0551920057,"65":124.0848651618,"66":145.5131484234,"67":90.7068155507,"68":77.215295975,"69":80.6573092504,"70":90.9746239414},"NSW_female_Forecast_Lower_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":136.2659823686,"60":78.0780443629,"61":61.0109929152,"62":60.6835475797,"63":67.0374769207,"64":95.0446480057,"65":21.0743211618,"66":42.5026044234,"67":-12.3037284493,"68":-25.795248025,"69":-22.3532347496,"70":-12.0359200586},"NSW_female_Forecast_Upper_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":342.2870703686,"60":284.0991323629,"61":267.0320809152,"62":266.7046355797,"63":273.0585649207,"64":301.0657360057,"65":227.0954091618,"66":248.5236924234,"67":193.7173595507,"68":180.225839975,"69":183.6678532504,"70":193.9851679414},"NSW_male":{"47":514.0,"48":479.0,"49":474.0,"50":449.0,"51":416.0,"52":488.0,"53":430.0,"54":398.0,"55":431.0,"56":415.0,"57":416.0,"58":349.0,"59":null,"60":null,"61":null,"62":null,"63":null,"64":null,"65":null,"66":null,"67":null,"68":null,"69":null,"70":null},"NSW_male_Forecast":{"47":572.3531013313,"48":578.5141210092,"49":539.3319805316,"50":582.3556651009,"51":446.7722856603,"52":472.1139889236,"53":390.6206722252,"54":388.2305662449,"55":393.0809523739,"56":352.7634071688,"57":394.8269158316,"58":258.4585893059,"59":283.1905743053,"60":201.2627681642,"61":198.6134015624,"62":203.3797558912,"63":163.1534077071,"64":205.4833422121,"65":69.5566703499,"66":94.905538834,"67":13.7698449988,"68":12.0878195241,"69":17.9967438014,"70":-20.9118056132},"NSW_male_Forecast_Lower_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":135.2689823053,"60":53.3411761642,"61":50.6918095624,"62":55.4581638912,"63":15.2318157071,"64":57.5617502121,"65":-78.3649216501,"66":-53.016053166,"67":-134.1517470012,"68":-135.8337724759,"69":-129.9248481986,"70":-168.8333976132},"NSW_male_Forecast_Upper_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":431.1121663053,"60":349.1843601642,"61":346.5349935624,"62":351.3013478912,"63":311.0749997071,"64":353.4049342121,"65":217.4782623499,"66":242.827130834,"67":161.6914369988,"68":160.0094115241,"69":165.9183358014,"70":127.0097863868},"VIC_female":{"47":266.0,"48":253.0,"49":279.0,"50":274.0,"51":224.0,"52":269.0,"53":225.0,"54":196.0,"55":197.0,"56":174.0,"57":230.0,"58":186.0,"59":null,"60":null,"61":null,"62":null,"63":null,"64":null,"65":null,"66":null,"67":null,"68":null,"69":null,"70":null},"VIC_female_Forecast":{"47":295.9777618431,"48":283.5021035951,"49":271.2665695522,"50":259.3495346421,"51":247.8327549582,"52":236.8013677586,"53":226.3438914666,"54":216.5522256709,"55":207.5216511251,"56":199.3508297478,"57":192.1418046231,"58":186.0,"59":181.0342212926,"60":177.3566550801,"61":175.0828691071,"62":174.3318122831,"63":175.2258146827,"64":177.8905875457,"65":182.4552232772,"66":189.052195447,"67":197.8173587906,"68":208.8899492081,"69":222.412583765,"70":238.531260692},"VIC_female_Forecast_Lower_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":88.5345692926,"60":84.8570030801,"61":82.5832171071,"62":81.8321602831,"63":82.7261626827,"64":85.3909355457,"65":89.9555712772,"66":96.552543447,"67":105.3177067906,"68":116.3902972081,"69":129.912931765,"70":146.031608692},"VIC_female_Forecast_Upper_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":273.5338732926,"60":269.8563070801,"61":267.5825211071,"62":266.8314642831,"63":267.7254666827,"64":270.3902395457,"65":274.9548752772,"66":281.551847447,"67":290.3170107906,"68":301.3896012081,"69":314.912235765,"70":331.030912692},"VIC_male":{"47":326.0,"48":309.0,"49":362.0,"50":287.0,"51":301.0,"52":344.0,"53":304.0,"54":307.0,"55":297.0,"56":257.0,"57":308.0,"58":253.0,"59":null,"60":null,"61":null,"62":null,"63":null,"64":null,"65":null,"66":null,"67":null,"68":null,"69":null,"70":null},"VIC_male_Forecast":{"47":389.3498513099,"48":373.581815207,"49":358.1526396815,"50":343.1651465219,"51":328.7266896956,"52":314.9491553484,"53":301.9489618048,"54":289.8470595679,"55":278.7689313193,"56":268.8445919195,"57":260.2085884072,"58":253.0,"59":247.3624380941,"60":243.4440462641,"61":241.3975002635,"62":241.3800080241,"63":243.5533096566,"64":248.0836774502,"65":255.1419158725,"66":264.90336157,"67":277.5478833678,"68":293.2598822693,"69":312.2282914569,"70":334.6465762913},"VIC_male_Forecast_Lower_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":136.0654060941,"60":132.1470142641,"61":130.1004682635,"62":130.0829760241,"63":132.2562776566,"64":136.7866454502,"65":143.8448838725,"66":153.60632957,"67":166.2508513678,"68":181.9628502693,"69":200.9312594569,"70":223.3495442913},"VIC_male_Forecast_Upper_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":358.6594700941,"60":354.7410782641,"61":352.6945322635,"62":352.6770400241,"63":354.8503416566,"64":359.3807094502,"65":366.4389478725,"66":376.20039357,"67":388.8449153678,"68":404.5569142693,"69":423.5253234569,"70":445.9436082913},"_female":{"47":599.0,"48":583.0,"49":628.0,"50":630.0,"51":513.0,"52":621.0,"53":546.0,"54":513.0,"55":526.0,"56":467.0,"57":528.0,"58":456.0,"59":null,"60":null,"61":null,"62":null,"63":null,"64":null,"65":null,"66":null,"67":null,"68":null,"69":null,"70":null},"_female_Forecast":{"47":710.9454448924,"48":683.2304313597,"49":656.1053313162,"50":629.6721436405,"51":604.0348206873,"52":579.2992682871,"53":555.5733457467,"54":532.9668658489,"55":511.5915948525,"56":491.5612524923,"57":472.9915119791,"58":456.0,"59":440.7062967178,"60":427.2319357716,"61":415.7004042764,"62":406.2371428233,"63":398.9695454795,"64":394.026959788,"65":391.5406867681,"66":391.6439809151,"67":394.4720502002,"68":400.1620560707,"69":408.8531134501,"70":420.6862907378},"_female_Forecast_Lower_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":260.2345927178,"60":246.7602317716,"61":235.2287002764,"62":225.7654388233,"63":218.4978414795,"64":213.555255788,"65":211.0689827681,"66":211.1722769151,"67":214.0003462002,"68":219.6903520707,"69":228.3814094501,"70":240.2145867378},"_female_Forecast_Upper_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":621.1780007178,"60":607.7036397716,"61":596.1721082764,"62":586.7088468233,"63":579.4412494795,"64":574.498663788,"65":572.0123907681,"66":572.1156849151,"67":574.9437542002,"68":580.6337600707,"69":589.3248174501,"70":601.1579947378},"_male":{"47":840.0,"48":788.0,"49":836.0,"50":736.0,"51":717.0,"52":832.0,"53":734.0,"54":705.0,"55":728.0,"56":672.0,"57":724.0,"58":602.0,"59":null,"60":null,"61":null,"62":null,"63":null,"64":null,"65":null,"66":null,"67":null,"68":null,"69":null,"70":null},"_male_Forecast":{"47":973.5898003529,"48":933.8815445307,"49":894.8043699374,"50":856.5315602388,"51":819.2421558923,"52":783.1209541469,"53":748.3585090434,"54":715.1511314143,"55":683.7008888837,"56":654.2156058675,"57":626.9088635732,"58":602.0,"59":579.7141099388,"60":560.2820449722,"61":543.9404134744,"62":530.9315806115,"63":521.503668341,"64":515.9105554124,"65":514.4118773666,"66":517.2730265364,"67":524.7651520462,"68":537.165159812,"69":554.7557125417,"70":577.8252297346},"_male_Forecast_Lower_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":351.6283219388,"60":332.1962569722,"61":315.8546254744,"62":302.8457926115,"63":293.417880341,"64":287.8247674124,"65":286.3260893666,"66":289.1872385364,"67":296.6793640462,"68":309.079371812,"69":326.6699245417,"70":349.7394417346},"_male_Forecast_Upper_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":807.7998979388,"60":788.3678329722,"61":772.0262014744,"62":759.0173686115,"63":749.589456341,"64":743.9963434124,"65":742.4976653666,"66":745.3588145364,"67":752.8509400462,"68":765.250947812,"69":782.8415005417,"70":805.9110177346},"_":{"47":1439.0,"48":1371.0,"49":1464.0,"50":1366.0,"51":1230.0,"52":1453.0,"53":1280.0,"54":1218.0,"55":1254.0,"56":1139.0,"57":1252.0,"58":1058.0,"59":null,"60":null,"61":null,"62":null,"63":null,"64":null,"65":null,"66":null,"67":null,"68":null,"69":null,"70":null},"__Forecast":{"47":1684.5352452453,"48":1617.1119758904,"49":1550.9097012536,"50":1486.2037038793,"51":1423.2769765795,"52":1362.4202224339,"53":1303.9318547901,"54":1248.1179972632,"55":1195.2924837362,"56":1145.7768583598,"57":1099.9003755523,"58":1058.0,"59":1020.4204066566,"60":987.5139807438,"61":959.6408177508,"62":937.1687234348,"63":920.4732138205,"64":909.9375152004,"65":905.9525641347,"66":908.9170074515,"67":919.2372022463,"68":937.3272158827,"69":963.6088259918,"70":998.5115204724},"__Forecast_Lower_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":623.3369506566,"60":590.4305247438,"61":562.5573617508,"62":540.0852674348,"63":523.3897578205,"64":512.8540592004,"65":508.8691081347,"66":511.8335514515,"67":522.1537462463,"68":540.2437598827,"69":566.5253699918,"70":601.4280644724},"__Forecast_Upper_Bound":{"47":null,"48":null,"49":null,"50":null,"51":null,"52":null,"53":null,"54":null,"55":null,"56":null,"57":null,"58":null,"59":1417.5038626566,"60":1384.5974367438,"61":1356.7242737508,"62":1334.2521794348,"63":1317.5566698205,"64":1307.0209712004,"65":1303.0360201347,"66":1306.0004634515,"67":1316.3206582463,"68":1334.4106718827,"69":1360.6922819918,"70":1395.5949764724},"NSW_female_BU_Forecast":{"47":391.0003933418,"48":387.2064923029,"49":389.7061124626,"50":413.4711208883,"51":334.8707779072,"52":351.2811915535,"53":291.0691355877,"54":271.7840394408,"55":269.0446226672,"56":272.7926538311,"57":298.0,"58":221.0359215011,"59":239.2765263686,"60":181.0885883629,"61":164.0215369152,"62":163.6940915797,"63":170.0480209207,"64":198.0551920057,"65":124.0848651618,"66":145.5131484234,"67":90.7068155507,"68":77.215295975,"69":80.6573092504,"70":90.9746239414},"NSW_male_BU_Forecast":{"47":572.3531013313,"48":578.5141210092,"49":539.3319805316,"50":582.3556651009,"51":446.7722856603,"52":472.1139889236,"53":390.6206722252,"54":388.2305662449,"55":393.0809523739,"56":352.7634071688,"57":394.8269158316,"58":258.4585893059,"59":283.1905743053,"60":201.2627681642,"61":198.6134015624,"62":203.3797558912,"63":163.1534077071,"64":205.4833422121,"65":69.5566703499,"66":94.905538834,"67":13.7698449988,"68":12.0878195241,"69":17.9967438014,"70":-20.9118056132},"VIC_female_BU_Forecast":{"47":295.9777618431,"48":283.5021035951,"49":271.2665695522,"50":259.3495346421,"51":247.8327549582,"52":236.8013677586,"53":226.3438914666,"54":216.5522256709,"55":207.5216511251,"56":199.3508297478,"57":192.1418046231,"58":186.0,"59":181.0342212926,"60":177.3566550801,"61":175.0828691071,"62":174.3318122831,"63":175.2258146827,"64":177.8905875457,"65":182.4552232772,"66":189.052195447,"67":197.8173587906,"68":208.8899492081,"69":222.412583765,"70":238.531260692},"VIC_male_BU_Forecast":{"47":389.3498513099,"48":373.581815207,"49":358.1526396815,"50":343.1651465219,"51":328.7266896956,"52":314.9491553484,"53":301.9489618048,"54":289.8470595679,"55":278.7689313193,"56":268.8445919195,"57":260.2085884072,"58":253.0,"59":247.3624380941,"60":243.4440462641,"61":241.3975002635,"62":241.3800080241,"63":243.5533096566,"64":248.0836774502,"65":255.1419158725,"66":264.90336157,"67":277.5478833678,"68":293.2598822693,"69":312.2282914569,"70":334.6465762913},"_female_BU_Forecast":{"47":686.9781551849,"48":670.7085958981,"49":660.9726820148,"50":672.8206555305,"51":582.7035328654,"52":588.0825593121,"53":517.4130270543,"54":488.3362651117,"55":476.5662737922,"56":472.1434835789,"57":490.1418046231,"58":407.0359215011,"59":420.3107476612,"60":358.4452434431,"61":339.1044060223,"62":338.0259038627,"63":345.2738356034,"64":375.9457795514,"65":306.540088439,"66":334.5653438704,"67":288.5241743413,"68":286.105245183,"69":303.0698930154,"70":329.5058846333},"_male_BU_Forecast":{"47":961.7029526412,"48":952.0959362163,"49":897.4846202131,"50":925.5208116228,"51":775.4989753559,"52":787.063144272,"53":692.56963403,"54":678.0776258127,"55":671.8498836933,"56":621.6079990882,"57":655.0355042388,"58":511.4585893059,"59":530.5530123994,"60":444.7068144283,"61":440.0109018259,"62":444.7597639154,"63":406.7067173637,"64":453.5670196623,"65":324.6985862224,"66":359.808900404,"67":291.3177283665,"68":305.3477017934,"69":330.2250352582,"70":313.734770678},"__BU_Forecast":{"47":1672.6483975336,"48":1635.326367576,"49":1553.5899515293,"50":1555.1929552633,"51":1379.5337960432,"52":1366.3624125591,"53":1248.1429797767,"54":1211.0444916617,"55":1183.4414785458,"56":1113.1692515805,"57":1128.0270162179,"58":967.4585893059,"59":971.2593091172,"60":871.9387501999,"61":855.7113061023,"62":850.9969067387,"63":805.6762628432,"64":847.5939794503,"65":716.2392729905,"66":751.4528813191,"67":685.7897785667,"68":705.5097578641,"69":739.0781487083,"70":734.4210614158},"__AHP_TD_Forecast":{"47":1684.5352452453,"48":1617.1119758904,"49":1550.9097012536,"50":1486.2037038793,"51":1423.2769765795,"52":1362.4202224339,"53":1303.9318547901,"54":1248.1179972632,"55":1195.2924837362,"56":1145.7768583598,"57":1099.9003755523,"58":1058.0,"59":1020.4204066566,"60":987.5139807438,"61":959.6408177508,"62":937.1687234348,"63":920.4732138205,"64":909.9375152004,"65":905.9525641347,"66":908.9170074515,"67":919.2372022463,"68":937.3272158827,"69":963.6088259918,"70":998.5115204724},"_female_AHP_TD_Forecast":{"47":718.92816557,"48":690.1531740756,"49":661.8992803114,"50":634.2839697235,"51":607.4280183561,"52":581.4554928516,"53":556.4937504505,"54":532.6734389916,"55":510.1284969119,"56":488.9961532466,"57":469.4169276289,"58":451.5346302905,"59":435.496362061,"60":421.4525143684,"61":409.5567692389,"62":399.9660992967,"63":392.8407677644,"64":388.3443284626,"65":386.6436258103,"66":387.9087948245,"67":392.3132611206,"68":400.0337409119,"69":411.2502410102,"70":426.1460588254},"_male_AHP_TD_Forecast":{"47":965.6070796753,"48":926.9588018148,"49":889.0104209422,"50":851.9197341558,"51":815.8489582234,"52":780.9647295824,"53":747.4381043396,"54":715.4445582716,"55":685.1639868243,"56":656.7807051132,"57":630.4834479235,"58":606.4653697095,"59":584.9240445956,"60":566.0614663754,"61":550.0840485119,"62":537.2026241381,"63":527.6324460561,"64":521.5931867378,"65":519.3089383245,"66":521.008212627,"67":526.9239411258,"68":537.2934749708,"69":552.3585849816,"70":572.365461647},"NSW_female_AHP_TD_Forecast":{"47":432.1421310052,"48":414.8457073295,"49":397.8625114482,"50":381.2631629495,"51":365.1202593746,"52":349.5083762177,"53":334.5040669259,"54":320.1858628993,"55":306.6342734913,"56":293.9317860078,"57":282.162865708,"58":271.4139558041,"59":261.7734774612,"60":253.3318297973,"61":246.1813898836,"62":240.4165127442,"63":236.1335313561,"64":233.4307566494,"65":232.4084775073,"66":233.1689607656,"67":235.8164512136,"68":240.4571715932,"69":247.1993225994,"70":256.1530828803},"VIC_female_AHP_TD_Forecast":{"47":286.7860345649,"48":275.3074667461,"49":264.0367688632,"50":253.020806774,"51":242.3077589815,"52":231.9471166339,"53":221.9896835246,"54":212.4875760923,"55":203.4942234206,"56":195.0643672388,"57":187.2540619209,"58":180.1206744864,"59":173.7228845998,"60":168.1206845712,"61":163.3753793553,"62":159.5495865525,"63":156.7072364083,"64":154.9135718132,"65":154.235148303,"66":154.7398340589,"67":156.496809907,"68":159.5765693187,"69":164.0509184108,"70":169.9929759451},"NSW_male_AHP_TD_Forecast":{"47":587.6097278799,"48":564.0907370661,"49":540.9976609823,"50":518.4265253432,"51":496.4760454055,"52":475.2476259682,"53":454.8453613718,"54":435.3760354994,"55":416.9491217757,"56":399.6767831675,"57":383.6738721838,"58":369.0579308754,"59":355.9491908353,"60":344.4705731984,"61":334.7476886415,"62":326.9088373838,"63":321.0850091861,"64":317.4098833514,"65":316.0198287248,"66":317.0539036933,"67":320.653856186,"68":326.9641236738,"69":336.13183317,"70":348.3068012295},"VIC_male_AHP_TD_Forecast":{"47":377.9973517953,"48":362.8680647487,"49":348.0127599599,"50":333.4932088126,"51":319.3729128179,"52":305.7171036142,"53":292.5927429678,"54":280.0685227722,"55":268.2148650487,"56":257.1039219457,"57":246.8095757397,"58":237.4074388341,"59":228.9748537603,"60":221.590893177,"61":215.3363598704,"62":210.2937867543,"63":206.5474368701,"64":204.1833033864,"65":203.2891095996,"66":203.9543089337,"67":206.2700849398,"68":210.329351297,"69":216.2267518116,"70":224.0586604175},"__PHA_TD_Forecast":{"47":1684.5352452453,"48":1617.1119758904,"49":1550.9097012536,"50":1486.2037038793,"51":1423.2769765795,"52":1362.4202224339,"53":1303.9318547901,"54":1248.1179972632,"55":1195.2924837362,"56":1145.7768583598,"57":1099.9003755523,"58":1058.0,"59":1020.4204066566,"60":987.5139807438,"61":959.6408177508,"62":937.1687234348,"63":920.4732138205,"64":909.9375152004,"65":905.9525641347,"66":908.9170074515,"67":919.2372022463,"68":937.3272158827,"69":963.6088259918,"70":998.5115204724},"_female_PHA_TD_Forecast":{"47":720.0976708472,"48":691.2758700802,"49":662.9760147312,"50":635.3157813639,"51":608.4161424928,"52":582.401366584,"53":557.3990180544,"54":533.5399572722,"55":510.9583405566,"56":489.7916201779,"57":470.1805443577,"58":452.2691572686,"59":436.2047990343,"60":422.1381057296,"61":410.2230093806,"62":400.6167379644,"63":393.4798154092,"64":388.9760615943,"65":387.2725923502,"66":388.5398194586,"67":392.9514506521,"68":400.6844896146,"69":411.919235981,"70":426.8392853375},"_male_PHA_TD_Forecast":{"47":964.4375743981,"48":925.8361058101,"49":887.9336865224,"50":850.8879225155,"51":814.8608340867,"52":780.0188558499,"53":746.5328367357,"54":714.578039991,"55":684.3341431796,"56":655.9852381819,"57":629.7198311946,"58":605.7308427314,"59":584.2156076223,"60":565.3758750142,"61":549.4178083702,"62":536.5519854704,"63":526.9933984113,"64":520.9614536061,"65":518.6799717845,"66":520.3771879929,"67":526.2857515943,"68":536.6427262682,"69":551.6895900108,"70":571.6722351349},"NSW_female_PHA_TD_Forecast":{"47":435.3253848521,"48":417.9015519209,"49":400.7932540888,"50":384.0716311434,"51":367.8098153954,"52":352.0829316783,"53":336.9680973489,"54":322.5444222869,"55":308.8930088949,"56":296.0969520988,"57":284.2413393473,"58":273.4132506123,"59":263.7017583886,"60":255.197927694,"61":247.9948160695,"62":242.1874735789,"63":237.8729428093,"64":235.1502588706,"65":234.1204493957,"66":234.8865345408,"67":237.5535269848,"68":242.22843193,"69":249.0202471013,"70":258.0399627469},"VIC_female_PHA_TD_Forecast":{"47":284.7722859951,"48":273.3743181593,"49":262.1827606424,"50":251.2441502204,"51":240.6063270975,"52":230.3184349057,"53":220.4309207055,"54":210.9955349854,"55":202.0653316617,"56":193.6946680791,"57":185.9392050104,"58":178.8559066563,"59":172.5030406457,"60":166.9401780356,"61":162.2281933111,"62":158.4292643855,"63":155.6068725999,"64":153.8258027237,"65":153.1521429545,"66":153.6532849178,"67":155.3979236672,"68":158.4560576846,"69":162.8989888797,"70":168.7993225906},"NSW_male_PHA_TD_Forecast":{"47":589.7437605282,"48":566.1393553793,"49":542.9624117623,"50":520.3093041304,"51":498.2791062463,"52":476.9735911824,"53":456.4972313206,"54":436.9571983528,"55":418.4633632804,"56":401.1282964144,"57":385.0672673757,"58":370.3982450946,"59":357.2418978113,"60":345.7215930755,"61":335.9633977468,"62":328.0960779942,"63":322.2510992965,"64":318.5626264423,"65":317.1675235297,"66":318.2053539666,"67":321.8183804704,"68":328.1515650684,"69":337.3525690974,"70":349.5717532039},"VIC_male_PHA_TD_Forecast":{"47":374.6938138699,"48":359.6967504309,"49":344.97127476,"50":330.578618385,"51":316.5817278404,"52":303.0452646676,"53":290.0356054151,"54":277.6208416382,"55":265.8707798992,"56":254.8569417674,"57":244.6525638189,"58":235.3325976368,"59":226.9737098111,"60":219.6542819387,"61":213.4544106234,"62":208.4559074763,"63":204.7422991148,"64":202.3988271638,"65":201.5124482548,"66":202.1718340263,"67":204.4673711238,"68":208.4911611998,"69":214.3370209134,"70":222.100481931},"_female_MO_Forecast":{"47":710.9454448924,"48":683.2304313597,"49":656.1053313162,"50":629.6721436405,"51":604.0348206873,"52":579.2992682871,"53":555.5733457467,"54":532.9668658489,"55":511.5915948525,"56":491.5612524923,"57":472.9915119791,"58":456.0,"59":440.7062967178,"60":427.2319357716,"61":415.7004042764,"62":406.2371428233,"63":398.9695454795,"64":394.026959788,"65":391.5406867681,"66":391.6439809151,"67":394.4720502002,"68":400.1620560707,"69":408.8531134501,"70":420.6862907378},"_male_MO_Forecast":{"47":973.5898003529,"48":933.8815445307,"49":894.8043699374,"50":856.5315602388,"51":819.2421558923,"52":783.1209541469,"53":748.3585090434,"54":715.1511314143,"55":683.7008888837,"56":654.2156058675,"57":626.9088635732,"58":602.0,"59":579.7141099388,"60":560.2820449722,"61":543.9404134744,"62":530.9315806115,"63":521.503668341,"64":515.9105554124,"65":514.4118773666,"66":517.2730265364,"67":524.7651520462,"68":537.165159812,"69":554.7557125417,"70":577.8252297346},"NSW_female_MO_Forecast":{"47":429.792529453,"48":413.0377898937,"49":396.6396746191,"50":380.6598456824,"51":365.1611460851,"52":350.2075997759,"53":335.8644116516,"54":322.1979675565,"55":309.2758342827,"56":297.16675957,"57":285.9406721061,"58":275.6686815263,"59":266.4230784134,"60":258.2773342984,"61":251.3061016597,"62":245.5852139235,"63":241.1916854637,"64":238.2037116021,"65":236.700668608,"66":236.7631136986,"67":238.4727850387,"68":241.9126017409,"69":247.1666638656,"70":254.3202524207},"VIC_female_MO_Forecast":{"47":281.1529154394,"48":270.192641466,"49":259.4656566972,"50":249.0122979581,"51":238.8736746022,"52":229.0916685111,"53":219.7089340951,"54":210.7688982924,"55":202.3157605698,"56":194.3944929222,"57":187.050839873,"58":180.3313184737,"59":174.2832183044,"60":168.9546014732,"61":164.3943026168,"62":160.6519288999,"63":157.7778600158,"64":155.8232481859,"65":154.8400181601,"66":154.8808672165,"67":155.9992651615,"68":158.2494543298,"69":161.6864495846,"70":166.366038317},"NSW_male_MO_Forecast":{"47":595.3402535466,"48":571.059059269,"49":547.1637647396,"50":523.7603311563,"51":500.9582399366,"52":478.8704927172,"53":457.6136113548,"54":437.3076379251,"55":418.0761347238,"56":400.0461842659,"57":383.3483892857,"58":368.1168727375,"59":354.4892777948,"60":342.6067678507,"61":332.6140265179,"62":324.6592576284,"63":318.894185234,"64":315.4740536058,"65":314.5576272346,"66":316.3071908307,"67":320.8885493237,"68":328.471027863,"69":339.2274718175,"70":353.3342467753},"VIC_male_MO_Forecast":{"47":378.2495468063,"48":362.8224852617,"49":347.6406051978,"50":332.7712290825,"51":318.2839159557,"52":304.2504614296,"53":290.7448976886,"54":277.8434934892,"55":265.6247541599,"56":254.1694216017,"57":243.5604742875,"58":233.8831272625,"59":225.224832144,"60":217.6752771214,"61":211.3263869565,"62":206.2723229831,"63":202.6094831071,"64":200.4365018066,"65":199.854250132,"66":200.9658357057,"67":203.8766027225,"68":208.694131949,"69":215.5282407242,"70":224.4909829593},"__MO_Forecast":{"47":1684.5352452453,"48":1617.1119758904,"49":1550.9097012536,"50":1486.2037038793,"51":1423.2769765795,"52":1362.4202224339,"53":1303.9318547901,"54":1248.1179972632,"55":1195.2924837362,"56":1145.7768583598,"57":1099.9003755523,"58":1058.0,"59":1020.4204066566,"60":987.5139807438,"61":959.6408177508,"62":937.1687234348,"63":920.4732138205,"64":909.9375152004,"65":905.9525641347,"66":908.9170074515,"67":919.2372022463,"68":937.3272158827,"69":963.6088259918,"70":998.5115204724},"NSW_female_OC_Forecast":{"47":400.6968297881,"48":391.1093633509,"49":387.7242526596,"50":393.7483901024,"51":345.0799913887,"52":347.7474525857,"53":308.2630129473,"54":290.5515780836,"55":282.9519356992,"56":281.7426423114,"57":290.127191342,"58":244.0003995337,"59":249.3872639873,"60":212.7966249902,"61":198.1499891857,"62":193.7827453121,"63":195.97005092,"64":207.9120004649,"65":165.5000117226,"66":174.7556828276,"67":142.1844551008,"68":131.7044362188,"69":131.6476159533,"70":138.2857528886},"NSW_male_OC_Forecast":{"47":578.0227237789,"48":572.1715830081,"49":538.0791542029,"50":554.0193544836,"51":464.4521300466,"52":470.1939502557,"53":413.6907350252,"54":404.4790731758,"55":399.2634934494,"56":366.110008271,"57":383.2953244998,"58":295.2821780703,"59":302.8898280849,"60":248.5669841965,"61":241.8530249644,"62":239.4552688688,"63":209.4425180735,"64":230.0942691758,"65":145.8760478491,"66":157.6099029342,"67":107.7473338224,"68":105.8305088116,"69":108.5695361205,"70":84.0360076514},"VIC_female_OC_Forecast":{"47":305.6741982893,"48":287.4049746431,"49":269.2847097491,"50":239.6268038563,"51":258.0419684397,"52":233.2676287907,"53":243.5377688263,"54":235.3197643137,"55":221.4289641571,"56":208.3008182281,"57":184.2689959652,"58":208.9644780326,"59":191.1449589113,"60":209.0646917074,"61":209.2113213777,"62":204.4204660155,"63":201.147844682,"64":187.7473960049,"65":223.870369838,"66":218.2947298513,"67":249.2949983406,"68":263.3790894519,"69":273.4028904679,"70":285.8423896392},"VIC_male_OC_Forecast":{"47":395.0194737576,"48":367.2392772059,"49":356.8998133527,"50":314.8288359047,"51":346.4065340819,"52":313.0291166805,"53":325.0190246048,"54":306.0955664988,"55":284.9514723948,"56":282.1911930217,"57":248.6769970753,"58":289.8235887644,"59":267.0616918737,"60":290.7482622965,"61":284.6371236655,"62":277.4555210017,"63":289.8424200231,"64":272.6946044139,"65":331.4612933717,"66":327.6077256702,"67":371.5253721914,"68":387.0025715567,"69":402.801083776,"70":439.5943895559},"_female_OC_Forecast":{"47":706.3710280774,"48":678.514337994,"49":657.0089624087,"50":633.3751939587,"51":603.1219598284,"52":581.0150813764,"53":551.8007817736,"54":525.8713423974,"55":504.3808998563,"56":490.0434605395,"57":474.3961873072,"58":452.9648775664,"59":440.5322228986,"60":421.8613166976,"61":407.3613105634,"62":398.2032113276,"63":397.1178956021,"64":395.6593964698,"65":389.3703815606,"66":393.050412679,"67":391.4794534414,"68":395.0835256707,"69":405.0505064212,"70":424.1281425278},"_male_OC_Forecast":{"47":973.0421975365,"48":939.4108602141,"49":894.9789675556,"50":868.8481903883,"51":810.8586641286,"52":783.2230669362,"53":738.70975963,"54":710.5746396746,"55":684.2149658441,"56":648.3012012928,"57":631.9723215751,"58":585.1057668346,"59":569.9515199586,"60":539.315246493,"61":526.4901486299,"62":516.9107898706,"63":499.2849380965,"64":502.7888735897,"65":477.3373412208,"66":485.2176286044,"67":479.2727060138,"68":492.8330803683,"69":511.3706198965,"70":523.6303972073},"__OC_Forecast":{"47":1679.413225614,"48":1617.9251982081,"49":1551.9879299642,"50":1502.223384347,"51":1413.9806239569,"52":1364.2381483125,"53":1290.5105414036,"54":1236.445982072,"55":1188.5958657004,"56":1138.3446618323,"57":1106.3685088823,"58":1038.070644401,"59":1010.4837428572,"60":961.1765631906,"61":933.8514591933,"62":915.1140011982,"63":896.4028336986,"64":898.4482700594,"65":866.7077227814,"66":878.2680412833,"67":870.7521594551,"68":887.916606039,"69":916.4211263178,"70":947.7585397351}} -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_grouped_signals_AllMethods.py', 'ElapsedTimeSecs':(151.59, 1.57, 42.15), 'MAX_MEM_KB':153288, 'CPU_PRCNT':'28%', 'FILES_IN':8, 'FILES_OUT':576, 'EXIT_STATUS':0} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_grouped_signals_AllMethods.py', 'ElapsedTimeSecs':(11.90, 1.51, 52.55), 'MAX_MEM_KB':151544, 'CPU_PRCNT':'454%', 'FILES_IN':0, 'FILES_OUT':536, 'EXIT_STATUS':0} diff --git a/tests/references/hierarchical/test_grouped_signals_AllMethods_2.log b/tests/references/hierarchical/test_grouped_signals_AllMethods_2.log index 688d23e2f..275fe2c79 100644 --- a/tests/references/hierarchical/test_grouped_signals_AllMethods_2.log +++ b/tests/references/hierarchical/test_grouped_signals_AllMethods_2.log @@ -2,13 +2,13 @@ INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_START INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male', '_female', '_male', '_'], 'Horizons': {'ACT_female': 12, 'ACT_male': 12, 'NSW_female': 12, 'NSW_male': 12, 'NT_female': 12, 'NT_male': 12, 'QLD_female': 12, 'QLD_male': 12, 'SA_female': 12, 'SA_male': 12, 'TAS_female': 12, 'TAS_male': 12, 'VIC_female': 12, 'VIC_male': 12, 'WA_female': 12, 'WA_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 115.601 +INFO:pyaf.std:TRAINING_ENGINE_END 12.775 INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_END INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_COMPUTE_TOP_DOWN_HISTORICAL_PROPORTIONS INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male', '_female', '_male', '_'], 'Horizons': {'ACT_female': 12, 'ACT_male': 12, 'NSW_female': 12, 'NSW_male': 12, 'NT_female': 12, 'NT_male': 12, 'QLD_female': 12, 'QLD_male': 12, 'SA_female': 12, 'SA_male': 12, 'TAS_female': 12, 'TAS_male': 12, 'VIC_female': 12, 'VIC_male': 12, 'WA_female': 12, 'WA_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 36.596 +INFO:pyaf.std:FORECASTING_ENGINE_END 4.489 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU', 'TD', 'MO', 'OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD @@ -29,56 +29,56 @@ INFO:pyaf.hierarchical:DATASET_COLUMNS Index(['Index', 'ACT_female', 'ACT_female dtype='object', length=172) INFO:pyaf.hierarchical:STRUCTURE_LEVEL (0, ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male']) INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9206413650.6063, 'RMSE': 12.3188, 'MAE': 11.1585, 'SMAPE': 0.8842, 'DiffSMAPE': 0.8805, 'MASE': 2.6416, 'RMSSE': 2.2964, 'ErrorMean': 3.0018, 'ErrorStdDev': 11.9474, 'R2': -0.8384, 'Pearson': -0.6209, 'MedAE': 12.1195, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4073, 'MannWhitneyU': 1303.0, 'AUC': 0.3743} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7479032962.4501, 'RMSE': 11.4031, 'MAE': 10.3413, 'SMAPE': 0.9039, 'DiffSMAPE': 0.8996, 'MASE': 2.4481, 'RMSSE': 2.1257, 'ErrorMean': -0.0, 'ErrorStdDev': 11.4031, 'R2': -0.5753, 'Pearson': -0.6349, 'MedAE': 10.9446, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4204, 'MannWhitneyU': 1619.0, 'AUC': 0.4651} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 1318289930.9317, 'RMSE': 6.0452, 'MAE': 4.5962, 'SMAPE': 0.5439, 'DiffSMAPE': 0.5349, 'MASE': 1.0881, 'RMSSE': 1.1269, 'ErrorMean': 1.804, 'ErrorStdDev': 5.7698, 'R2': 0.5573, 'Pearson': 0.7816, 'MedAE': 3.2409, 'LnQ': inf, 'KS': 0.1695, 'KendallTau': 0.6071, 'MannWhitneyU': 1490.0, 'AUC': 0.428} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 1318289930.9302, 'RMSE': 6.0452, 'MAE': 4.5962, 'SMAPE': 0.5439, 'DiffSMAPE': 0.5349, 'MASE': 1.0881, 'RMSSE': 1.1269, 'ErrorMean': 1.804, 'ErrorStdDev': 5.7698, 'R2': 0.5573, 'Pearson': 0.7816, 'MedAE': 3.2409, 'LnQ': inf, 'KS': 0.1695, 'KendallTau': 0.6071, 'MannWhitneyU': 1490.0, 'AUC': 0.428} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7412888698.721, 'RMSE': 11.3387, 'MAE': 10.2795, 'SMAPE': 0.9006, 'DiffSMAPE': 0.8963, 'MASE': 2.4335, 'RMSSE': 2.1137, 'ErrorMean': -0.0, 'ErrorStdDev': 11.3387, 'R2': -0.5575, 'Pearson': -0.6209, 'MedAE': 10.8886, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4073, 'MannWhitneyU': 1621.0, 'AUC': 0.4657} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9206413650.6063, 'RMSE': 12.3188, 'MAE': 11.1585, 'SMAPE': 0.8842, 'DiffSMAPE': 0.8805, 'MASE': 2.6416, 'RMSSE': 2.2964, 'ErrorMean': 3.0018, 'ErrorStdDev': 11.9474, 'R2': -0.8384, 'Pearson': -0.6209, 'MedAE': 12.1195, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4073, 'MannWhitneyU': 1303.0, 'AUC': 0.3743} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7479032962.4501, 'RMSE': 11.4031, 'MAE': 10.3413, 'SMAPE': 0.9039, 'DiffSMAPE': 0.8996, 'MASE': 2.4481, 'RMSSE': 2.1257, 'ErrorMean': -0.0, 'ErrorStdDev': 11.4031, 'R2': -0.5753, 'Pearson': -0.6349, 'MedAE': 10.9446, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4204, 'MannWhitneyU': 1619.0, 'AUC': 0.4651} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 1318289930.9317, 'RMSE': 6.0452, 'MAE': 4.5962, 'SMAPE': 0.5439, 'DiffSMAPE': 0.5349, 'MASE': 1.0881, 'RMSSE': 1.1269, 'ErrorMean': 1.804, 'ErrorStdDev': 5.7698, 'R2': 0.5573, 'Pearson': 0.7816, 'MedAE': 3.2409, 'LnQ': inf, 'KS': 0.1695, 'KendallTau': 0.6071, 'MannWhitneyU': 1490.0, 'AUC': 0.428} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 1318289930.9302, 'RMSE': 6.0452, 'MAE': 4.5962, 'SMAPE': 0.5439, 'DiffSMAPE': 0.5349, 'MASE': 1.0881, 'RMSSE': 1.1269, 'ErrorMean': 1.804, 'ErrorStdDev': 5.7698, 'R2': 0.5573, 'Pearson': 0.7816, 'MedAE': 3.2409, 'LnQ': inf, 'KS': 0.1695, 'KendallTau': 0.6071, 'MannWhitneyU': 1490.0, 'AUC': 0.428} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7412888698.721, 'RMSE': 11.3387, 'MAE': 10.2795, 'SMAPE': 0.9006, 'DiffSMAPE': 0.8963, 'MASE': 2.4335, 'RMSSE': 2.1137, 'ErrorMean': -0.0, 'ErrorStdDev': 11.3387, 'R2': -0.5575, 'Pearson': -0.6209, 'MedAE': 10.8886, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4073, 'MannWhitneyU': 1621.0, 'AUC': 0.4657} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9206413650.6063, 'RMSE': 12.3188, 'MAE': 11.1585, 'SMAPE': 0.8842, 'DiffSMAPE': 0.8805, 'MASE': 2.6416, 'RMSSE': 2.2964, 'ErrorMean': 3.0018, 'ErrorStdDev': 11.9474, 'R2': -0.8384, 'Pearson': -0.6209, 'MedAE': 12.1195, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4073, 'MannWhitneyU': 1303.0, 'AUC': 0.3743} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7479032962.4501, 'RMSE': 11.4031, 'MAE': 10.3413, 'SMAPE': 0.9039, 'DiffSMAPE': 0.8996, 'MASE': 2.4481, 'RMSSE': 2.1257, 'ErrorMean': -0.0, 'ErrorStdDev': 11.4031, 'R2': -0.5753, 'Pearson': -0.6349, 'MedAE': 10.9446, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4204, 'MannWhitneyU': 1619.0, 'AUC': 0.4651} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 1318289930.9317, 'RMSE': 6.0452, 'MAE': 4.5962, 'SMAPE': 0.5439, 'DiffSMAPE': 0.5349, 'MASE': 1.0881, 'RMSSE': 1.1269, 'ErrorMean': 1.804, 'ErrorStdDev': 5.7698, 'R2': 0.5573, 'Pearson': 0.7816, 'MedAE': 3.2409, 'LnQ': inf, 'KS': 0.1695, 'KendallTau': 0.6071, 'MannWhitneyU': 1490.0, 'AUC': 0.428} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 1318289930.9302, 'RMSE': 6.0452, 'MAE': 4.5962, 'SMAPE': 0.5439, 'DiffSMAPE': 0.5349, 'MASE': 1.0881, 'RMSSE': 1.1269, 'ErrorMean': 1.804, 'ErrorStdDev': 5.7698, 'R2': 0.5573, 'Pearson': 0.7816, 'MedAE': 3.2409, 'LnQ': inf, 'KS': 0.1695, 'KendallTau': 0.6071, 'MannWhitneyU': 1490.0, 'AUC': 0.428} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7412888698.721, 'RMSE': 11.3387, 'MAE': 10.2795, 'SMAPE': 0.9006, 'DiffSMAPE': 0.8963, 'MASE': 2.4335, 'RMSSE': 2.1137, 'ErrorMean': -0.0, 'ErrorStdDev': 11.3387, 'R2': -0.5575, 'Pearson': -0.6209, 'MedAE': 10.8886, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4073, 'MannWhitneyU': 1621.0, 'AUC': 0.4657} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_AHP_TD_Forecast') {'Signal': 'ACT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.3108, 'RMSE': 18.0444, 'MAE': 16.4517, 'SMAPE': 0.8778, 'DiffSMAPE': 0.8753, 'MASE': 3.2236, 'RMSSE': 2.5851, 'ErrorMean': 4.0745, 'ErrorStdDev': 17.5784, 'R2': -0.796, 'Pearson': -0.6069, 'MedAE': 19.034, 'LnQ': 107.0423, 'KS': 0.3729, 'KendallTau': -0.424, 'MannWhitneyU': 1269.0, 'AUC': 0.3646} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_BU_Forecast') {'Signal': 'ACT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5679, 'RMSE': 6.1452, 'MAE': 4.3838, 'SMAPE': 0.3953, 'DiffSMAPE': 0.3902, 'MASE': 0.859, 'RMSSE': 0.8804, 'ErrorMean': 0.1605, 'ErrorStdDev': 6.1431, 'R2': 0.7917, 'Pearson': 0.8899, 'MedAE': 2.5852, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.7257, 'MannWhitneyU': 1680.5, 'AUC': 0.4828} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_Forecast') {'Signal': 'ACT_male', 'Length': 59, 'MAPE': 0.5679, 'RMSE': 6.1452, 'MAE': 4.3838, 'SMAPE': 0.3953, 'DiffSMAPE': 0.3902, 'MASE': 0.859, 'RMSSE': 0.8804, 'ErrorMean': 0.1605, 'ErrorStdDev': 6.1431, 'R2': 0.7917, 'Pearson': 0.8899, 'MedAE': 2.5852, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.7257, 'MannWhitneyU': 1680.5, 'AUC': 0.4828} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6863, 'RMSE': 16.689, 'MAE': 15.2654, 'SMAPE': 0.8916, 'DiffSMAPE': 0.8887, 'MASE': 2.9912, 'RMSSE': 2.3909, 'ErrorMean': 0.0, 'ErrorStdDev': 16.689, 'R2': -0.5363, 'Pearson': -0.5957, 'MedAE': 15.6399, 'LnQ': 95.7721, 'KS': 0.3729, 'KendallTau': -0.4158, 'MannWhitneyU': 1657.0, 'AUC': 0.476} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6863, 'RMSE': 16.689, 'MAE': 15.2654, 'SMAPE': 0.8916, 'DiffSMAPE': 0.8887, 'MASE': 2.9912, 'RMSSE': 2.3909, 'ErrorMean': -0.0, 'ErrorStdDev': 16.689, 'R2': -0.5363, 'Pearson': -0.5957, 'MedAE': 15.6399, 'LnQ': 95.7721, 'KS': 0.3729, 'KendallTau': -0.4158, 'MannWhitneyU': 1657.0, 'AUC': 0.476} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_OC_Forecast') {'Signal': 'ACT_male_OC_Forecast', 'Length': 59, 'MAPE': 0.8214, 'RMSE': 8.4967, 'MAE': 6.5743, 'SMAPE': 0.4822, 'DiffSMAPE': 0.4777, 'MASE': 1.2882, 'RMSSE': 1.2172, 'ErrorMean': 1.6215, 'ErrorStdDev': 8.3405, 'R2': 0.6018, 'Pearson': 0.7913, 'MedAE': 4.7699, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.6216, 'MannWhitneyU': 1557.0, 'AUC': 0.4473} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_PHA_TD_Forecast') {'Signal': 'ACT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 2.7007, 'RMSE': 16.7615, 'MAE': 15.331, 'SMAPE': 0.894, 'DiffSMAPE': 0.8911, 'MASE': 3.004, 'RMSSE': 2.4013, 'ErrorMean': -0.0, 'ErrorStdDev': 16.7615, 'R2': -0.5497, 'Pearson': -0.6069, 'MedAE': 15.6757, 'LnQ': 96.3091, 'KS': 0.3559, 'KendallTau': -0.424, 'MannWhitneyU': 1650.0, 'AUC': 0.474} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_AHP_TD_Forecast') {'Signal': 'ACT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.3108, 'RMSE': 18.0444, 'MAE': 16.4517, 'SMAPE': 0.8778, 'DiffSMAPE': 0.8753, 'MASE': 3.2236, 'RMSSE': 2.5851, 'ErrorMean': 4.0745, 'ErrorStdDev': 17.5784, 'R2': -0.796, 'Pearson': -0.6069, 'MedAE': 19.034, 'LnQ': 107.0423, 'KS': 0.3729, 'KendallTau': -0.424, 'MannWhitneyU': 1269.0, 'AUC': 0.3646} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_BU_Forecast') {'Signal': 'ACT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5679, 'RMSE': 6.1452, 'MAE': 4.3838, 'SMAPE': 0.3953, 'DiffSMAPE': 0.3902, 'MASE': 0.859, 'RMSSE': 0.8804, 'ErrorMean': 0.1605, 'ErrorStdDev': 6.1431, 'R2': 0.7917, 'Pearson': 0.8899, 'MedAE': 2.5852, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.7257, 'MannWhitneyU': 1680.5, 'AUC': 0.4828} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_Forecast') {'Signal': 'ACT_male', 'Length': 59, 'MAPE': 0.5679, 'RMSE': 6.1452, 'MAE': 4.3838, 'SMAPE': 0.3953, 'DiffSMAPE': 0.3902, 'MASE': 0.859, 'RMSSE': 0.8804, 'ErrorMean': 0.1605, 'ErrorStdDev': 6.1431, 'R2': 0.7917, 'Pearson': 0.8899, 'MedAE': 2.5852, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.7257, 'MannWhitneyU': 1680.5, 'AUC': 0.4828} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6863, 'RMSE': 16.689, 'MAE': 15.2654, 'SMAPE': 0.8916, 'DiffSMAPE': 0.8887, 'MASE': 2.9912, 'RMSSE': 2.3909, 'ErrorMean': 0.0, 'ErrorStdDev': 16.689, 'R2': -0.5363, 'Pearson': -0.5957, 'MedAE': 15.6399, 'LnQ': 95.7721, 'KS': 0.3729, 'KendallTau': -0.4158, 'MannWhitneyU': 1657.0, 'AUC': 0.476} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6863, 'RMSE': 16.689, 'MAE': 15.2654, 'SMAPE': 0.8916, 'DiffSMAPE': 0.8887, 'MASE': 2.9912, 'RMSSE': 2.3909, 'ErrorMean': -0.0, 'ErrorStdDev': 16.689, 'R2': -0.5363, 'Pearson': -0.5957, 'MedAE': 15.6399, 'LnQ': 95.7721, 'KS': 0.3729, 'KendallTau': -0.4158, 'MannWhitneyU': 1657.0, 'AUC': 0.476} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_OC_Forecast') {'Signal': 'ACT_male_OC_Forecast', 'Length': 59, 'MAPE': 0.8214, 'RMSE': 8.4967, 'MAE': 6.5743, 'SMAPE': 0.4822, 'DiffSMAPE': 0.4777, 'MASE': 1.2882, 'RMSSE': 1.2172, 'ErrorMean': 1.6215, 'ErrorStdDev': 8.3405, 'R2': 0.6018, 'Pearson': 0.7913, 'MedAE': 4.7699, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.6216, 'MannWhitneyU': 1557.0, 'AUC': 0.4473} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_PHA_TD_Forecast') {'Signal': 'ACT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 2.7007, 'RMSE': 16.7615, 'MAE': 15.331, 'SMAPE': 0.894, 'DiffSMAPE': 0.8911, 'MASE': 3.004, 'RMSSE': 2.4013, 'ErrorMean': -0.0, 'ErrorStdDev': 16.7615, 'R2': -0.5497, 'Pearson': -0.6069, 'MedAE': 15.6757, 'LnQ': 96.3091, 'KS': 0.3559, 'KendallTau': -0.424, 'MannWhitneyU': 1650.0, 'AUC': 0.474} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_AHP_TD_Forecast') {'Signal': 'ACT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.3108, 'RMSE': 18.0444, 'MAE': 16.4517, 'SMAPE': 0.8778, 'DiffSMAPE': 0.8753, 'MASE': 3.2236, 'RMSSE': 2.5851, 'ErrorMean': 4.0745, 'ErrorStdDev': 17.5784, 'R2': -0.796, 'Pearson': -0.6069, 'MedAE': 19.034, 'LnQ': 107.0423, 'KS': 0.3729, 'KendallTau': -0.424, 'MannWhitneyU': 1269.0, 'AUC': 0.3646} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_BU_Forecast') {'Signal': 'ACT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5679, 'RMSE': 6.1452, 'MAE': 4.3838, 'SMAPE': 0.3953, 'DiffSMAPE': 0.3902, 'MASE': 0.859, 'RMSSE': 0.8804, 'ErrorMean': 0.1605, 'ErrorStdDev': 6.1431, 'R2': 0.7917, 'Pearson': 0.8899, 'MedAE': 2.5852, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.7257, 'MannWhitneyU': 1680.5, 'AUC': 0.4828} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_Forecast') {'Signal': 'ACT_male', 'Length': 59, 'MAPE': 0.5679, 'RMSE': 6.1452, 'MAE': 4.3838, 'SMAPE': 0.3953, 'DiffSMAPE': 0.3902, 'MASE': 0.859, 'RMSSE': 0.8804, 'ErrorMean': 0.1605, 'ErrorStdDev': 6.1431, 'R2': 0.7917, 'Pearson': 0.8899, 'MedAE': 2.5852, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.7257, 'MannWhitneyU': 1680.5, 'AUC': 0.4828} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6863, 'RMSE': 16.689, 'MAE': 15.2654, 'SMAPE': 0.8916, 'DiffSMAPE': 0.8887, 'MASE': 2.9912, 'RMSSE': 2.3909, 'ErrorMean': 0.0, 'ErrorStdDev': 16.689, 'R2': -0.5363, 'Pearson': -0.5957, 'MedAE': 15.6399, 'LnQ': 95.7721, 'KS': 0.3729, 'KendallTau': -0.4158, 'MannWhitneyU': 1657.0, 'AUC': 0.476} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6863, 'RMSE': 16.689, 'MAE': 15.2654, 'SMAPE': 0.8916, 'DiffSMAPE': 0.8887, 'MASE': 2.9912, 'RMSSE': 2.3909, 'ErrorMean': -0.0, 'ErrorStdDev': 16.689, 'R2': -0.5363, 'Pearson': -0.5957, 'MedAE': 15.6399, 'LnQ': 95.7721, 'KS': 0.3729, 'KendallTau': -0.4158, 'MannWhitneyU': 1657.0, 'AUC': 0.476} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_OC_Forecast') {'Signal': 'ACT_male_OC_Forecast', 'Length': 59, 'MAPE': 0.8214, 'RMSE': 8.4967, 'MAE': 6.5743, 'SMAPE': 0.4822, 'DiffSMAPE': 0.4777, 'MASE': 1.2882, 'RMSSE': 1.2172, 'ErrorMean': 1.6215, 'ErrorStdDev': 8.3405, 'R2': 0.6018, 'Pearson': 0.7913, 'MedAE': 4.7699, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.6216, 'MannWhitneyU': 1557.0, 'AUC': 0.4473} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_PHA_TD_Forecast') {'Signal': 'ACT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 2.7007, 'RMSE': 16.7615, 'MAE': 15.331, 'SMAPE': 0.894, 'DiffSMAPE': 0.8911, 'MASE': 3.004, 'RMSSE': 2.4013, 'ErrorMean': -0.0, 'ErrorStdDev': 16.7615, 'R2': -0.5497, 'Pearson': -0.6069, 'MedAE': 15.6757, 'LnQ': 96.3091, 'KS': 0.3559, 'KendallTau': -0.424, 'MannWhitneyU': 1650.0, 'AUC': 0.474} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0952, 'RMSE': 72.8239, 'MAE': 55.6866, 'SMAPE': 0.0928, 'DiffSMAPE': 0.0928, 'MASE': 1.2656, 'RMSSE': 1.2645, 'ErrorMean': -10.6694, 'ErrorStdDev': 72.038, 'R2': 0.8778, 'Pearson': 0.9526, 'MedAE': 44.0349, 'LnQ': 0.8741, 'KS': 0.2712, 'KendallTau': 0.7308, 'MannWhitneyU': 1908.0, 'AUC': 0.5481} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0942, 'RMSE': 68.3673, 'MAE': 52.6855, 'SMAPE': 0.0905, 'DiffSMAPE': 0.0904, 'MASE': 1.1974, 'RMSSE': 1.1871, 'ErrorMean': -0.0, 'ErrorStdDev': 68.3673, 'R2': 0.8923, 'Pearson': 0.9557, 'MedAE': 38.8081, 'LnQ': 0.8538, 'KS': 0.2373, 'KendallTau': 0.7401, 'MannWhitneyU': 1807.0, 'AUC': 0.5191} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0721, 'RMSE': 52.114, 'MAE': 41.2148, 'SMAPE': 0.0728, 'DiffSMAPE': 0.0728, 'MASE': 0.9367, 'RMSSE': 0.9049, 'ErrorMean': -5.4564, 'ErrorStdDev': 51.8276, 'R2': 0.9374, 'Pearson': 0.9686, 'MedAE': 38.4133, 'LnQ': 0.524, 'KS': 0.1186, 'KendallTau': 0.8348, 'MannWhitneyU': 1729.0, 'AUC': 0.4967} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0972, 'RMSE': 70.7773, 'MAE': 54.5598, 'SMAPE': 0.0932, 'DiffSMAPE': 0.0932, 'MASE': 1.24, 'RMSSE': 1.229, 'ErrorMean': -0.0, 'ErrorStdDev': 70.7773, 'R2': 0.8846, 'Pearson': 0.9526, 'MedAE': 38.2922, 'LnQ': 0.9046, 'KS': 0.2373, 'KendallTau': 0.7308, 'MannWhitneyU': 1812.0, 'AUC': 0.5205} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0952, 'RMSE': 72.8239, 'MAE': 55.6866, 'SMAPE': 0.0928, 'DiffSMAPE': 0.0928, 'MASE': 1.2656, 'RMSSE': 1.2645, 'ErrorMean': -10.6694, 'ErrorStdDev': 72.038, 'R2': 0.8778, 'Pearson': 0.9526, 'MedAE': 44.0349, 'LnQ': 0.8741, 'KS': 0.2712, 'KendallTau': 0.7308, 'MannWhitneyU': 1908.0, 'AUC': 0.5481} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0942, 'RMSE': 68.3673, 'MAE': 52.6855, 'SMAPE': 0.0905, 'DiffSMAPE': 0.0904, 'MASE': 1.1974, 'RMSSE': 1.1871, 'ErrorMean': -0.0, 'ErrorStdDev': 68.3673, 'R2': 0.8923, 'Pearson': 0.9557, 'MedAE': 38.8081, 'LnQ': 0.8538, 'KS': 0.2373, 'KendallTau': 0.7401, 'MannWhitneyU': 1807.0, 'AUC': 0.5191} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0721, 'RMSE': 52.114, 'MAE': 41.2148, 'SMAPE': 0.0728, 'DiffSMAPE': 0.0728, 'MASE': 0.9367, 'RMSSE': 0.9049, 'ErrorMean': -5.4564, 'ErrorStdDev': 51.8276, 'R2': 0.9374, 'Pearson': 0.9686, 'MedAE': 38.4133, 'LnQ': 0.524, 'KS': 0.1186, 'KendallTau': 0.8348, 'MannWhitneyU': 1729.0, 'AUC': 0.4967} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0972, 'RMSE': 70.7773, 'MAE': 54.5598, 'SMAPE': 0.0932, 'DiffSMAPE': 0.0932, 'MASE': 1.24, 'RMSSE': 1.229, 'ErrorMean': -0.0, 'ErrorStdDev': 70.7773, 'R2': 0.8846, 'Pearson': 0.9526, 'MedAE': 38.2922, 'LnQ': 0.9046, 'KS': 0.2373, 'KendallTau': 0.7308, 'MannWhitneyU': 1812.0, 'AUC': 0.5205} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0952, 'RMSE': 72.8239, 'MAE': 55.6866, 'SMAPE': 0.0928, 'DiffSMAPE': 0.0928, 'MASE': 1.2656, 'RMSSE': 1.2645, 'ErrorMean': -10.6694, 'ErrorStdDev': 72.038, 'R2': 0.8778, 'Pearson': 0.9526, 'MedAE': 44.0349, 'LnQ': 0.8741, 'KS': 0.2712, 'KendallTau': 0.7308, 'MannWhitneyU': 1908.0, 'AUC': 0.5481} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0942, 'RMSE': 68.3673, 'MAE': 52.6855, 'SMAPE': 0.0905, 'DiffSMAPE': 0.0904, 'MASE': 1.1974, 'RMSSE': 1.1871, 'ErrorMean': -0.0, 'ErrorStdDev': 68.3673, 'R2': 0.8923, 'Pearson': 0.9557, 'MedAE': 38.8081, 'LnQ': 0.8538, 'KS': 0.2373, 'KendallTau': 0.7401, 'MannWhitneyU': 1807.0, 'AUC': 0.5191} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0721, 'RMSE': 52.114, 'MAE': 41.2148, 'SMAPE': 0.0728, 'DiffSMAPE': 0.0728, 'MASE': 0.9367, 'RMSSE': 0.9049, 'ErrorMean': -5.4564, 'ErrorStdDev': 51.8276, 'R2': 0.9374, 'Pearson': 0.9686, 'MedAE': 38.4133, 'LnQ': 0.524, 'KS': 0.1186, 'KendallTau': 0.8348, 'MannWhitneyU': 1729.0, 'AUC': 0.4967} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0972, 'RMSE': 70.7773, 'MAE': 54.5598, 'SMAPE': 0.0932, 'DiffSMAPE': 0.0932, 'MASE': 1.24, 'RMSSE': 1.229, 'ErrorMean': -0.0, 'ErrorStdDev': 70.7773, 'R2': 0.8846, 'Pearson': 0.9526, 'MedAE': 38.2922, 'LnQ': 0.9046, 'KS': 0.2373, 'KendallTau': 0.7308, 'MannWhitneyU': 1812.0, 'AUC': 0.5205} @@ -119,20 +119,20 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_MO_For INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_OC_Forecast') {'Signal': 'NT_female_OC_Forecast', 'Length': 59, 'MAPE': 1.0983, 'RMSE': 12.5761, 'MAE': 8.9383, 'SMAPE': 0.6889, 'DiffSMAPE': 0.6817, 'MASE': 1.2553, 'RMSSE': 1.1573, 'ErrorMean': 1.4779, 'ErrorStdDev': 12.489, 'R2': 0.4968, 'Pearson': 0.7106, 'MedAE': 6.2339, 'LnQ': inf, 'KS': 0.2203, 'KendallTau': 0.6196, 'MannWhitneyU': 1530.0, 'AUC': 0.4395} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_PHA_TD_Forecast') {'Signal': 'NT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 4.0251, 'RMSE': 20.5633, 'MAE': 18.2278, 'SMAPE': 1.0476, 'DiffSMAPE': 1.0442, 'MASE': 2.5598, 'RMSSE': 1.8923, 'ErrorMean': -0.0, 'ErrorStdDev': 20.5633, 'R2': -0.3453, 'Pearson': -0.5197, 'MedAE': 17.7136, 'LnQ': 138.3678, 'KS': 0.4068, 'KendallTau': -0.429, 'MannWhitneyU': 1418.0, 'AUC': 0.4074} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_AHP_TD_Forecast') {'Signal': 'NT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.81, 'RMSE': 25.307, 'MAE': 22.7804, 'SMAPE': 0.9601, 'DiffSMAPE': 0.9578, 'MASE': 3.2305, 'RMSSE': 1.9203, 'ErrorMean': 4.5368, 'ErrorStdDev': 24.897, 'R2': -0.4909, 'Pearson': -0.4863, 'MedAE': 21.5294, 'LnQ': 122.6877, 'KS': 0.4237, 'KendallTau': -0.4784, 'MannWhitneyU': 1060.0, 'AUC': 0.3045} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_MO_Forecast') {'Signal': 'NT_male_MO_Forecast', 'Length': 59, 'MAPE': 3.1348, 'RMSE': 24.0296, 'MAE': 21.0164, 'SMAPE': 0.9597, 'DiffSMAPE': 0.9572, 'MASE': 2.9803, 'RMSSE': 1.8234, 'ErrorMean': -0.0, 'ErrorStdDev': 24.0296, 'R2': -0.3442, 'Pearson': -0.4759, 'MedAE': 19.0291, 'LnQ': 110.563, 'KS': 0.3559, 'KendallTau': -0.4619, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_OC_Forecast') {'Signal': 'NT_male_OC_Forecast', 'Length': 59, 'MAPE': 0.9554, 'RMSE': 15.2105, 'MAE': 11.3944, 'SMAPE': 0.6193, 'DiffSMAPE': 0.6149, 'MASE': 1.6158, 'RMSSE': 1.1542, 'ErrorMean': 1.461, 'ErrorStdDev': 15.1401, 'R2': 0.4614, 'Pearson': 0.684, 'MedAE': 10.0363, 'LnQ': inf, 'KS': 0.2712, 'KendallTau': 0.6121, 'MannWhitneyU': 1429.0, 'AUC': 0.4105} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_PHA_TD_Forecast') {'Signal': 'NT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 3.1519, 'RMSE': 24.1135, 'MAE': 21.0857, 'SMAPE': 0.9614, 'DiffSMAPE': 0.9589, 'MASE': 2.9901, 'RMSSE': 1.8298, 'ErrorMean': -0.0, 'ErrorStdDev': 24.1135, 'R2': -0.3536, 'Pearson': -0.4863, 'MedAE': 19.1069, 'LnQ': 111.1357, 'KS': 0.3559, 'KendallTau': -0.4784, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_AHP_TD_Forecast') {'Signal': 'NT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.81, 'RMSE': 25.307, 'MAE': 22.7804, 'SMAPE': 0.9601, 'DiffSMAPE': 0.9578, 'MASE': 3.2305, 'RMSSE': 1.9203, 'ErrorMean': 4.5368, 'ErrorStdDev': 24.897, 'R2': -0.4909, 'Pearson': -0.4863, 'MedAE': 21.5294, 'LnQ': 122.6877, 'KS': 0.4237, 'KendallTau': -0.4784, 'MannWhitneyU': 1060.0, 'AUC': 0.3045} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_MO_Forecast') {'Signal': 'NT_male_MO_Forecast', 'Length': 59, 'MAPE': 3.1348, 'RMSE': 24.0296, 'MAE': 21.0164, 'SMAPE': 0.9597, 'DiffSMAPE': 0.9572, 'MASE': 2.9803, 'RMSSE': 1.8234, 'ErrorMean': -0.0, 'ErrorStdDev': 24.0296, 'R2': -0.3442, 'Pearson': -0.4759, 'MedAE': 19.0291, 'LnQ': 110.563, 'KS': 0.3559, 'KendallTau': -0.4619, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_OC_Forecast') {'Signal': 'NT_male_OC_Forecast', 'Length': 59, 'MAPE': 0.9554, 'RMSE': 15.2105, 'MAE': 11.3944, 'SMAPE': 0.6193, 'DiffSMAPE': 0.6149, 'MASE': 1.6158, 'RMSSE': 1.1542, 'ErrorMean': 1.461, 'ErrorStdDev': 15.1401, 'R2': 0.4614, 'Pearson': 0.684, 'MedAE': 10.0363, 'LnQ': inf, 'KS': 0.2712, 'KendallTau': 0.6121, 'MannWhitneyU': 1429.0, 'AUC': 0.4105} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_PHA_TD_Forecast') {'Signal': 'NT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 3.1519, 'RMSE': 24.1135, 'MAE': 21.0857, 'SMAPE': 0.9614, 'DiffSMAPE': 0.9589, 'MASE': 2.9901, 'RMSSE': 1.8298, 'ErrorMean': -0.0, 'ErrorStdDev': 24.1135, 'R2': -0.3536, 'Pearson': -0.4863, 'MedAE': 19.1069, 'LnQ': 111.1357, 'KS': 0.3559, 'KendallTau': -0.4784, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_AHP_TD_Forecast') {'Signal': 'NT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.81, 'RMSE': 25.307, 'MAE': 22.7804, 'SMAPE': 0.9601, 'DiffSMAPE': 0.9578, 'MASE': 3.2305, 'RMSSE': 1.9203, 'ErrorMean': 4.5368, 'ErrorStdDev': 24.897, 'R2': -0.4909, 'Pearson': -0.4863, 'MedAE': 21.5294, 'LnQ': 122.6877, 'KS': 0.4237, 'KendallTau': -0.4784, 'MannWhitneyU': 1060.0, 'AUC': 0.3045} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_MO_Forecast') {'Signal': 'NT_male_MO_Forecast', 'Length': 59, 'MAPE': 3.1348, 'RMSE': 24.0296, 'MAE': 21.0164, 'SMAPE': 0.9597, 'DiffSMAPE': 0.9572, 'MASE': 2.9803, 'RMSSE': 1.8234, 'ErrorMean': -0.0, 'ErrorStdDev': 24.0296, 'R2': -0.3442, 'Pearson': -0.4759, 'MedAE': 19.0291, 'LnQ': 110.563, 'KS': 0.3559, 'KendallTau': -0.4619, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_OC_Forecast') {'Signal': 'NT_male_OC_Forecast', 'Length': 59, 'MAPE': 0.9554, 'RMSE': 15.2105, 'MAE': 11.3944, 'SMAPE': 0.6193, 'DiffSMAPE': 0.6149, 'MASE': 1.6158, 'RMSSE': 1.1542, 'ErrorMean': 1.461, 'ErrorStdDev': 15.1401, 'R2': 0.4614, 'Pearson': 0.684, 'MedAE': 10.0363, 'LnQ': inf, 'KS': 0.2712, 'KendallTau': 0.6121, 'MannWhitneyU': 1429.0, 'AUC': 0.4105} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_PHA_TD_Forecast') {'Signal': 'NT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 3.1519, 'RMSE': 24.1135, 'MAE': 21.0857, 'SMAPE': 0.9614, 'DiffSMAPE': 0.9589, 'MASE': 2.9901, 'RMSSE': 1.8298, 'ErrorMean': -0.0, 'ErrorStdDev': 24.1135, 'R2': -0.3536, 'Pearson': -0.4863, 'MedAE': 19.1069, 'LnQ': 111.1357, 'KS': 0.3559, 'KendallTau': -0.4784, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} @@ -155,20 +155,20 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_MO_Fo INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_OC_Forecast') {'Signal': 'QLD_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0801, 'RMSE': 27.8986, 'MAE': 21.3367, 'SMAPE': 0.0807, 'DiffSMAPE': 0.0807, 'MASE': 0.7108, 'RMSSE': 0.753, 'ErrorMean': -1.8888, 'ErrorStdDev': 27.8346, 'R2': 0.8252, 'Pearson': 0.9088, 'MedAE': 16.582, 'LnQ': 0.6372, 'KS': 0.1525, 'KendallTau': 0.6633, 'MannWhitneyU': 1757.0, 'AUC': 0.5047} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_PHA_TD_Forecast') {'Signal': 'QLD_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0871, 'RMSE': 29.7334, 'MAE': 23.4036, 'SMAPE': 0.0881, 'DiffSMAPE': 0.0881, 'MASE': 0.7797, 'RMSSE': 0.8025, 'ErrorMean': -0.0, 'ErrorStdDev': 29.7334, 'R2': 0.8014, 'Pearson': 0.9061, 'MedAE': 17.5885, 'LnQ': 0.7456, 'KS': 0.1695, 'KendallTau': 0.641, 'MannWhitneyU': 1636.0, 'AUC': 0.47} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_AHP_TD_Forecast') {'Signal': 'QLD_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0794, 'RMSE': 34.7938, 'MAE': 27.0406, 'SMAPE': 0.0781, 'DiffSMAPE': 0.0781, 'MASE': 1.1291, 'RMSSE': 1.1602, 'ErrorMean': 3.2996, 'ErrorStdDev': 34.637, 'R2': 0.8512, 'Pearson': 0.9293, 'MedAE': 19.5034, 'LnQ': 0.6267, 'KS': 0.1695, 'KendallTau': 0.6692, 'MannWhitneyU': 1608.0, 'AUC': 0.4619} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_MO_Forecast') {'Signal': 'QLD_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0786, 'RMSE': 34.1729, 'MAE': 26.7604, 'SMAPE': 0.0779, 'DiffSMAPE': 0.0779, 'MASE': 1.1174, 'RMSSE': 1.1395, 'ErrorMean': -0.0, 'ErrorStdDev': 34.1729, 'R2': 0.8565, 'Pearson': 0.9296, 'MedAE': 18.8801, 'LnQ': 0.6204, 'KS': 0.1356, 'KendallTau': 0.6587, 'MannWhitneyU': 1670.0, 'AUC': 0.4797} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0808, 'RMSE': 34.4168, 'MAE': 26.8975, 'SMAPE': 0.0787, 'DiffSMAPE': 0.0787, 'MASE': 1.1231, 'RMSSE': 1.1477, 'ErrorMean': 1.461, 'ErrorStdDev': 34.3858, 'R2': 0.8544, 'Pearson': 0.9245, 'MedAE': 19.3393, 'LnQ': 0.6368, 'KS': 0.1017, 'KendallTau': 0.6622, 'MannWhitneyU': 1702.0, 'AUC': 0.4889} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_PHA_TD_Forecast') {'Signal': 'QLD_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0787, 'RMSE': 34.4144, 'MAE': 26.8549, 'SMAPE': 0.0782, 'DiffSMAPE': 0.0782, 'MASE': 1.1214, 'RMSSE': 1.1476, 'ErrorMean': -0.0, 'ErrorStdDev': 34.4144, 'R2': 0.8544, 'Pearson': 0.9293, 'MedAE': 20.1717, 'LnQ': 0.6248, 'KS': 0.1356, 'KendallTau': 0.6692, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_AHP_TD_Forecast') {'Signal': 'QLD_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0794, 'RMSE': 34.7938, 'MAE': 27.0406, 'SMAPE': 0.0781, 'DiffSMAPE': 0.0781, 'MASE': 1.1291, 'RMSSE': 1.1602, 'ErrorMean': 3.2996, 'ErrorStdDev': 34.637, 'R2': 0.8512, 'Pearson': 0.9293, 'MedAE': 19.5034, 'LnQ': 0.6267, 'KS': 0.1695, 'KendallTau': 0.6692, 'MannWhitneyU': 1608.0, 'AUC': 0.4619} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_MO_Forecast') {'Signal': 'QLD_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0786, 'RMSE': 34.1729, 'MAE': 26.7604, 'SMAPE': 0.0779, 'DiffSMAPE': 0.0779, 'MASE': 1.1174, 'RMSSE': 1.1395, 'ErrorMean': -0.0, 'ErrorStdDev': 34.1729, 'R2': 0.8565, 'Pearson': 0.9296, 'MedAE': 18.8801, 'LnQ': 0.6204, 'KS': 0.1356, 'KendallTau': 0.6587, 'MannWhitneyU': 1670.0, 'AUC': 0.4797} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0808, 'RMSE': 34.4168, 'MAE': 26.8975, 'SMAPE': 0.0787, 'DiffSMAPE': 0.0787, 'MASE': 1.1231, 'RMSSE': 1.1477, 'ErrorMean': 1.461, 'ErrorStdDev': 34.3858, 'R2': 0.8544, 'Pearson': 0.9245, 'MedAE': 19.3393, 'LnQ': 0.6368, 'KS': 0.1017, 'KendallTau': 0.6622, 'MannWhitneyU': 1702.0, 'AUC': 0.4889} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_PHA_TD_Forecast') {'Signal': 'QLD_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0787, 'RMSE': 34.4144, 'MAE': 26.8549, 'SMAPE': 0.0782, 'DiffSMAPE': 0.0782, 'MASE': 1.1214, 'RMSSE': 1.1476, 'ErrorMean': -0.0, 'ErrorStdDev': 34.4144, 'R2': 0.8544, 'Pearson': 0.9293, 'MedAE': 20.1717, 'LnQ': 0.6248, 'KS': 0.1356, 'KendallTau': 0.6692, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_AHP_TD_Forecast') {'Signal': 'QLD_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0794, 'RMSE': 34.7938, 'MAE': 27.0406, 'SMAPE': 0.0781, 'DiffSMAPE': 0.0781, 'MASE': 1.1291, 'RMSSE': 1.1602, 'ErrorMean': 3.2996, 'ErrorStdDev': 34.637, 'R2': 0.8512, 'Pearson': 0.9293, 'MedAE': 19.5034, 'LnQ': 0.6267, 'KS': 0.1695, 'KendallTau': 0.6692, 'MannWhitneyU': 1608.0, 'AUC': 0.4619} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_MO_Forecast') {'Signal': 'QLD_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0786, 'RMSE': 34.1729, 'MAE': 26.7604, 'SMAPE': 0.0779, 'DiffSMAPE': 0.0779, 'MASE': 1.1174, 'RMSSE': 1.1395, 'ErrorMean': -0.0, 'ErrorStdDev': 34.1729, 'R2': 0.8565, 'Pearson': 0.9296, 'MedAE': 18.8801, 'LnQ': 0.6204, 'KS': 0.1356, 'KendallTau': 0.6587, 'MannWhitneyU': 1670.0, 'AUC': 0.4797} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0808, 'RMSE': 34.4168, 'MAE': 26.8975, 'SMAPE': 0.0787, 'DiffSMAPE': 0.0787, 'MASE': 1.1231, 'RMSSE': 1.1477, 'ErrorMean': 1.461, 'ErrorStdDev': 34.3858, 'R2': 0.8544, 'Pearson': 0.9245, 'MedAE': 19.3393, 'LnQ': 0.6368, 'KS': 0.1017, 'KendallTau': 0.6622, 'MannWhitneyU': 1702.0, 'AUC': 0.4889} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_PHA_TD_Forecast') {'Signal': 'QLD_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0787, 'RMSE': 34.4144, 'MAE': 26.8549, 'SMAPE': 0.0782, 'DiffSMAPE': 0.0782, 'MASE': 1.1214, 'RMSSE': 1.1476, 'ErrorMean': -0.0, 'ErrorStdDev': 34.4144, 'R2': 0.8544, 'Pearson': 0.9293, 'MedAE': 20.1717, 'LnQ': 0.6248, 'KS': 0.1356, 'KendallTau': 0.6692, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} @@ -372,7 +372,7 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__Forecast') {'S INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__MO_Forecast') {'Signal': '__MO_Forecast', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 315.5243, 'MAE': 246.8434, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.2653, 'RMSSE': 1.3184, 'ErrorMean': -0.0, 'ErrorStdDev': 315.5243, 'R2': 0.9144, 'Pearson': 0.9562, 'MedAE': 189.5894, 'LnQ': 0.3891, 'KS': 0.1525, 'KendallTau': 0.716, 'MannWhitneyU': 1663.0, 'AUC': 0.4777} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__OC_Forecast') {'Signal': '__OC_Forecast', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 314.874, 'MAE': 246.3774, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.2629, 'RMSSE': 1.3157, 'ErrorMean': -0.9796, 'ErrorStdDev': 314.8725, 'R2': 0.9147, 'Pearson': 0.9564, 'MedAE': 191.1245, 'LnQ': 0.3886, 'KS': 0.1525, 'KendallTau': 0.7183, 'MannWhitneyU': 1663.0, 'AUC': 0.4777} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__PHA_TD_Forecast') {'Signal': '__PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 315.5243, 'MAE': 246.8434, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.2653, 'RMSSE': 1.3184, 'ErrorMean': -0.0, 'ErrorStdDev': 315.5243, 'R2': 0.9144, 'Pearson': 0.9562, 'MedAE': 189.5894, 'LnQ': 0.3891, 'KS': 0.1525, 'KendallTau': 0.716, 'MannWhitneyU': 1663.0, 'AUC': 0.4777} -INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 182.4 +INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 21.801 INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='ACT_female' Length=59 Min=0 Max=36 Mean=12.40678 StdDev=9.085505 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_ACT_female' Min=0.0 Max=1.0 Mean=0.344633 StdDev=0.252375 @@ -382,12 +382,12 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_ACT_female_PolyTrend_residue_Cycle_5_residue INFO:pyaf.std:TREND_DETAIL '_ACT_female_PolyTrend' [PolyTrend] INFO:pyaf.std:CYCLE_DETAIL '_ACT_female_PolyTrend_residue_Cycle_5' [Cycle_5] INFO:pyaf.std:AUTOREG_DETAIL '_ACT_female_PolyTrend_residue_Cycle_5_residue_NoAR' [NoAR] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'M', 'Cycle': 'S', 'AR': 'S'} [MSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None @@ -952,11 +952,11 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male', '_female', '_male', '_'], 'Horizons': {'ACT_female': 12, 'ACT_male': 12, 'NSW_female': 12, 'NSW_male': 12, 'NT_female': 12, 'NT_male': 12, 'QLD_female': 12, 'QLD_male': 12, 'SA_female': 12, 'SA_male': 12, 'TAS_female': 12, 'TAS_male': 12, 'VIC_female': 12, 'VIC_male': 12, 'WA_female': 12, 'WA_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 18.813 +INFO:pyaf.std:FORECASTING_ENGINE_END 5.908 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU', 'TD', 'MO', 'OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD PHA_TD INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_MIDDLE_OUT_METHOD MO INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_OPTIMAL_COMBINATION_METHOD OC -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_grouped_signals_AllMethods_2.py', 'ElapsedTimeSecs':(221.02, 3.92, 117.50), 'MAX_MEM_KB':175904, 'CPU_PRCNT':'54%', 'FILES_IN':8, 'FILES_OUT':1264, 'EXIT_STATUS':0} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_grouped_signals_AllMethods_2.py', 'ElapsedTimeSecs':(29.08, 6.14, 188.62), 'MAX_MEM_KB':171724, 'CPU_PRCNT':'669%', 'FILES_IN':0, 'FILES_OUT':1320, 'EXIT_STATUS':0} diff --git a/tests/references/hierarchical/test_grouped_signals_AllMethods_Exogenous_all_nodes.log b/tests/references/hierarchical/test_grouped_signals_AllMethods_Exogenous_all_nodes.log index 92d47a236..2f47b52b8 100644 --- a/tests/references/hierarchical/test_grouped_signals_AllMethods_Exogenous_all_nodes.log +++ b/tests/references/hierarchical/test_grouped_signals_AllMethods_Exogenous_all_nodes.log @@ -2,13 +2,13 @@ INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_START INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male', '_female', '_male', '_'], 'Horizons': {'ACT_female': 12, 'ACT_male': 12, 'NSW_female': 12, 'NSW_male': 12, 'NT_female': 12, 'NT_male': 12, 'QLD_female': 12, 'QLD_male': 12, 'SA_female': 12, 'SA_male': 12, 'TAS_female': 12, 'TAS_male': 12, 'VIC_female': 12, 'VIC_male': 12, 'WA_female': 12, 'WA_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 217.998 +INFO:pyaf.std:TRAINING_ENGINE_END 38.094 INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_END INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_COMPUTE_TOP_DOWN_HISTORICAL_PROPORTIONS INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male', '_female', '_male', '_'], 'Horizons': {'ACT_female': 12, 'ACT_male': 12, 'NSW_female': 12, 'NSW_male': 12, 'NT_female': 12, 'NT_male': 12, 'QLD_female': 12, 'QLD_male': 12, 'SA_female': 12, 'SA_male': 12, 'TAS_female': 12, 'TAS_male': 12, 'VIC_female': 12, 'VIC_male': 12, 'WA_female': 12, 'WA_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 10.179 +INFO:pyaf.std:FORECASTING_ENGINE_END 8.343 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU', 'TD', 'MO', 'OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD @@ -28,24 +28,24 @@ INFO:pyaf.hierarchical:DATASET_COLUMNS Index(['Index', 'ACT_female', 'ACT_female '_male_OC_Forecast', '__OC_Forecast'], dtype='object', length=172) INFO:pyaf.hierarchical:STRUCTURE_LEVEL (0, ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male']) -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9593839852.9189, 'RMSE': 12.2323, 'MAE': 10.9878, 'SMAPE': 0.8687, 'DiffSMAPE': 0.8651, 'MASE': 2.6012, 'RMSSE': 2.2803, 'ErrorMean': 3.0129, 'ErrorStdDev': 11.8555, 'R2': -0.8127, 'Pearson': -0.6415, 'MedAE': 11.6191, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4644, 'MannWhitneyU': 1315.0, 'AUC': 0.3778} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7851926329.3147, 'RMSE': 11.3469, 'MAE': 10.2653, 'SMAPE': 0.8926, 'DiffSMAPE': 0.8884, 'MASE': 2.4302, 'RMSSE': 2.1152, 'ErrorMean': 0.0071, 'ErrorStdDev': 11.3469, 'R2': -0.5597, 'Pearson': -0.6538, 'MedAE': 10.9334, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.487, 'MannWhitneyU': 1636.0, 'AUC': 0.47} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 5335890376.4373, 'RMSE': 10.6882, 'MAE': 8.3281, 'SMAPE': 0.8386, 'DiffSMAPE': 0.8312, 'MASE': 1.9715, 'RMSSE': 1.9925, 'ErrorMean': 0.5947, 'ErrorStdDev': 10.6717, 'R2': -0.3839, 'Pearson': 0.5168, 'MedAE': 6.0394, 'LnQ': inf, 'KS': 0.1186, 'KendallTau': 0.3514, 'MannWhitneyU': 1707.0, 'AUC': 0.4904} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7724839413.2721, 'RMSE': 11.2708, 'MAE': 10.2163, 'SMAPE': 0.8911, 'DiffSMAPE': 0.8868, 'MASE': 2.4185, 'RMSSE': 2.1011, 'ErrorMean': 0.0089, 'ErrorStdDev': 11.2708, 'R2': -0.5389, 'Pearson': -0.6415, 'MedAE': 10.9241, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4644, 'MannWhitneyU': 1629.0, 'AUC': 0.468} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9593839852.9189, 'RMSE': 12.2323, 'MAE': 10.9878, 'SMAPE': 0.8687, 'DiffSMAPE': 0.8651, 'MASE': 2.6012, 'RMSSE': 2.2803, 'ErrorMean': 3.0129, 'ErrorStdDev': 11.8555, 'R2': -0.8127, 'Pearson': -0.6415, 'MedAE': 11.6191, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4644, 'MannWhitneyU': 1315.0, 'AUC': 0.3778} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7851926329.3147, 'RMSE': 11.3469, 'MAE': 10.2653, 'SMAPE': 0.8926, 'DiffSMAPE': 0.8884, 'MASE': 2.4302, 'RMSSE': 2.1152, 'ErrorMean': 0.0071, 'ErrorStdDev': 11.3469, 'R2': -0.5597, 'Pearson': -0.6538, 'MedAE': 10.9334, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.487, 'MannWhitneyU': 1636.0, 'AUC': 0.47} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 5335890376.4373, 'RMSE': 10.6882, 'MAE': 8.3281, 'SMAPE': 0.8386, 'DiffSMAPE': 0.8312, 'MASE': 1.9715, 'RMSSE': 1.9925, 'ErrorMean': 0.5947, 'ErrorStdDev': 10.6717, 'R2': -0.3839, 'Pearson': 0.5168, 'MedAE': 6.0394, 'LnQ': inf, 'KS': 0.1186, 'KendallTau': 0.3514, 'MannWhitneyU': 1707.0, 'AUC': 0.4904} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7724839413.2721, 'RMSE': 11.2708, 'MAE': 10.2163, 'SMAPE': 0.8911, 'DiffSMAPE': 0.8868, 'MASE': 2.4185, 'RMSSE': 2.1011, 'ErrorMean': 0.0089, 'ErrorStdDev': 11.2708, 'R2': -0.5389, 'Pearson': -0.6415, 'MedAE': 10.9241, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4644, 'MannWhitneyU': 1629.0, 'AUC': 0.468} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9593839852.9189, 'RMSE': 12.2323, 'MAE': 10.9878, 'SMAPE': 0.8687, 'DiffSMAPE': 0.8651, 'MASE': 2.6012, 'RMSSE': 2.2803, 'ErrorMean': 3.0129, 'ErrorStdDev': 11.8555, 'R2': -0.8127, 'Pearson': -0.6415, 'MedAE': 11.6191, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4644, 'MannWhitneyU': 1315.0, 'AUC': 0.3778} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7851926329.3147, 'RMSE': 11.3469, 'MAE': 10.2653, 'SMAPE': 0.8926, 'DiffSMAPE': 0.8884, 'MASE': 2.4302, 'RMSSE': 2.1152, 'ErrorMean': 0.0071, 'ErrorStdDev': 11.3469, 'R2': -0.5597, 'Pearson': -0.6538, 'MedAE': 10.9334, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.487, 'MannWhitneyU': 1636.0, 'AUC': 0.47} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 5335890376.4373, 'RMSE': 10.6882, 'MAE': 8.3281, 'SMAPE': 0.8386, 'DiffSMAPE': 0.8312, 'MASE': 1.9715, 'RMSSE': 1.9925, 'ErrorMean': 0.5947, 'ErrorStdDev': 10.6717, 'R2': -0.3839, 'Pearson': 0.5168, 'MedAE': 6.0394, 'LnQ': inf, 'KS': 0.1186, 'KendallTau': 0.3514, 'MannWhitneyU': 1707.0, 'AUC': 0.4904} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7724839413.2721, 'RMSE': 11.2708, 'MAE': 10.2163, 'SMAPE': 0.8911, 'DiffSMAPE': 0.8868, 'MASE': 2.4185, 'RMSSE': 2.1011, 'ErrorMean': 0.0089, 'ErrorStdDev': 11.2708, 'R2': -0.5389, 'Pearson': -0.6415, 'MedAE': 10.9241, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4644, 'MannWhitneyU': 1629.0, 'AUC': 0.468} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9593839852.9194, 'RMSE': 12.2323, 'MAE': 10.9878, 'SMAPE': 0.8687, 'DiffSMAPE': 0.8651, 'MASE': 2.6012, 'RMSSE': 2.2803, 'ErrorMean': 3.0129, 'ErrorStdDev': 11.8555, 'R2': -0.8127, 'Pearson': -0.6415, 'MedAE': 11.6191, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4644, 'MannWhitneyU': 1315.0, 'AUC': 0.3778} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7851926329.3149, 'RMSE': 11.3469, 'MAE': 10.2653, 'SMAPE': 0.8926, 'DiffSMAPE': 0.8884, 'MASE': 2.4302, 'RMSSE': 2.1152, 'ErrorMean': 0.0071, 'ErrorStdDev': 11.3469, 'R2': -0.5597, 'Pearson': -0.6538, 'MedAE': 10.9334, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.487, 'MannWhitneyU': 1636.0, 'AUC': 0.47} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 5335890376.4398, 'RMSE': 10.6882, 'MAE': 8.3281, 'SMAPE': 0.8386, 'DiffSMAPE': 0.8312, 'MASE': 1.9715, 'RMSSE': 1.9925, 'ErrorMean': 0.5947, 'ErrorStdDev': 10.6717, 'R2': -0.3839, 'Pearson': 0.5168, 'MedAE': 6.0394, 'LnQ': inf, 'KS': 0.1186, 'KendallTau': 0.3514, 'MannWhitneyU': 1707.0, 'AUC': 0.4904} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7724839413.2725, 'RMSE': 11.2708, 'MAE': 10.2163, 'SMAPE': 0.8911, 'DiffSMAPE': 0.8868, 'MASE': 2.4185, 'RMSSE': 2.1011, 'ErrorMean': 0.0089, 'ErrorStdDev': 11.2708, 'R2': -0.5389, 'Pearson': -0.6415, 'MedAE': 10.9241, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4644, 'MannWhitneyU': 1629.0, 'AUC': 0.468} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9593839852.9194, 'RMSE': 12.2323, 'MAE': 10.9878, 'SMAPE': 0.8687, 'DiffSMAPE': 0.8651, 'MASE': 2.6012, 'RMSSE': 2.2803, 'ErrorMean': 3.0129, 'ErrorStdDev': 11.8555, 'R2': -0.8127, 'Pearson': -0.6415, 'MedAE': 11.6191, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4644, 'MannWhitneyU': 1315.0, 'AUC': 0.3778} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7851926329.3149, 'RMSE': 11.3469, 'MAE': 10.2653, 'SMAPE': 0.8926, 'DiffSMAPE': 0.8884, 'MASE': 2.4302, 'RMSSE': 2.1152, 'ErrorMean': 0.0071, 'ErrorStdDev': 11.3469, 'R2': -0.5597, 'Pearson': -0.6538, 'MedAE': 10.9334, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.487, 'MannWhitneyU': 1636.0, 'AUC': 0.47} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 5335890376.4398, 'RMSE': 10.6882, 'MAE': 8.3281, 'SMAPE': 0.8386, 'DiffSMAPE': 0.8312, 'MASE': 1.9715, 'RMSSE': 1.9925, 'ErrorMean': 0.5947, 'ErrorStdDev': 10.6717, 'R2': -0.3839, 'Pearson': 0.5168, 'MedAE': 6.0394, 'LnQ': inf, 'KS': 0.1186, 'KendallTau': 0.3514, 'MannWhitneyU': 1707.0, 'AUC': 0.4904} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7724839413.2725, 'RMSE': 11.2708, 'MAE': 10.2163, 'SMAPE': 0.8911, 'DiffSMAPE': 0.8868, 'MASE': 2.4185, 'RMSSE': 2.1011, 'ErrorMean': 0.0089, 'ErrorStdDev': 11.2708, 'R2': -0.5389, 'Pearson': -0.6415, 'MedAE': 10.9241, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4644, 'MannWhitneyU': 1629.0, 'AUC': 0.468} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9593839852.9194, 'RMSE': 12.2323, 'MAE': 10.9878, 'SMAPE': 0.8687, 'DiffSMAPE': 0.8651, 'MASE': 2.6012, 'RMSSE': 2.2803, 'ErrorMean': 3.0129, 'ErrorStdDev': 11.8555, 'R2': -0.8127, 'Pearson': -0.6415, 'MedAE': 11.6191, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4644, 'MannWhitneyU': 1315.0, 'AUC': 0.3778} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7851926329.3149, 'RMSE': 11.3469, 'MAE': 10.2653, 'SMAPE': 0.8926, 'DiffSMAPE': 0.8884, 'MASE': 2.4302, 'RMSSE': 2.1152, 'ErrorMean': 0.0071, 'ErrorStdDev': 11.3469, 'R2': -0.5597, 'Pearson': -0.6538, 'MedAE': 10.9334, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.487, 'MannWhitneyU': 1636.0, 'AUC': 0.47} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 5335890376.4398, 'RMSE': 10.6882, 'MAE': 8.3281, 'SMAPE': 0.8386, 'DiffSMAPE': 0.8312, 'MASE': 1.9715, 'RMSSE': 1.9925, 'ErrorMean': 0.5947, 'ErrorStdDev': 10.6717, 'R2': -0.3839, 'Pearson': 0.5168, 'MedAE': 6.0394, 'LnQ': inf, 'KS': 0.1186, 'KendallTau': 0.3514, 'MannWhitneyU': 1707.0, 'AUC': 0.4904} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7724839413.2725, 'RMSE': 11.2708, 'MAE': 10.2163, 'SMAPE': 0.8911, 'DiffSMAPE': 0.8868, 'MASE': 2.4185, 'RMSSE': 2.1011, 'ErrorMean': 0.0089, 'ErrorStdDev': 11.2708, 'R2': -0.5389, 'Pearson': -0.6415, 'MedAE': 10.9241, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4644, 'MannWhitneyU': 1629.0, 'AUC': 0.468} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_AHP_TD_Forecast') {'Signal': 'ACT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.3255, 'RMSE': 17.9351, 'MAE': 16.2248, 'SMAPE': 0.8633, 'DiffSMAPE': 0.8609, 'MASE': 3.1792, 'RMSSE': 2.5694, 'ErrorMean': 4.0907, 'ErrorStdDev': 17.4624, 'R2': -0.7743, 'Pearson': -0.631, 'MedAE': 18.4391, 'LnQ': 106.3857, 'KS': 0.3729, 'KendallTau': -0.4986, 'MannWhitneyU': 1281.0, 'AUC': 0.368} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_BU_Forecast') {'Signal': 'ACT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.4818, 'RMSE': 4.1933, 'MAE': 3.3311, 'SMAPE': 0.359, 'DiffSMAPE': 0.3535, 'MASE': 0.6527, 'RMSSE': 0.6007, 'ErrorMean': -0.0, 'ErrorStdDev': 4.1933, 'R2': 0.903, 'Pearson': 0.951, 'MedAE': 2.5451, 'LnQ': inf, 'KS': 0.1017, 'KendallTau': 0.7742, 'MannWhitneyU': 1725.0, 'AUC': 0.4955} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_Forecast') {'Signal': 'ACT_male', 'Length': 59, 'MAPE': 0.4818, 'RMSE': 4.1933, 'MAE': 3.3311, 'SMAPE': 0.359, 'DiffSMAPE': 0.3535, 'MASE': 0.6527, 'RMSSE': 0.6007, 'ErrorMean': -0.0, 'ErrorStdDev': 4.1933, 'R2': 0.903, 'Pearson': 0.951, 'MedAE': 2.5451, 'LnQ': inf, 'KS': 0.1017, 'KendallTau': 0.7742, 'MannWhitneyU': 1725.0, 'AUC': 0.4955} @@ -119,56 +119,56 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_MO_For INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_OC_Forecast') {'Signal': 'NT_female_OC_Forecast', 'Length': 59, 'MAPE': 1.7035, 'RMSE': 15.6225, 'MAE': 11.4773, 'SMAPE': 0.8121, 'DiffSMAPE': 0.8053, 'MASE': 1.6118, 'RMSSE': 1.4376, 'ErrorMean': 0.2687, 'ErrorStdDev': 15.6201, 'R2': 0.2235, 'Pearson': 0.5744, 'MedAE': 8.2907, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.5071, 'MannWhitneyU': 1631.0, 'AUC': 0.4685} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_PHA_TD_Forecast') {'Signal': 'NT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 4.0233, 'RMSE': 20.478, 'MAE': 17.9931, 'SMAPE': 1.0319, 'DiffSMAPE': 1.0285, 'MASE': 2.5269, 'RMSSE': 1.8845, 'ErrorMean': 0.0132, 'ErrorStdDev': 20.478, 'R2': -0.3342, 'Pearson': -0.5367, 'MedAE': 17.4365, 'LnQ': 137.1505, 'KS': 0.4068, 'KendallTau': -0.474, 'MannWhitneyU': 1404.0, 'AUC': 0.4033} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_AHP_TD_Forecast') {'Signal': 'NT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.8337, 'RMSE': 25.2318, 'MAE': 22.4302, 'SMAPE': 0.9425, 'DiffSMAPE': 0.9403, 'MASE': 3.1808, 'RMSSE': 1.9146, 'ErrorMean': 4.5565, 'ErrorStdDev': 24.817, 'R2': -0.4821, 'Pearson': -0.513, 'MedAE': 20.5856, 'LnQ': 122.175, 'KS': 0.4576, 'KendallTau': -0.5293, 'MannWhitneyU': 1069.0, 'AUC': 0.3071} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_MO_Forecast') {'Signal': 'NT_male_MO_Forecast', 'Length': 59, 'MAPE': 3.159, 'RMSE': 23.9937, 'MAE': 20.7456, 'SMAPE': 0.9431, 'DiffSMAPE': 0.9406, 'MASE': 2.9419, 'RMSSE': 1.8207, 'ErrorMean': 0.0154, 'ErrorStdDev': 23.9937, 'R2': -0.3402, 'Pearson': -0.5051, 'MedAE': 18.0887, 'LnQ': 110.0728, 'KS': 0.3729, 'KendallTau': -0.5175, 'MannWhitneyU': 1403.0, 'AUC': 0.403} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_OC_Forecast') {'Signal': 'NT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.1012, 'RMSE': 15.1532, 'MAE': 11.1179, 'SMAPE': 0.645, 'DiffSMAPE': 0.64, 'MASE': 1.5766, 'RMSSE': 1.1498, 'ErrorMean': -0.4888, 'ErrorStdDev': 15.1453, 'R2': 0.4655, 'Pearson': 0.6883, 'MedAE': 8.5567, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.6369, 'MannWhitneyU': 1615.0, 'AUC': 0.4639} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_PHA_TD_Forecast') {'Signal': 'NT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 3.1716, 'RMSE': 24.0578, 'MAE': 20.7937, 'SMAPE': 0.9441, 'DiffSMAPE': 0.9416, 'MASE': 2.9487, 'RMSSE': 1.8255, 'ErrorMean': 0.0164, 'ErrorStdDev': 24.0578, 'R2': -0.3474, 'Pearson': -0.513, 'MedAE': 18.1389, 'LnQ': 110.5, 'KS': 0.3729, 'KendallTau': -0.5293, 'MannWhitneyU': 1394.0, 'AUC': 0.4005} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_AHP_TD_Forecast') {'Signal': 'NT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.8337, 'RMSE': 25.2318, 'MAE': 22.4302, 'SMAPE': 0.9425, 'DiffSMAPE': 0.9403, 'MASE': 3.1808, 'RMSSE': 1.9146, 'ErrorMean': 4.5565, 'ErrorStdDev': 24.817, 'R2': -0.4821, 'Pearson': -0.513, 'MedAE': 20.5856, 'LnQ': 122.175, 'KS': 0.4576, 'KendallTau': -0.5293, 'MannWhitneyU': 1069.0, 'AUC': 0.3071} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_MO_Forecast') {'Signal': 'NT_male_MO_Forecast', 'Length': 59, 'MAPE': 3.159, 'RMSE': 23.9937, 'MAE': 20.7456, 'SMAPE': 0.9431, 'DiffSMAPE': 0.9406, 'MASE': 2.9419, 'RMSSE': 1.8207, 'ErrorMean': 0.0154, 'ErrorStdDev': 23.9937, 'R2': -0.3402, 'Pearson': -0.5051, 'MedAE': 18.0887, 'LnQ': 110.0728, 'KS': 0.3729, 'KendallTau': -0.5175, 'MannWhitneyU': 1403.0, 'AUC': 0.403} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_OC_Forecast') {'Signal': 'NT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.1012, 'RMSE': 15.1532, 'MAE': 11.1179, 'SMAPE': 0.645, 'DiffSMAPE': 0.64, 'MASE': 1.5766, 'RMSSE': 1.1498, 'ErrorMean': -0.4888, 'ErrorStdDev': 15.1453, 'R2': 0.4655, 'Pearson': 0.6883, 'MedAE': 8.5567, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.6369, 'MannWhitneyU': 1615.0, 'AUC': 0.4639} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_PHA_TD_Forecast') {'Signal': 'NT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 3.1716, 'RMSE': 24.0578, 'MAE': 20.7937, 'SMAPE': 0.9441, 'DiffSMAPE': 0.9416, 'MASE': 2.9487, 'RMSSE': 1.8255, 'ErrorMean': 0.0164, 'ErrorStdDev': 24.0578, 'R2': -0.3474, 'Pearson': -0.513, 'MedAE': 18.1389, 'LnQ': 110.5, 'KS': 0.3729, 'KendallTau': -0.5293, 'MannWhitneyU': 1394.0, 'AUC': 0.4005} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_AHP_TD_Forecast') {'Signal': 'NT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.8337, 'RMSE': 25.2318, 'MAE': 22.4302, 'SMAPE': 0.9425, 'DiffSMAPE': 0.9403, 'MASE': 3.1808, 'RMSSE': 1.9146, 'ErrorMean': 4.5565, 'ErrorStdDev': 24.817, 'R2': -0.4821, 'Pearson': -0.513, 'MedAE': 20.5856, 'LnQ': 122.175, 'KS': 0.4576, 'KendallTau': -0.5293, 'MannWhitneyU': 1069.0, 'AUC': 0.3071} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_MO_Forecast') {'Signal': 'NT_male_MO_Forecast', 'Length': 59, 'MAPE': 3.159, 'RMSE': 23.9937, 'MAE': 20.7456, 'SMAPE': 0.9431, 'DiffSMAPE': 0.9406, 'MASE': 2.9419, 'RMSSE': 1.8207, 'ErrorMean': 0.0154, 'ErrorStdDev': 23.9937, 'R2': -0.3402, 'Pearson': -0.5051, 'MedAE': 18.0887, 'LnQ': 110.0728, 'KS': 0.3729, 'KendallTau': -0.5175, 'MannWhitneyU': 1403.0, 'AUC': 0.403} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_OC_Forecast') {'Signal': 'NT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.1012, 'RMSE': 15.1532, 'MAE': 11.1179, 'SMAPE': 0.645, 'DiffSMAPE': 0.64, 'MASE': 1.5766, 'RMSSE': 1.1498, 'ErrorMean': -0.4888, 'ErrorStdDev': 15.1453, 'R2': 0.4655, 'Pearson': 0.6883, 'MedAE': 8.5567, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.6369, 'MannWhitneyU': 1615.0, 'AUC': 0.4639} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_PHA_TD_Forecast') {'Signal': 'NT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 3.1716, 'RMSE': 24.0578, 'MAE': 20.7937, 'SMAPE': 0.9441, 'DiffSMAPE': 0.9416, 'MASE': 2.9487, 'RMSSE': 1.8255, 'ErrorMean': 0.0164, 'ErrorStdDev': 24.0578, 'R2': -0.3474, 'Pearson': -0.513, 'MedAE': 18.1389, 'LnQ': 110.5, 'KS': 0.3729, 'KendallTau': -0.5293, 'MannWhitneyU': 1394.0, 'AUC': 0.4005} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_AHP_TD_Forecast') {'Signal': 'QLD_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0873, 'RMSE': 29.2803, 'MAE': 22.8013, 'SMAPE': 0.0863, 'DiffSMAPE': 0.0863, 'MASE': 0.7596, 'RMSSE': 0.7903, 'ErrorMean': 4.2152, 'ErrorStdDev': 28.9753, 'R2': 0.8074, 'Pearson': 0.9068, 'MedAE': 16.5792, 'LnQ': 0.7169, 'KS': 0.1525, 'KendallTau': 0.6551, 'MannWhitneyU': 1620.0, 'AUC': 0.4654} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_BU_Forecast') {'Signal': 'QLD_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0649, 'RMSE': 24.0602, 'MAE': 16.9141, 'SMAPE': 0.0647, 'DiffSMAPE': 0.0647, 'MASE': 0.5635, 'RMSSE': 0.6494, 'ErrorMean': -0.0, 'ErrorStdDev': 24.0602, 'R2': 0.87, 'Pearson': 0.9327, 'MedAE': 9.8187, 'LnQ': 0.4633, 'KS': 0.0678, 'KendallTau': 0.7088, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_Forecast') {'Signal': 'QLD_female', 'Length': 59, 'MAPE': 0.0649, 'RMSE': 24.0602, 'MAE': 16.9141, 'SMAPE': 0.0647, 'DiffSMAPE': 0.0647, 'MASE': 0.5635, 'RMSSE': 0.6494, 'ErrorMean': -0.0, 'ErrorStdDev': 24.0602, 'R2': 0.87, 'Pearson': 0.9327, 'MedAE': 9.8187, 'LnQ': 0.4633, 'KS': 0.0678, 'KendallTau': 0.7088, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_BU_Forecast') {'Signal': 'QLD_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0649, 'RMSE': 24.0602, 'MAE': 16.9141, 'SMAPE': 0.0647, 'DiffSMAPE': 0.0647, 'MASE': 0.5635, 'RMSSE': 0.6494, 'ErrorMean': 0.0, 'ErrorStdDev': 24.0602, 'R2': 0.87, 'Pearson': 0.9327, 'MedAE': 9.8187, 'LnQ': 0.4633, 'KS': 0.0678, 'KendallTau': 0.7088, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_Forecast') {'Signal': 'QLD_female', 'Length': 59, 'MAPE': 0.0649, 'RMSE': 24.0602, 'MAE': 16.9141, 'SMAPE': 0.0647, 'DiffSMAPE': 0.0647, 'MASE': 0.5635, 'RMSSE': 0.6494, 'ErrorMean': 0.0, 'ErrorStdDev': 24.0602, 'R2': 0.87, 'Pearson': 0.9327, 'MedAE': 9.8187, 'LnQ': 0.4633, 'KS': 0.0678, 'KendallTau': 0.7088, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_MO_Forecast') {'Signal': 'QLD_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0866, 'RMSE': 29.9701, 'MAE': 23.0126, 'SMAPE': 0.0866, 'DiffSMAPE': 0.0866, 'MASE': 0.7666, 'RMSSE': 0.8089, 'ErrorMean': 0.1569, 'ErrorStdDev': 29.9697, 'R2': 0.7983, 'Pearson': 0.9008, 'MedAE': 14.0003, 'LnQ': 0.7315, 'KS': 0.0847, 'KendallTau': 0.6152, 'MannWhitneyU': 1711.0, 'AUC': 0.4915} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_OC_Forecast') {'Signal': 'QLD_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0768, 'RMSE': 26.149, 'MAE': 19.7803, 'SMAPE': 0.0761, 'DiffSMAPE': 0.0761, 'MASE': 0.659, 'RMSSE': 0.7057, 'ErrorMean': 0.2687, 'ErrorStdDev': 26.1476, 'R2': 0.8464, 'Pearson': 0.9204, 'MedAE': 12.7172, 'LnQ': 0.5887, 'KS': 0.1017, 'KendallTau': 0.7068, 'MannWhitneyU': 1780.0, 'AUC': 0.5113} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_PHA_TD_Forecast') {'Signal': 'QLD_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0843, 'RMSE': 28.7566, 'MAE': 22.1472, 'SMAPE': 0.0845, 'DiffSMAPE': 0.0845, 'MASE': 0.7378, 'RMSSE': 0.7761, 'ErrorMean': 0.1963, 'ErrorStdDev': 28.7559, 'R2': 0.8143, 'Pearson': 0.9068, 'MedAE': 17.9519, 'LnQ': 0.7048, 'KS': 0.1186, 'KendallTau': 0.6551, 'MannWhitneyU': 1696.0, 'AUC': 0.4872} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_AHP_TD_Forecast') {'Signal': 'QLD_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0873, 'RMSE': 29.2803, 'MAE': 22.8013, 'SMAPE': 0.0863, 'DiffSMAPE': 0.0863, 'MASE': 0.7596, 'RMSSE': 0.7903, 'ErrorMean': 4.2152, 'ErrorStdDev': 28.9753, 'R2': 0.8074, 'Pearson': 0.9068, 'MedAE': 16.5792, 'LnQ': 0.7169, 'KS': 0.1525, 'KendallTau': 0.6551, 'MannWhitneyU': 1620.0, 'AUC': 0.4654} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_BU_Forecast') {'Signal': 'QLD_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0649, 'RMSE': 24.0602, 'MAE': 16.9141, 'SMAPE': 0.0647, 'DiffSMAPE': 0.0647, 'MASE': 0.5635, 'RMSSE': 0.6494, 'ErrorMean': -0.0, 'ErrorStdDev': 24.0602, 'R2': 0.87, 'Pearson': 0.9327, 'MedAE': 9.8187, 'LnQ': 0.4633, 'KS': 0.0678, 'KendallTau': 0.7088, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_Forecast') {'Signal': 'QLD_female', 'Length': 59, 'MAPE': 0.0649, 'RMSE': 24.0602, 'MAE': 16.9141, 'SMAPE': 0.0647, 'DiffSMAPE': 0.0647, 'MASE': 0.5635, 'RMSSE': 0.6494, 'ErrorMean': -0.0, 'ErrorStdDev': 24.0602, 'R2': 0.87, 'Pearson': 0.9327, 'MedAE': 9.8187, 'LnQ': 0.4633, 'KS': 0.0678, 'KendallTau': 0.7088, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_BU_Forecast') {'Signal': 'QLD_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0649, 'RMSE': 24.0602, 'MAE': 16.9141, 'SMAPE': 0.0647, 'DiffSMAPE': 0.0647, 'MASE': 0.5635, 'RMSSE': 0.6494, 'ErrorMean': 0.0, 'ErrorStdDev': 24.0602, 'R2': 0.87, 'Pearson': 0.9327, 'MedAE': 9.8187, 'LnQ': 0.4633, 'KS': 0.0678, 'KendallTau': 0.7088, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_Forecast') {'Signal': 'QLD_female', 'Length': 59, 'MAPE': 0.0649, 'RMSE': 24.0602, 'MAE': 16.9141, 'SMAPE': 0.0647, 'DiffSMAPE': 0.0647, 'MASE': 0.5635, 'RMSSE': 0.6494, 'ErrorMean': 0.0, 'ErrorStdDev': 24.0602, 'R2': 0.87, 'Pearson': 0.9327, 'MedAE': 9.8187, 'LnQ': 0.4633, 'KS': 0.0678, 'KendallTau': 0.7088, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_MO_Forecast') {'Signal': 'QLD_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0866, 'RMSE': 29.9701, 'MAE': 23.0126, 'SMAPE': 0.0866, 'DiffSMAPE': 0.0866, 'MASE': 0.7666, 'RMSSE': 0.8089, 'ErrorMean': 0.1569, 'ErrorStdDev': 29.9697, 'R2': 0.7983, 'Pearson': 0.9008, 'MedAE': 14.0003, 'LnQ': 0.7315, 'KS': 0.0847, 'KendallTau': 0.6152, 'MannWhitneyU': 1711.0, 'AUC': 0.4915} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_OC_Forecast') {'Signal': 'QLD_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0768, 'RMSE': 26.149, 'MAE': 19.7803, 'SMAPE': 0.0761, 'DiffSMAPE': 0.0761, 'MASE': 0.659, 'RMSSE': 0.7057, 'ErrorMean': 0.2687, 'ErrorStdDev': 26.1476, 'R2': 0.8464, 'Pearson': 0.9204, 'MedAE': 12.7172, 'LnQ': 0.5887, 'KS': 0.1017, 'KendallTau': 0.7068, 'MannWhitneyU': 1780.0, 'AUC': 0.5113} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_PHA_TD_Forecast') {'Signal': 'QLD_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0843, 'RMSE': 28.7566, 'MAE': 22.1472, 'SMAPE': 0.0845, 'DiffSMAPE': 0.0845, 'MASE': 0.7378, 'RMSSE': 0.7761, 'ErrorMean': 0.1963, 'ErrorStdDev': 28.7559, 'R2': 0.8143, 'Pearson': 0.9068, 'MedAE': 17.9519, 'LnQ': 0.7048, 'KS': 0.1186, 'KendallTau': 0.6551, 'MannWhitneyU': 1696.0, 'AUC': 0.4872} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_AHP_TD_Forecast') {'Signal': 'QLD_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0873, 'RMSE': 29.2803, 'MAE': 22.8013, 'SMAPE': 0.0863, 'DiffSMAPE': 0.0863, 'MASE': 0.7596, 'RMSSE': 0.7903, 'ErrorMean': 4.2152, 'ErrorStdDev': 28.9753, 'R2': 0.8074, 'Pearson': 0.9068, 'MedAE': 16.5792, 'LnQ': 0.7169, 'KS': 0.1525, 'KendallTau': 0.6551, 'MannWhitneyU': 1620.0, 'AUC': 0.4654} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_BU_Forecast') {'Signal': 'QLD_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0649, 'RMSE': 24.0602, 'MAE': 16.9141, 'SMAPE': 0.0647, 'DiffSMAPE': 0.0647, 'MASE': 0.5635, 'RMSSE': 0.6494, 'ErrorMean': -0.0, 'ErrorStdDev': 24.0602, 'R2': 0.87, 'Pearson': 0.9327, 'MedAE': 9.8187, 'LnQ': 0.4633, 'KS': 0.0678, 'KendallTau': 0.7088, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_Forecast') {'Signal': 'QLD_female', 'Length': 59, 'MAPE': 0.0649, 'RMSE': 24.0602, 'MAE': 16.9141, 'SMAPE': 0.0647, 'DiffSMAPE': 0.0647, 'MASE': 0.5635, 'RMSSE': 0.6494, 'ErrorMean': -0.0, 'ErrorStdDev': 24.0602, 'R2': 0.87, 'Pearson': 0.9327, 'MedAE': 9.8187, 'LnQ': 0.4633, 'KS': 0.0678, 'KendallTau': 0.7088, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_BU_Forecast') {'Signal': 'QLD_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0649, 'RMSE': 24.0602, 'MAE': 16.9141, 'SMAPE': 0.0647, 'DiffSMAPE': 0.0647, 'MASE': 0.5635, 'RMSSE': 0.6494, 'ErrorMean': 0.0, 'ErrorStdDev': 24.0602, 'R2': 0.87, 'Pearson': 0.9327, 'MedAE': 9.8187, 'LnQ': 0.4633, 'KS': 0.0678, 'KendallTau': 0.7088, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_Forecast') {'Signal': 'QLD_female', 'Length': 59, 'MAPE': 0.0649, 'RMSE': 24.0602, 'MAE': 16.9141, 'SMAPE': 0.0647, 'DiffSMAPE': 0.0647, 'MASE': 0.5635, 'RMSSE': 0.6494, 'ErrorMean': 0.0, 'ErrorStdDev': 24.0602, 'R2': 0.87, 'Pearson': 0.9327, 'MedAE': 9.8187, 'LnQ': 0.4633, 'KS': 0.0678, 'KendallTau': 0.7088, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_MO_Forecast') {'Signal': 'QLD_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0866, 'RMSE': 29.9701, 'MAE': 23.0126, 'SMAPE': 0.0866, 'DiffSMAPE': 0.0866, 'MASE': 0.7666, 'RMSSE': 0.8089, 'ErrorMean': 0.1569, 'ErrorStdDev': 29.9697, 'R2': 0.7983, 'Pearson': 0.9008, 'MedAE': 14.0003, 'LnQ': 0.7315, 'KS': 0.0847, 'KendallTau': 0.6152, 'MannWhitneyU': 1711.0, 'AUC': 0.4915} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_OC_Forecast') {'Signal': 'QLD_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0768, 'RMSE': 26.149, 'MAE': 19.7803, 'SMAPE': 0.0761, 'DiffSMAPE': 0.0761, 'MASE': 0.659, 'RMSSE': 0.7057, 'ErrorMean': 0.2687, 'ErrorStdDev': 26.1476, 'R2': 0.8464, 'Pearson': 0.9204, 'MedAE': 12.7172, 'LnQ': 0.5887, 'KS': 0.1017, 'KendallTau': 0.7068, 'MannWhitneyU': 1780.0, 'AUC': 0.5113} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_PHA_TD_Forecast') {'Signal': 'QLD_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0843, 'RMSE': 28.7566, 'MAE': 22.1472, 'SMAPE': 0.0845, 'DiffSMAPE': 0.0845, 'MASE': 0.7378, 'RMSSE': 0.7761, 'ErrorMean': 0.1963, 'ErrorStdDev': 28.7559, 'R2': 0.8143, 'Pearson': 0.9068, 'MedAE': 17.9519, 'LnQ': 0.7048, 'KS': 0.1186, 'KendallTau': 0.6551, 'MannWhitneyU': 1696.0, 'AUC': 0.4872} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_AHP_TD_Forecast') {'Signal': 'QLD_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 35.077, 'MAE': 27.7767, 'SMAPE': 0.0816, 'DiffSMAPE': 0.0816, 'MASE': 1.1599, 'RMSSE': 1.1697, 'ErrorMean': 3.562, 'ErrorStdDev': 34.8957, 'R2': 0.8488, 'Pearson': 0.9241, 'MedAE': 21.7453, 'LnQ': 0.6602, 'KS': 0.1017, 'KendallTau': 0.6762, 'MannWhitneyU': 1675.0, 'AUC': 0.4812} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0791, 'RMSE': 34.3714, 'MAE': 24.92, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0406, 'RMSSE': 1.1462, 'ErrorMean': -0.0453, 'ErrorStdDev': 34.3713, 'R2': 0.8548, 'Pearson': 0.9256, 'MedAE': 22.9561, 'LnQ': 0.7155, 'KS': 0.1186, 'KendallTau': 0.7454, 'MannWhitneyU': 1756.0, 'AUC': 0.5045} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0791, 'RMSE': 34.3714, 'MAE': 24.92, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0406, 'RMSSE': 1.1462, 'ErrorMean': -0.0453, 'ErrorStdDev': 34.3713, 'R2': 0.8548, 'Pearson': 0.9256, 'MedAE': 22.9561, 'LnQ': 0.7155, 'KS': 0.1186, 'KendallTau': 0.7454, 'MannWhitneyU': 1756.0, 'AUC': 0.5045} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0791, 'RMSE': 34.3714, 'MAE': 24.92, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0406, 'RMSSE': 1.1462, 'ErrorMean': -0.0453, 'ErrorStdDev': 34.3713, 'R2': 0.8548, 'Pearson': 0.9256, 'MedAE': 22.9561, 'LnQ': 0.7155, 'KS': 0.1186, 'KendallTau': 0.7454, 'MannWhitneyU': 1755.0, 'AUC': 0.5042} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0791, 'RMSE': 34.3714, 'MAE': 24.92, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0406, 'RMSSE': 1.1462, 'ErrorMean': -0.0453, 'ErrorStdDev': 34.3713, 'R2': 0.8548, 'Pearson': 0.9256, 'MedAE': 22.9561, 'LnQ': 0.7155, 'KS': 0.1186, 'KendallTau': 0.7454, 'MannWhitneyU': 1755.0, 'AUC': 0.5042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_MO_Forecast') {'Signal': 'QLD_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0805, 'RMSE': 34.1855, 'MAE': 26.7751, 'SMAPE': 0.0794, 'DiffSMAPE': 0.0794, 'MASE': 1.118, 'RMSSE': 1.14, 'ErrorMean': 0.2436, 'ErrorStdDev': 34.1846, 'R2': 0.8564, 'Pearson': 0.9264, 'MedAE': 22.4183, 'LnQ': 0.6412, 'KS': 0.1017, 'KendallTau': 0.6856, 'MannWhitneyU': 1728.0, 'AUC': 0.4964} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0896, 'RMSE': 36.8414, 'MAE': 28.2504, 'SMAPE': 0.0875, 'DiffSMAPE': 0.0875, 'MASE': 1.1796, 'RMSSE': 1.2285, 'ErrorMean': -0.5341, 'ErrorStdDev': 36.8375, 'R2': 0.8332, 'Pearson': 0.9138, 'MedAE': 22.2986, 'LnQ': 0.834, 'KS': 0.1525, 'KendallTau': 0.7208, 'MannWhitneyU': 1801.0, 'AUC': 0.5174} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_PHA_TD_Forecast') {'Signal': 'QLD_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0818, 'RMSE': 34.7788, 'MAE': 27.3821, 'SMAPE': 0.0808, 'DiffSMAPE': 0.0807, 'MASE': 1.1434, 'RMSSE': 1.1597, 'ErrorMean': 0.26, 'ErrorStdDev': 34.7778, 'R2': 0.8513, 'Pearson': 0.9241, 'MedAE': 24.0225, 'LnQ': 0.6522, 'KS': 0.1017, 'KendallTau': 0.6762, 'MannWhitneyU': 1725.0, 'AUC': 0.4955} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_AHP_TD_Forecast') {'Signal': 'QLD_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 35.077, 'MAE': 27.7767, 'SMAPE': 0.0816, 'DiffSMAPE': 0.0816, 'MASE': 1.1599, 'RMSSE': 1.1697, 'ErrorMean': 3.562, 'ErrorStdDev': 34.8957, 'R2': 0.8488, 'Pearson': 0.9241, 'MedAE': 21.7453, 'LnQ': 0.6602, 'KS': 0.1017, 'KendallTau': 0.6762, 'MannWhitneyU': 1675.0, 'AUC': 0.4812} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0791, 'RMSE': 34.3714, 'MAE': 24.92, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0406, 'RMSSE': 1.1462, 'ErrorMean': -0.0453, 'ErrorStdDev': 34.3713, 'R2': 0.8548, 'Pearson': 0.9256, 'MedAE': 22.9561, 'LnQ': 0.7155, 'KS': 0.1186, 'KendallTau': 0.7454, 'MannWhitneyU': 1756.0, 'AUC': 0.5045} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0791, 'RMSE': 34.3714, 'MAE': 24.92, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0406, 'RMSSE': 1.1462, 'ErrorMean': -0.0453, 'ErrorStdDev': 34.3713, 'R2': 0.8548, 'Pearson': 0.9256, 'MedAE': 22.9561, 'LnQ': 0.7155, 'KS': 0.1186, 'KendallTau': 0.7454, 'MannWhitneyU': 1756.0, 'AUC': 0.5045} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0791, 'RMSE': 34.3714, 'MAE': 24.92, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0406, 'RMSSE': 1.1462, 'ErrorMean': -0.0453, 'ErrorStdDev': 34.3713, 'R2': 0.8548, 'Pearson': 0.9256, 'MedAE': 22.9561, 'LnQ': 0.7155, 'KS': 0.1186, 'KendallTau': 0.7454, 'MannWhitneyU': 1755.0, 'AUC': 0.5042} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0791, 'RMSE': 34.3714, 'MAE': 24.92, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0406, 'RMSSE': 1.1462, 'ErrorMean': -0.0453, 'ErrorStdDev': 34.3713, 'R2': 0.8548, 'Pearson': 0.9256, 'MedAE': 22.9561, 'LnQ': 0.7155, 'KS': 0.1186, 'KendallTau': 0.7454, 'MannWhitneyU': 1755.0, 'AUC': 0.5042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_MO_Forecast') {'Signal': 'QLD_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0805, 'RMSE': 34.1855, 'MAE': 26.7751, 'SMAPE': 0.0794, 'DiffSMAPE': 0.0794, 'MASE': 1.118, 'RMSSE': 1.14, 'ErrorMean': 0.2436, 'ErrorStdDev': 34.1846, 'R2': 0.8564, 'Pearson': 0.9264, 'MedAE': 22.4183, 'LnQ': 0.6412, 'KS': 0.1017, 'KendallTau': 0.6856, 'MannWhitneyU': 1728.0, 'AUC': 0.4964} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0896, 'RMSE': 36.8414, 'MAE': 28.2504, 'SMAPE': 0.0875, 'DiffSMAPE': 0.0875, 'MASE': 1.1796, 'RMSSE': 1.2285, 'ErrorMean': -0.5341, 'ErrorStdDev': 36.8375, 'R2': 0.8332, 'Pearson': 0.9138, 'MedAE': 22.2986, 'LnQ': 0.834, 'KS': 0.1525, 'KendallTau': 0.7208, 'MannWhitneyU': 1801.0, 'AUC': 0.5174} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_PHA_TD_Forecast') {'Signal': 'QLD_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0818, 'RMSE': 34.7788, 'MAE': 27.3821, 'SMAPE': 0.0808, 'DiffSMAPE': 0.0807, 'MASE': 1.1434, 'RMSSE': 1.1597, 'ErrorMean': 0.26, 'ErrorStdDev': 34.7778, 'R2': 0.8513, 'Pearson': 0.9241, 'MedAE': 24.0225, 'LnQ': 0.6522, 'KS': 0.1017, 'KendallTau': 0.6762, 'MannWhitneyU': 1725.0, 'AUC': 0.4955} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_AHP_TD_Forecast') {'Signal': 'QLD_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 35.077, 'MAE': 27.7767, 'SMAPE': 0.0816, 'DiffSMAPE': 0.0816, 'MASE': 1.1599, 'RMSSE': 1.1697, 'ErrorMean': 3.562, 'ErrorStdDev': 34.8957, 'R2': 0.8488, 'Pearson': 0.9241, 'MedAE': 21.7453, 'LnQ': 0.6602, 'KS': 0.1017, 'KendallTau': 0.6762, 'MannWhitneyU': 1675.0, 'AUC': 0.4812} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0791, 'RMSE': 34.3714, 'MAE': 24.92, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0406, 'RMSSE': 1.1462, 'ErrorMean': -0.0453, 'ErrorStdDev': 34.3713, 'R2': 0.8548, 'Pearson': 0.9256, 'MedAE': 22.9561, 'LnQ': 0.7155, 'KS': 0.1186, 'KendallTau': 0.7454, 'MannWhitneyU': 1756.0, 'AUC': 0.5045} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0791, 'RMSE': 34.3714, 'MAE': 24.92, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0406, 'RMSSE': 1.1462, 'ErrorMean': -0.0453, 'ErrorStdDev': 34.3713, 'R2': 0.8548, 'Pearson': 0.9256, 'MedAE': 22.9561, 'LnQ': 0.7155, 'KS': 0.1186, 'KendallTau': 0.7454, 'MannWhitneyU': 1756.0, 'AUC': 0.5045} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0791, 'RMSE': 34.3714, 'MAE': 24.92, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0406, 'RMSSE': 1.1462, 'ErrorMean': -0.0453, 'ErrorStdDev': 34.3713, 'R2': 0.8548, 'Pearson': 0.9256, 'MedAE': 22.9561, 'LnQ': 0.7155, 'KS': 0.1186, 'KendallTau': 0.7454, 'MannWhitneyU': 1755.0, 'AUC': 0.5042} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0791, 'RMSE': 34.3714, 'MAE': 24.92, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0406, 'RMSSE': 1.1462, 'ErrorMean': -0.0453, 'ErrorStdDev': 34.3713, 'R2': 0.8548, 'Pearson': 0.9256, 'MedAE': 22.9561, 'LnQ': 0.7155, 'KS': 0.1186, 'KendallTau': 0.7454, 'MannWhitneyU': 1755.0, 'AUC': 0.5042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_MO_Forecast') {'Signal': 'QLD_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0805, 'RMSE': 34.1855, 'MAE': 26.7751, 'SMAPE': 0.0794, 'DiffSMAPE': 0.0794, 'MASE': 1.118, 'RMSSE': 1.14, 'ErrorMean': 0.2436, 'ErrorStdDev': 34.1846, 'R2': 0.8564, 'Pearson': 0.9264, 'MedAE': 22.4183, 'LnQ': 0.6412, 'KS': 0.1017, 'KendallTau': 0.6856, 'MannWhitneyU': 1728.0, 'AUC': 0.4964} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0896, 'RMSE': 36.8414, 'MAE': 28.2504, 'SMAPE': 0.0875, 'DiffSMAPE': 0.0875, 'MASE': 1.1796, 'RMSSE': 1.2285, 'ErrorMean': -0.5341, 'ErrorStdDev': 36.8375, 'R2': 0.8332, 'Pearson': 0.9138, 'MedAE': 22.2986, 'LnQ': 0.834, 'KS': 0.1525, 'KendallTau': 0.7208, 'MannWhitneyU': 1801.0, 'AUC': 0.5174} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_PHA_TD_Forecast') {'Signal': 'QLD_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0818, 'RMSE': 34.7788, 'MAE': 27.3821, 'SMAPE': 0.0808, 'DiffSMAPE': 0.0807, 'MASE': 1.1434, 'RMSSE': 1.1597, 'ErrorMean': 0.26, 'ErrorStdDev': 34.7778, 'R2': 0.8513, 'Pearson': 0.9241, 'MedAE': 24.0225, 'LnQ': 0.6522, 'KS': 0.1017, 'KendallTau': 0.6762, 'MannWhitneyU': 1725.0, 'AUC': 0.4955} @@ -209,38 +209,38 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_male_MO_Forec INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_male_OC_Forecast') {'Signal': 'SA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0927, 'RMSE': 19.1076, 'MAE': 14.6913, 'SMAPE': 0.0898, 'DiffSMAPE': 0.0898, 'MASE': 0.7574, 'RMSSE': 0.7601, 'ErrorMean': -0.4888, 'ErrorStdDev': 19.1013, 'R2': 0.8908, 'Pearson': 0.9439, 'MedAE': 11.4975, 'LnQ': 0.9031, 'KS': 0.1017, 'KendallTau': 0.765, 'MannWhitneyU': 1793.0, 'AUC': 0.5151} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_male_PHA_TD_Forecast') {'Signal': 'SA_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1497, 'RMSE': 30.0533, 'MAE': 24.9465, 'SMAPE': 0.1414, 'DiffSMAPE': 0.1414, 'MASE': 1.2861, 'RMSSE': 1.1956, 'ErrorMean': 0.1334, 'ErrorStdDev': 30.053, 'R2': 0.7299, 'Pearson': 0.8577, 'MedAE': 22.7598, 'LnQ': 1.7945, 'KS': 0.1864, 'KendallTau': 0.5961, 'MannWhitneyU': 1823.0, 'AUC': 0.5237} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_AHP_TD_Forecast') {'Signal': 'TAS_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1466, 'RMSE': 14.872, 'MAE': 11.0708, 'SMAPE': 0.1374, 'DiffSMAPE': 0.1373, 'MASE': 0.9656, 'RMSSE': 0.9895, 'ErrorMean': -1.2757, 'ErrorStdDev': 14.8172, 'R2': 0.7591, 'Pearson': 0.903, 'MedAE': 8.4423, 'LnQ': 2.0435, 'KS': 0.2203, 'KendallTau': 0.7021, 'MannWhitneyU': 1835.0, 'AUC': 0.5271} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_BU_Forecast') {'Signal': 'TAS_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': -0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_Forecast') {'Signal': 'TAS_female', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': -0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_BU_Forecast') {'Signal': 'TAS_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': 0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_Forecast') {'Signal': 'TAS_female', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': 0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_MO_Forecast') {'Signal': 'TAS_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1466, 'RMSE': 14.4029, 'MAE': 10.6558, 'SMAPE': 0.1345, 'DiffSMAPE': 0.1344, 'MASE': 0.9294, 'RMSSE': 0.9582, 'ErrorMean': 0.0486, 'ErrorStdDev': 14.4028, 'R2': 0.774, 'Pearson': 0.905, 'MedAE': 8.7149, 'LnQ': 2.0944, 'KS': 0.1695, 'KendallTau': 0.7127, 'MannWhitneyU': 1772.0, 'AUC': 0.509} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_OC_Forecast') {'Signal': 'TAS_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1573, 'RMSE': 13.8445, 'MAE': 10.694, 'SMAPE': 0.148, 'DiffSMAPE': 0.1479, 'MASE': 0.9327, 'RMSSE': 0.9211, 'ErrorMean': 0.2687, 'ErrorStdDev': 13.8419, 'R2': 0.7912, 'Pearson': 0.8931, 'MedAE': 7.3431, 'LnQ': 2.6747, 'KS': 0.1186, 'KendallTau': 0.7232, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_PHA_TD_Forecast') {'Signal': 'TAS_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1502, 'RMSE': 14.6643, 'MAE': 11.0021, 'SMAPE': 0.1386, 'DiffSMAPE': 0.1385, 'MASE': 0.9596, 'RMSSE': 0.9756, 'ErrorMean': 0.0608, 'ErrorStdDev': 14.6641, 'R2': 0.7658, 'Pearson': 0.903, 'MedAE': 8.7922, 'LnQ': 2.1047, 'KS': 0.1864, 'KendallTau': 0.7021, 'MannWhitneyU': 1772.0, 'AUC': 0.509} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_AHP_TD_Forecast') {'Signal': 'TAS_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1466, 'RMSE': 14.872, 'MAE': 11.0708, 'SMAPE': 0.1374, 'DiffSMAPE': 0.1373, 'MASE': 0.9656, 'RMSSE': 0.9895, 'ErrorMean': -1.2757, 'ErrorStdDev': 14.8172, 'R2': 0.7591, 'Pearson': 0.903, 'MedAE': 8.4423, 'LnQ': 2.0435, 'KS': 0.2203, 'KendallTau': 0.7021, 'MannWhitneyU': 1835.0, 'AUC': 0.5271} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_BU_Forecast') {'Signal': 'TAS_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': -0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_Forecast') {'Signal': 'TAS_female', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': -0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_BU_Forecast') {'Signal': 'TAS_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': 0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_Forecast') {'Signal': 'TAS_female', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': 0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_MO_Forecast') {'Signal': 'TAS_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1466, 'RMSE': 14.4029, 'MAE': 10.6558, 'SMAPE': 0.1345, 'DiffSMAPE': 0.1344, 'MASE': 0.9294, 'RMSSE': 0.9582, 'ErrorMean': 0.0486, 'ErrorStdDev': 14.4028, 'R2': 0.774, 'Pearson': 0.905, 'MedAE': 8.7149, 'LnQ': 2.0944, 'KS': 0.1695, 'KendallTau': 0.7127, 'MannWhitneyU': 1772.0, 'AUC': 0.509} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_OC_Forecast') {'Signal': 'TAS_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1573, 'RMSE': 13.8445, 'MAE': 10.694, 'SMAPE': 0.148, 'DiffSMAPE': 0.1479, 'MASE': 0.9327, 'RMSSE': 0.9211, 'ErrorMean': 0.2687, 'ErrorStdDev': 13.8419, 'R2': 0.7912, 'Pearson': 0.8931, 'MedAE': 7.3431, 'LnQ': 2.6747, 'KS': 0.1186, 'KendallTau': 0.7232, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_PHA_TD_Forecast') {'Signal': 'TAS_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1502, 'RMSE': 14.6643, 'MAE': 11.0021, 'SMAPE': 0.1386, 'DiffSMAPE': 0.1385, 'MASE': 0.9596, 'RMSSE': 0.9756, 'ErrorMean': 0.0608, 'ErrorStdDev': 14.6641, 'R2': 0.7658, 'Pearson': 0.903, 'MedAE': 8.7922, 'LnQ': 2.1047, 'KS': 0.1864, 'KendallTau': 0.7021, 'MannWhitneyU': 1772.0, 'AUC': 0.509} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_AHP_TD_Forecast') {'Signal': 'TAS_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1466, 'RMSE': 14.872, 'MAE': 11.0708, 'SMAPE': 0.1374, 'DiffSMAPE': 0.1373, 'MASE': 0.9656, 'RMSSE': 0.9895, 'ErrorMean': -1.2757, 'ErrorStdDev': 14.8172, 'R2': 0.7591, 'Pearson': 0.903, 'MedAE': 8.4423, 'LnQ': 2.0435, 'KS': 0.2203, 'KendallTau': 0.7021, 'MannWhitneyU': 1835.0, 'AUC': 0.5271} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_BU_Forecast') {'Signal': 'TAS_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': -0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_Forecast') {'Signal': 'TAS_female', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': -0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_BU_Forecast') {'Signal': 'TAS_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': 0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_Forecast') {'Signal': 'TAS_female', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': 0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_MO_Forecast') {'Signal': 'TAS_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1466, 'RMSE': 14.4029, 'MAE': 10.6558, 'SMAPE': 0.1345, 'DiffSMAPE': 0.1344, 'MASE': 0.9294, 'RMSSE': 0.9582, 'ErrorMean': 0.0486, 'ErrorStdDev': 14.4028, 'R2': 0.774, 'Pearson': 0.905, 'MedAE': 8.7149, 'LnQ': 2.0944, 'KS': 0.1695, 'KendallTau': 0.7127, 'MannWhitneyU': 1772.0, 'AUC': 0.509} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_OC_Forecast') {'Signal': 'TAS_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1573, 'RMSE': 13.8445, 'MAE': 10.694, 'SMAPE': 0.148, 'DiffSMAPE': 0.1479, 'MASE': 0.9327, 'RMSSE': 0.9211, 'ErrorMean': 0.2687, 'ErrorStdDev': 13.8419, 'R2': 0.7912, 'Pearson': 0.8931, 'MedAE': 7.3431, 'LnQ': 2.6747, 'KS': 0.1186, 'KendallTau': 0.7232, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_PHA_TD_Forecast') {'Signal': 'TAS_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1502, 'RMSE': 14.6643, 'MAE': 11.0021, 'SMAPE': 0.1386, 'DiffSMAPE': 0.1385, 'MASE': 0.9596, 'RMSSE': 0.9756, 'ErrorMean': 0.0608, 'ErrorStdDev': 14.6641, 'R2': 0.7658, 'Pearson': 0.903, 'MedAE': 8.7922, 'LnQ': 2.1047, 'KS': 0.1864, 'KendallTau': 0.7021, 'MannWhitneyU': 1772.0, 'AUC': 0.509} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_AHP_TD_Forecast') {'Signal': 'TAS_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1469, 'RMSE': 14.8442, 'MAE': 11.0594, 'SMAPE': 0.1375, 'DiffSMAPE': 0.1374, 'MASE': 0.9646, 'RMSSE': 0.9876, 'ErrorMean': -1.1348, 'ErrorStdDev': 14.8008, 'R2': 0.76, 'Pearson': 0.903, 'MedAE': 8.5261, 'LnQ': 2.0486, 'KS': 0.2034, 'KendallTau': 0.7021, 'MannWhitneyU': 1832.0, 'AUC': 0.5263} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_BU_Forecast') {'Signal': 'TAS_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': -0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_Forecast') {'Signal': 'TAS_male', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': -0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_BU_Forecast') {'Signal': 'TAS_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': 0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_Forecast') {'Signal': 'TAS_male', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': 0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_MO_Forecast') {'Signal': 'TAS_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1524, 'RMSE': 14.981, 'MAE': 11.2071, 'SMAPE': 0.1408, 'DiffSMAPE': 0.1407, 'MASE': 0.9775, 'RMSSE': 0.9967, 'ErrorMean': 0.057, 'ErrorStdDev': 14.9809, 'R2': 0.7555, 'Pearson': 0.8971, 'MedAE': 8.8426, 'LnQ': 2.1675, 'KS': 0.1864, 'KendallTau': 0.695, 'MannWhitneyU': 1782.0, 'AUC': 0.5119} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_OC_Forecast') {'Signal': 'TAS_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1256, 'RMSE': 11.5432, 'MAE': 8.9413, 'SMAPE': 0.1217, 'DiffSMAPE': 0.1216, 'MASE': 0.7798, 'RMSSE': 0.768, 'ErrorMean': -0.4888, 'ErrorStdDev': 11.5329, 'R2': 0.8549, 'Pearson': 0.9263, 'MedAE': 7.775, 'LnQ': 1.6052, 'KS': 0.1186, 'KendallTau': 0.7749, 'MannWhitneyU': 1787.0, 'AUC': 0.5134} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_PHA_TD_Forecast') {'Signal': 'TAS_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1502, 'RMSE': 14.6643, 'MAE': 11.0021, 'SMAPE': 0.1386, 'DiffSMAPE': 0.1385, 'MASE': 0.9596, 'RMSSE': 0.9756, 'ErrorMean': 0.0608, 'ErrorStdDev': 14.6641, 'R2': 0.7658, 'Pearson': 0.903, 'MedAE': 8.7922, 'LnQ': 2.1047, 'KS': 0.1864, 'KendallTau': 0.7021, 'MannWhitneyU': 1772.0, 'AUC': 0.509} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_AHP_TD_Forecast') {'Signal': 'TAS_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1469, 'RMSE': 14.8442, 'MAE': 11.0594, 'SMAPE': 0.1375, 'DiffSMAPE': 0.1374, 'MASE': 0.9646, 'RMSSE': 0.9876, 'ErrorMean': -1.1348, 'ErrorStdDev': 14.8008, 'R2': 0.76, 'Pearson': 0.903, 'MedAE': 8.5261, 'LnQ': 2.0486, 'KS': 0.2034, 'KendallTau': 0.7021, 'MannWhitneyU': 1832.0, 'AUC': 0.5263} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_BU_Forecast') {'Signal': 'TAS_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': -0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_Forecast') {'Signal': 'TAS_male', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': -0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_BU_Forecast') {'Signal': 'TAS_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': 0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_Forecast') {'Signal': 'TAS_male', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': 0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_MO_Forecast') {'Signal': 'TAS_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1524, 'RMSE': 14.981, 'MAE': 11.2071, 'SMAPE': 0.1408, 'DiffSMAPE': 0.1407, 'MASE': 0.9775, 'RMSSE': 0.9967, 'ErrorMean': 0.057, 'ErrorStdDev': 14.9809, 'R2': 0.7555, 'Pearson': 0.8971, 'MedAE': 8.8426, 'LnQ': 2.1675, 'KS': 0.1864, 'KendallTau': 0.695, 'MannWhitneyU': 1782.0, 'AUC': 0.5119} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_OC_Forecast') {'Signal': 'TAS_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1256, 'RMSE': 11.5432, 'MAE': 8.9413, 'SMAPE': 0.1217, 'DiffSMAPE': 0.1216, 'MASE': 0.7798, 'RMSSE': 0.768, 'ErrorMean': -0.4888, 'ErrorStdDev': 11.5329, 'R2': 0.8549, 'Pearson': 0.9263, 'MedAE': 7.775, 'LnQ': 1.6052, 'KS': 0.1186, 'KendallTau': 0.7749, 'MannWhitneyU': 1787.0, 'AUC': 0.5134} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_PHA_TD_Forecast') {'Signal': 'TAS_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1502, 'RMSE': 14.6643, 'MAE': 11.0021, 'SMAPE': 0.1386, 'DiffSMAPE': 0.1385, 'MASE': 0.9596, 'RMSSE': 0.9756, 'ErrorMean': 0.0608, 'ErrorStdDev': 14.6641, 'R2': 0.7658, 'Pearson': 0.903, 'MedAE': 8.7922, 'LnQ': 2.1047, 'KS': 0.1864, 'KendallTau': 0.7021, 'MannWhitneyU': 1772.0, 'AUC': 0.509} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_AHP_TD_Forecast') {'Signal': 'TAS_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1469, 'RMSE': 14.8442, 'MAE': 11.0594, 'SMAPE': 0.1375, 'DiffSMAPE': 0.1374, 'MASE': 0.9646, 'RMSSE': 0.9876, 'ErrorMean': -1.1348, 'ErrorStdDev': 14.8008, 'R2': 0.76, 'Pearson': 0.903, 'MedAE': 8.5261, 'LnQ': 2.0486, 'KS': 0.2034, 'KendallTau': 0.7021, 'MannWhitneyU': 1832.0, 'AUC': 0.5263} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_BU_Forecast') {'Signal': 'TAS_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': -0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_Forecast') {'Signal': 'TAS_male', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': -0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_BU_Forecast') {'Signal': 'TAS_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': 0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_Forecast') {'Signal': 'TAS_male', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': 0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_MO_Forecast') {'Signal': 'TAS_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1524, 'RMSE': 14.981, 'MAE': 11.2071, 'SMAPE': 0.1408, 'DiffSMAPE': 0.1407, 'MASE': 0.9775, 'RMSSE': 0.9967, 'ErrorMean': 0.057, 'ErrorStdDev': 14.9809, 'R2': 0.7555, 'Pearson': 0.8971, 'MedAE': 8.8426, 'LnQ': 2.1675, 'KS': 0.1864, 'KendallTau': 0.695, 'MannWhitneyU': 1782.0, 'AUC': 0.5119} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_OC_Forecast') {'Signal': 'TAS_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1256, 'RMSE': 11.5432, 'MAE': 8.9413, 'SMAPE': 0.1217, 'DiffSMAPE': 0.1216, 'MASE': 0.7798, 'RMSSE': 0.768, 'ErrorMean': -0.4888, 'ErrorStdDev': 11.5329, 'R2': 0.8549, 'Pearson': 0.9263, 'MedAE': 7.775, 'LnQ': 1.6052, 'KS': 0.1186, 'KendallTau': 0.7749, 'MannWhitneyU': 1787.0, 'AUC': 0.5134} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_PHA_TD_Forecast') {'Signal': 'TAS_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1502, 'RMSE': 14.6643, 'MAE': 11.0021, 'SMAPE': 0.1386, 'DiffSMAPE': 0.1385, 'MASE': 0.9596, 'RMSSE': 0.9756, 'ErrorMean': 0.0608, 'ErrorStdDev': 14.6641, 'R2': 0.7658, 'Pearson': 0.903, 'MedAE': 8.7922, 'LnQ': 2.1047, 'KS': 0.1864, 'KendallTau': 0.7021, 'MannWhitneyU': 1772.0, 'AUC': 0.509} @@ -372,7 +372,7 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__Forecast') {'S INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__MO_Forecast') {'Signal': '__MO_Forecast', 'Length': 59, 'MAPE': 0.0622, 'RMSE': 321.2735, 'MAE': 218.8448, 'SMAPE': 0.0614, 'DiffSMAPE': 0.0614, 'MASE': 1.1218, 'RMSSE': 1.3425, 'ErrorMean': 2.5532, 'ErrorStdDev': 321.2634, 'R2': 0.9112, 'Pearson': 0.9554, 'MedAE': 120.9859, 'LnQ': 0.4852, 'KS': 0.1356, 'KendallTau': 0.7779, 'MannWhitneyU': 1753.0, 'AUC': 0.5036} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__OC_Forecast') {'Signal': '__OC_Forecast', 'Length': 59, 'MAPE': 0.0628, 'RMSE': 317.1913, 'MAE': 220.3348, 'SMAPE': 0.062, 'DiffSMAPE': 0.062, 'MASE': 1.1294, 'RMSSE': 1.3254, 'ErrorMean': 2.8638, 'ErrorStdDev': 317.1783, 'R2': 0.9135, 'Pearson': 0.9567, 'MedAE': 138.3961, 'LnQ': 0.4796, 'KS': 0.1017, 'KendallTau': 0.7802, 'MannWhitneyU': 1756.0, 'AUC': 0.5045} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__PHA_TD_Forecast') {'Signal': '__PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0637, 'RMSE': 319.9927, 'MAE': 222.1885, 'SMAPE': 0.0628, 'DiffSMAPE': 0.0628, 'MASE': 1.1389, 'RMSSE': 1.3371, 'ErrorMean': 2.9091, 'ErrorStdDev': 319.9795, 'R2': 0.9119, 'Pearson': 0.9559, 'MedAE': 133.5202, 'LnQ': 0.4938, 'KS': 0.1186, 'KendallTau': 0.7826, 'MannWhitneyU': 1749.0, 'AUC': 0.5024} -INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 248.727 +INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 51.05 INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='ACT_female' Length=59 Min=0 Max=36 Mean=12.40678 StdDev=9.085505 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_ACT_female' Min=0.0 Max=1.0 Mean=0.344633 StdDev=0.252375 @@ -382,12 +382,12 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_ACT_female_PolyTrend_residue_Cycle_5_residue INFO:pyaf.std:TREND_DETAIL '_ACT_female_PolyTrend' [PolyTrend] INFO:pyaf.std:CYCLE_DETAIL '_ACT_female_PolyTrend_residue_Cycle_5' [Cycle_5] INFO:pyaf.std:AUTOREG_DETAIL '_ACT_female_PolyTrend_residue_Cycle_5_residue_NoAR' [NoAR] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'M', 'Cycle': 'S', 'AR': 'S'} [MSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None @@ -1192,7 +1192,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "Length": 59, "LnQ": Infinity, "MAE": 3.1223, - "MAPE": 1358966309.1745, + "MAPE": 1358966309.1751, "MASE": 0.7392, "MannWhitneyU": 1689.5, "MedAE": 2.5957, @@ -1213,7 +1213,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "Length": 59, "LnQ": Infinity, "MAE": 3.1223, - "MAPE": 1358966309.1745, + "MAPE": 1358966309.1751, "MASE": 0.7392, "MannWhitneyU": 1689.5, "MedAE": 2.5957, @@ -1584,7 +1584,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model_Performance": { "1": { - "AUC": 0.451, + "AUC": 0.4507, "DiffSMAPE": 0.5169, "ErrorMean": -0.0, "ErrorStdDev": 13.4642, @@ -1595,7 +1595,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "MAE": 9.3772, "MAPE": 0.5395, "MASE": 1.3298, - "MannWhitneyU": 1570.0, + "MannWhitneyU": 1569.0, "MedAE": 6.7796, "Pearson": 0.7619, "R2": 0.578, @@ -1605,7 +1605,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "Signal": "NT_male_Forecast_1" }, "12": { - "AUC": 0.451, + "AUC": 0.4507, "DiffSMAPE": 0.5169, "ErrorMean": -0.0, "ErrorStdDev": 13.4642, @@ -1616,7 +1616,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "MAE": 9.3772, "MAPE": 0.5395, "MASE": 1.3298, - "MannWhitneyU": 1570.0, + "MannWhitneyU": 1569.0, "MedAE": 6.7796, "Pearson": 0.7619, "R2": 0.578, @@ -1671,7 +1671,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "1": { "AUC": 0.5053, "DiffSMAPE": 0.0647, - "ErrorMean": -0.0, + "ErrorMean": 0.0, "ErrorStdDev": 24.0602, "KS": 0.0678, "KendallTau": 0.7088, @@ -1754,7 +1754,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model_Performance": { "1": { - "AUC": 0.5045, + "AUC": 0.5042, "DiffSMAPE": 0.0775, "ErrorMean": -0.0453, "ErrorStdDev": 34.3713, @@ -1765,7 +1765,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "MAE": 24.92, "MAPE": 0.0791, "MASE": 1.0406, - "MannWhitneyU": 1756.0, + "MannWhitneyU": 1755.0, "MedAE": 22.9561, "Pearson": 0.9256, "R2": 0.8548, @@ -2011,7 +2011,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "1": { "AUC": 0.5019, "DiffSMAPE": 0.0791, - "ErrorMean": -0.0, + "ErrorMean": 0.0, "ErrorStdDev": 8.1319, "KS": 0.0678, "KendallTau": 0.825, @@ -2032,7 +2032,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "12": { "AUC": 0.5019, "DiffSMAPE": 0.0791, - "ErrorMean": -0.0, + "ErrorMean": 0.0, "ErrorStdDev": 8.1319, "KS": 0.0678, "KendallTau": 0.825, @@ -2096,7 +2096,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "1": { "AUC": 0.5019, "DiffSMAPE": 0.0791, - "ErrorMean": -0.0, + "ErrorMean": 0.0, "ErrorStdDev": 8.1319, "KS": 0.0678, "KendallTau": 0.825, @@ -2117,7 +2117,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "12": { "AUC": 0.5019, "DiffSMAPE": 0.0791, - "ErrorMean": -0.0, + "ErrorMean": 0.0, "ErrorStdDev": 8.1319, "KS": 0.0678, "KendallTau": 0.825, @@ -2734,7 +2734,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al ] } }, - "Training_Time": 248.727 + "Training_Time": 51.05 }INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male', '_female', '_male', '_'], 'Horizons': {'ACT_female': 12, 'ACT_male': 12, 'NSW_female': 12, 'NSW_male': 12, 'NT_female': 12, 'NT_male': 12, 'QLD_female': 12, 'QLD_male': 12, 'SA_female': 12, 'SA_male': 12, 'TAS_female': 12, 'TAS_male': 12, 'VIC_female': 12, 'VIC_male': 12, 'WA_female': 12, 'WA_male': 12, '_female': 12, '_male': 12, '_': 12}} @@ -2742,11 +2742,11 @@ INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'N -INFO:pyaf.std:FORECASTING_ENGINE_END 8.782 +INFO:pyaf.std:FORECASTING_ENGINE_END 5.381 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU', 'TD', 'MO', 'OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD PHA_TD INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_MIDDLE_OUT_METHOD MO INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_OPTIMAL_COMBINATION_METHOD OC -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_grouped_signals_AllMethods_Exogenous_all_nodes.py', 'ElapsedTimeSecs':(281.30, 5.86, 307.36), 'MAX_MEM_KB':210948, 'CPU_PRCNT':'111%', 'FILES_IN':8, 'FILES_OUT':1384, 'EXIT_STATUS':0} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_grouped_signals_AllMethods_Exogenous_all_nodes.py', 'ElapsedTimeSecs':(58.14, 8.26, 524.62), 'MAX_MEM_KB':196948, 'CPU_PRCNT':'916%', 'FILES_IN':0, 'FILES_OUT':1456, 'EXIT_STATUS':0} diff --git a/tests/references/hierarchical/test_grouped_signals_AllMethods_Exogenous_all_nodes_force_ARX.log b/tests/references/hierarchical/test_grouped_signals_AllMethods_Exogenous_all_nodes_force_ARX.log index b6c74e6db..6b4dce265 100644 --- a/tests/references/hierarchical/test_grouped_signals_AllMethods_Exogenous_all_nodes_force_ARX.log +++ b/tests/references/hierarchical/test_grouped_signals_AllMethods_Exogenous_all_nodes_force_ARX.log @@ -2,13 +2,13 @@ INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_START INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male', '_female', '_male', '_'], 'Horizons': {'ACT_female': 12, 'ACT_male': 12, 'NSW_female': 12, 'NSW_male': 12, 'NT_female': 12, 'NT_male': 12, 'QLD_female': 12, 'QLD_male': 12, 'SA_female': 12, 'SA_male': 12, 'TAS_female': 12, 'TAS_male': 12, 'VIC_female': 12, 'VIC_male': 12, 'WA_female': 12, 'WA_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 171.387 +INFO:pyaf.std:TRAINING_ENGINE_END 21.868 INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_END INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_COMPUTE_TOP_DOWN_HISTORICAL_PROPORTIONS INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male', '_female', '_male', '_'], 'Horizons': {'ACT_female': 12, 'ACT_male': 12, 'NSW_female': 12, 'NSW_male': 12, 'NT_female': 12, 'NT_male': 12, 'QLD_female': 12, 'QLD_male': 12, 'SA_female': 12, 'SA_male': 12, 'TAS_female': 12, 'TAS_male': 12, 'VIC_female': 12, 'VIC_male': 12, 'WA_female': 12, 'WA_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 44.309 +INFO:pyaf.std:FORECASTING_ENGINE_END 9.281 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU', 'TD', 'MO', 'OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD @@ -28,24 +28,24 @@ INFO:pyaf.hierarchical:DATASET_COLUMNS Index(['Index', 'ACT_female', 'ACT_female '_male_OC_Forecast', '__OC_Forecast'], dtype='object', length=172) INFO:pyaf.hierarchical:STRUCTURE_LEVEL (0, ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male']) -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9593839852.9189, 'RMSE': 12.2323, 'MAE': 10.9878, 'SMAPE': 0.8687, 'DiffSMAPE': 0.8651, 'MASE': 2.6012, 'RMSSE': 2.2803, 'ErrorMean': 3.0129, 'ErrorStdDev': 11.8555, 'R2': -0.8127, 'Pearson': -0.6415, 'MedAE': 11.6191, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4644, 'MannWhitneyU': 1315.0, 'AUC': 0.3778} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9593839852.9194, 'RMSE': 12.2323, 'MAE': 10.9878, 'SMAPE': 0.8687, 'DiffSMAPE': 0.8651, 'MASE': 2.6012, 'RMSSE': 2.2803, 'ErrorMean': 3.0129, 'ErrorStdDev': 11.8555, 'R2': -0.8127, 'Pearson': -0.6415, 'MedAE': 11.6191, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4644, 'MannWhitneyU': 1315.0, 'AUC': 0.3778} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1118299759.6298, 'RMSE': 5.5462, 'MAE': 4.1488, 'SMAPE': 0.4575, 'DiffSMAPE': 0.4488, 'MASE': 0.9822, 'RMSSE': 1.0339, 'ErrorMean': 0.0114, 'ErrorStdDev': 5.5462, 'R2': 0.6274, 'Pearson': 0.7922, 'MedAE': 2.7498, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.6023, 'MannWhitneyU': 1731.0, 'AUC': 0.4973} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1118299759.6298, 'RMSE': 5.5462, 'MAE': 4.1488, 'SMAPE': 0.4575, 'DiffSMAPE': 0.4488, 'MASE': 0.9822, 'RMSSE': 1.0339, 'ErrorMean': 0.0114, 'ErrorStdDev': 5.5462, 'R2': 0.6274, 'Pearson': 0.7922, 'MedAE': 2.7498, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.6023, 'MannWhitneyU': 1731.0, 'AUC': 0.4973} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7851926329.3147, 'RMSE': 11.3469, 'MAE': 10.2653, 'SMAPE': 0.8926, 'DiffSMAPE': 0.8884, 'MASE': 2.4302, 'RMSSE': 2.1152, 'ErrorMean': 0.0071, 'ErrorStdDev': 11.3469, 'R2': -0.5597, 'Pearson': -0.6538, 'MedAE': 10.9334, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.487, 'MannWhitneyU': 1636.0, 'AUC': 0.47} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 2558774478.5223, 'RMSE': 9.9294, 'MAE': 7.4233, 'SMAPE': 0.8416, 'DiffSMAPE': 0.8255, 'MASE': 1.7573, 'RMSSE': 1.851, 'ErrorMean': 0.0502, 'ErrorStdDev': 9.9293, 'R2': -0.1944, 'Pearson': 0.6186, 'MedAE': 5.1317, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.4382, 'MannWhitneyU': 1810.0, 'AUC': 0.52} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7724839413.2721, 'RMSE': 11.2708, 'MAE': 10.2163, 'SMAPE': 0.8911, 'DiffSMAPE': 0.8868, 'MASE': 2.4185, 'RMSSE': 2.1011, 'ErrorMean': 0.0089, 'ErrorStdDev': 11.2708, 'R2': -0.5389, 'Pearson': -0.6415, 'MedAE': 10.9241, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4644, 'MannWhitneyU': 1629.0, 'AUC': 0.468} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9593839852.9189, 'RMSE': 12.2323, 'MAE': 10.9878, 'SMAPE': 0.8687, 'DiffSMAPE': 0.8651, 'MASE': 2.6012, 'RMSSE': 2.2803, 'ErrorMean': 3.0129, 'ErrorStdDev': 11.8555, 'R2': -0.8127, 'Pearson': -0.6415, 'MedAE': 11.6191, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4644, 'MannWhitneyU': 1315.0, 'AUC': 0.3778} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7851926329.3149, 'RMSE': 11.3469, 'MAE': 10.2653, 'SMAPE': 0.8926, 'DiffSMAPE': 0.8884, 'MASE': 2.4302, 'RMSSE': 2.1152, 'ErrorMean': 0.0071, 'ErrorStdDev': 11.3469, 'R2': -0.5597, 'Pearson': -0.6538, 'MedAE': 10.9334, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.487, 'MannWhitneyU': 1636.0, 'AUC': 0.47} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 2558774478.5249, 'RMSE': 9.9294, 'MAE': 7.4233, 'SMAPE': 0.8416, 'DiffSMAPE': 0.8255, 'MASE': 1.7573, 'RMSSE': 1.851, 'ErrorMean': 0.0502, 'ErrorStdDev': 9.9293, 'R2': -0.1944, 'Pearson': 0.6186, 'MedAE': 5.1317, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.4382, 'MannWhitneyU': 1810.0, 'AUC': 0.52} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7724839413.2725, 'RMSE': 11.2708, 'MAE': 10.2163, 'SMAPE': 0.8911, 'DiffSMAPE': 0.8868, 'MASE': 2.4185, 'RMSSE': 2.1011, 'ErrorMean': 0.0089, 'ErrorStdDev': 11.2708, 'R2': -0.5389, 'Pearson': -0.6415, 'MedAE': 10.9241, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4644, 'MannWhitneyU': 1629.0, 'AUC': 0.468} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9593839852.9194, 'RMSE': 12.2323, 'MAE': 10.9878, 'SMAPE': 0.8687, 'DiffSMAPE': 0.8651, 'MASE': 2.6012, 'RMSSE': 2.2803, 'ErrorMean': 3.0129, 'ErrorStdDev': 11.8555, 'R2': -0.8127, 'Pearson': -0.6415, 'MedAE': 11.6191, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4644, 'MannWhitneyU': 1315.0, 'AUC': 0.3778} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1118299759.6298, 'RMSE': 5.5462, 'MAE': 4.1488, 'SMAPE': 0.4575, 'DiffSMAPE': 0.4488, 'MASE': 0.9822, 'RMSSE': 1.0339, 'ErrorMean': 0.0114, 'ErrorStdDev': 5.5462, 'R2': 0.6274, 'Pearson': 0.7922, 'MedAE': 2.7498, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.6023, 'MannWhitneyU': 1731.0, 'AUC': 0.4973} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1118299759.6298, 'RMSE': 5.5462, 'MAE': 4.1488, 'SMAPE': 0.4575, 'DiffSMAPE': 0.4488, 'MASE': 0.9822, 'RMSSE': 1.0339, 'ErrorMean': 0.0114, 'ErrorStdDev': 5.5462, 'R2': 0.6274, 'Pearson': 0.7922, 'MedAE': 2.7498, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.6023, 'MannWhitneyU': 1731.0, 'AUC': 0.4973} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7851926329.3147, 'RMSE': 11.3469, 'MAE': 10.2653, 'SMAPE': 0.8926, 'DiffSMAPE': 0.8884, 'MASE': 2.4302, 'RMSSE': 2.1152, 'ErrorMean': 0.0071, 'ErrorStdDev': 11.3469, 'R2': -0.5597, 'Pearson': -0.6538, 'MedAE': 10.9334, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.487, 'MannWhitneyU': 1636.0, 'AUC': 0.47} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 2558774478.5223, 'RMSE': 9.9294, 'MAE': 7.4233, 'SMAPE': 0.8416, 'DiffSMAPE': 0.8255, 'MASE': 1.7573, 'RMSSE': 1.851, 'ErrorMean': 0.0502, 'ErrorStdDev': 9.9293, 'R2': -0.1944, 'Pearson': 0.6186, 'MedAE': 5.1317, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.4382, 'MannWhitneyU': 1810.0, 'AUC': 0.52} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7724839413.2721, 'RMSE': 11.2708, 'MAE': 10.2163, 'SMAPE': 0.8911, 'DiffSMAPE': 0.8868, 'MASE': 2.4185, 'RMSSE': 2.1011, 'ErrorMean': 0.0089, 'ErrorStdDev': 11.2708, 'R2': -0.5389, 'Pearson': -0.6415, 'MedAE': 10.9241, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4644, 'MannWhitneyU': 1629.0, 'AUC': 0.468} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9593839852.9189, 'RMSE': 12.2323, 'MAE': 10.9878, 'SMAPE': 0.8687, 'DiffSMAPE': 0.8651, 'MASE': 2.6012, 'RMSSE': 2.2803, 'ErrorMean': 3.0129, 'ErrorStdDev': 11.8555, 'R2': -0.8127, 'Pearson': -0.6415, 'MedAE': 11.6191, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4644, 'MannWhitneyU': 1315.0, 'AUC': 0.3778} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7851926329.3149, 'RMSE': 11.3469, 'MAE': 10.2653, 'SMAPE': 0.8926, 'DiffSMAPE': 0.8884, 'MASE': 2.4302, 'RMSSE': 2.1152, 'ErrorMean': 0.0071, 'ErrorStdDev': 11.3469, 'R2': -0.5597, 'Pearson': -0.6538, 'MedAE': 10.9334, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.487, 'MannWhitneyU': 1636.0, 'AUC': 0.47} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 2558774478.5249, 'RMSE': 9.9294, 'MAE': 7.4233, 'SMAPE': 0.8416, 'DiffSMAPE': 0.8255, 'MASE': 1.7573, 'RMSSE': 1.851, 'ErrorMean': 0.0502, 'ErrorStdDev': 9.9293, 'R2': -0.1944, 'Pearson': 0.6186, 'MedAE': 5.1317, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.4382, 'MannWhitneyU': 1810.0, 'AUC': 0.52} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7724839413.2725, 'RMSE': 11.2708, 'MAE': 10.2163, 'SMAPE': 0.8911, 'DiffSMAPE': 0.8868, 'MASE': 2.4185, 'RMSSE': 2.1011, 'ErrorMean': 0.0089, 'ErrorStdDev': 11.2708, 'R2': -0.5389, 'Pearson': -0.6415, 'MedAE': 10.9241, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4644, 'MannWhitneyU': 1629.0, 'AUC': 0.468} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9593839852.9194, 'RMSE': 12.2323, 'MAE': 10.9878, 'SMAPE': 0.8687, 'DiffSMAPE': 0.8651, 'MASE': 2.6012, 'RMSSE': 2.2803, 'ErrorMean': 3.0129, 'ErrorStdDev': 11.8555, 'R2': -0.8127, 'Pearson': -0.6415, 'MedAE': 11.6191, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4644, 'MannWhitneyU': 1315.0, 'AUC': 0.3778} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1118299759.6298, 'RMSE': 5.5462, 'MAE': 4.1488, 'SMAPE': 0.4575, 'DiffSMAPE': 0.4488, 'MASE': 0.9822, 'RMSSE': 1.0339, 'ErrorMean': 0.0114, 'ErrorStdDev': 5.5462, 'R2': 0.6274, 'Pearson': 0.7922, 'MedAE': 2.7498, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.6023, 'MannWhitneyU': 1731.0, 'AUC': 0.4973} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1118299759.6298, 'RMSE': 5.5462, 'MAE': 4.1488, 'SMAPE': 0.4575, 'DiffSMAPE': 0.4488, 'MASE': 0.9822, 'RMSSE': 1.0339, 'ErrorMean': 0.0114, 'ErrorStdDev': 5.5462, 'R2': 0.6274, 'Pearson': 0.7922, 'MedAE': 2.7498, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.6023, 'MannWhitneyU': 1731.0, 'AUC': 0.4973} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7851926329.3147, 'RMSE': 11.3469, 'MAE': 10.2653, 'SMAPE': 0.8926, 'DiffSMAPE': 0.8884, 'MASE': 2.4302, 'RMSSE': 2.1152, 'ErrorMean': 0.0071, 'ErrorStdDev': 11.3469, 'R2': -0.5597, 'Pearson': -0.6538, 'MedAE': 10.9334, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.487, 'MannWhitneyU': 1636.0, 'AUC': 0.47} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 2558774478.5223, 'RMSE': 9.9294, 'MAE': 7.4233, 'SMAPE': 0.8416, 'DiffSMAPE': 0.8255, 'MASE': 1.7573, 'RMSSE': 1.851, 'ErrorMean': 0.0502, 'ErrorStdDev': 9.9293, 'R2': -0.1944, 'Pearson': 0.6186, 'MedAE': 5.1317, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.4382, 'MannWhitneyU': 1810.0, 'AUC': 0.52} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7724839413.2721, 'RMSE': 11.2708, 'MAE': 10.2163, 'SMAPE': 0.8911, 'DiffSMAPE': 0.8868, 'MASE': 2.4185, 'RMSSE': 2.1011, 'ErrorMean': 0.0089, 'ErrorStdDev': 11.2708, 'R2': -0.5389, 'Pearson': -0.6415, 'MedAE': 10.9241, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4644, 'MannWhitneyU': 1629.0, 'AUC': 0.468} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7851926329.3149, 'RMSE': 11.3469, 'MAE': 10.2653, 'SMAPE': 0.8926, 'DiffSMAPE': 0.8884, 'MASE': 2.4302, 'RMSSE': 2.1152, 'ErrorMean': 0.0071, 'ErrorStdDev': 11.3469, 'R2': -0.5597, 'Pearson': -0.6538, 'MedAE': 10.9334, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.487, 'MannWhitneyU': 1636.0, 'AUC': 0.47} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 2558774478.5249, 'RMSE': 9.9294, 'MAE': 7.4233, 'SMAPE': 0.8416, 'DiffSMAPE': 0.8255, 'MASE': 1.7573, 'RMSSE': 1.851, 'ErrorMean': 0.0502, 'ErrorStdDev': 9.9293, 'R2': -0.1944, 'Pearson': 0.6186, 'MedAE': 5.1317, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.4382, 'MannWhitneyU': 1810.0, 'AUC': 0.52} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7724839413.2725, 'RMSE': 11.2708, 'MAE': 10.2163, 'SMAPE': 0.8911, 'DiffSMAPE': 0.8868, 'MASE': 2.4185, 'RMSSE': 2.1011, 'ErrorMean': 0.0089, 'ErrorStdDev': 11.2708, 'R2': -0.5389, 'Pearson': -0.6415, 'MedAE': 10.9241, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4644, 'MannWhitneyU': 1629.0, 'AUC': 0.468} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_AHP_TD_Forecast') {'Signal': 'ACT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.3255, 'RMSE': 17.9351, 'MAE': 16.2248, 'SMAPE': 0.8633, 'DiffSMAPE': 0.8609, 'MASE': 3.1792, 'RMSSE': 2.5694, 'ErrorMean': 4.0907, 'ErrorStdDev': 17.4624, 'R2': -0.7743, 'Pearson': -0.631, 'MedAE': 18.4391, 'LnQ': 106.3857, 'KS': 0.3729, 'KendallTau': -0.4986, 'MannWhitneyU': 1281.0, 'AUC': 0.368} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_BU_Forecast') {'Signal': 'ACT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.4818, 'RMSE': 4.1933, 'MAE': 3.3311, 'SMAPE': 0.359, 'DiffSMAPE': 0.3535, 'MASE': 0.6527, 'RMSSE': 0.6007, 'ErrorMean': -0.0, 'ErrorStdDev': 4.1933, 'R2': 0.903, 'Pearson': 0.951, 'MedAE': 2.5451, 'LnQ': inf, 'KS': 0.1017, 'KendallTau': 0.7742, 'MannWhitneyU': 1725.0, 'AUC': 0.4955} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_Forecast') {'Signal': 'ACT_male', 'Length': 59, 'MAPE': 0.4818, 'RMSE': 4.1933, 'MAE': 3.3311, 'SMAPE': 0.359, 'DiffSMAPE': 0.3535, 'MASE': 0.6527, 'RMSSE': 0.6007, 'ErrorMean': -0.0, 'ErrorStdDev': 4.1933, 'R2': 0.903, 'Pearson': 0.951, 'MedAE': 2.5451, 'LnQ': inf, 'KS': 0.1017, 'KendallTau': 0.7742, 'MannWhitneyU': 1725.0, 'AUC': 0.4955} @@ -137,38 +137,38 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_MO_Forec INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_OC_Forecast') {'Signal': 'NT_male_OC_Forecast', 'Length': 59, 'MAPE': 0.6903, 'RMSE': 13.9478, 'MAE': 9.1169, 'SMAPE': 0.6268, 'DiffSMAPE': 0.6187, 'MASE': 1.2929, 'RMSSE': 1.0584, 'ErrorMean': -1.0447, 'ErrorStdDev': 13.9086, 'R2': 0.5471, 'Pearson': 0.7537, 'MedAE': 5.8323, 'LnQ': inf, 'KS': 0.1017, 'KendallTau': 0.6452, 'MannWhitneyU': 1763.0, 'AUC': 0.5065} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_PHA_TD_Forecast') {'Signal': 'NT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 3.1716, 'RMSE': 24.0578, 'MAE': 20.7937, 'SMAPE': 0.9441, 'DiffSMAPE': 0.9416, 'MASE': 2.9487, 'RMSSE': 1.8255, 'ErrorMean': 0.0164, 'ErrorStdDev': 24.0578, 'R2': -0.3474, 'Pearson': -0.513, 'MedAE': 18.1389, 'LnQ': 110.5, 'KS': 0.3729, 'KendallTau': -0.5293, 'MannWhitneyU': 1394.0, 'AUC': 0.4005} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_AHP_TD_Forecast') {'Signal': 'QLD_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0873, 'RMSE': 29.2803, 'MAE': 22.8013, 'SMAPE': 0.0863, 'DiffSMAPE': 0.0863, 'MASE': 0.7596, 'RMSSE': 0.7903, 'ErrorMean': 4.2152, 'ErrorStdDev': 28.9753, 'R2': 0.8074, 'Pearson': 0.9068, 'MedAE': 16.5792, 'LnQ': 0.7169, 'KS': 0.1525, 'KendallTau': 0.6551, 'MannWhitneyU': 1620.0, 'AUC': 0.4654} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_BU_Forecast') {'Signal': 'QLD_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0649, 'RMSE': 24.0602, 'MAE': 16.9141, 'SMAPE': 0.0647, 'DiffSMAPE': 0.0647, 'MASE': 0.5635, 'RMSSE': 0.6494, 'ErrorMean': -0.0, 'ErrorStdDev': 24.0602, 'R2': 0.87, 'Pearson': 0.9327, 'MedAE': 9.8187, 'LnQ': 0.4633, 'KS': 0.0678, 'KendallTau': 0.7088, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_Forecast') {'Signal': 'QLD_female', 'Length': 59, 'MAPE': 0.0649, 'RMSE': 24.0602, 'MAE': 16.9141, 'SMAPE': 0.0647, 'DiffSMAPE': 0.0647, 'MASE': 0.5635, 'RMSSE': 0.6494, 'ErrorMean': -0.0, 'ErrorStdDev': 24.0602, 'R2': 0.87, 'Pearson': 0.9327, 'MedAE': 9.8187, 'LnQ': 0.4633, 'KS': 0.0678, 'KendallTau': 0.7088, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_BU_Forecast') {'Signal': 'QLD_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0649, 'RMSE': 24.0602, 'MAE': 16.9141, 'SMAPE': 0.0647, 'DiffSMAPE': 0.0647, 'MASE': 0.5635, 'RMSSE': 0.6494, 'ErrorMean': 0.0, 'ErrorStdDev': 24.0602, 'R2': 0.87, 'Pearson': 0.9327, 'MedAE': 9.8187, 'LnQ': 0.4633, 'KS': 0.0678, 'KendallTau': 0.7088, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_Forecast') {'Signal': 'QLD_female', 'Length': 59, 'MAPE': 0.0649, 'RMSE': 24.0602, 'MAE': 16.9141, 'SMAPE': 0.0647, 'DiffSMAPE': 0.0647, 'MASE': 0.5635, 'RMSSE': 0.6494, 'ErrorMean': 0.0, 'ErrorStdDev': 24.0602, 'R2': 0.87, 'Pearson': 0.9327, 'MedAE': 9.8187, 'LnQ': 0.4633, 'KS': 0.0678, 'KendallTau': 0.7088, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_MO_Forecast') {'Signal': 'QLD_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0866, 'RMSE': 29.9701, 'MAE': 23.0126, 'SMAPE': 0.0866, 'DiffSMAPE': 0.0866, 'MASE': 0.7666, 'RMSSE': 0.8089, 'ErrorMean': 0.1569, 'ErrorStdDev': 29.9697, 'R2': 0.7983, 'Pearson': 0.9008, 'MedAE': 14.0003, 'LnQ': 0.7315, 'KS': 0.0847, 'KendallTau': 0.6152, 'MannWhitneyU': 1711.0, 'AUC': 0.4915} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_OC_Forecast') {'Signal': 'QLD_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0727, 'RMSE': 25.1095, 'MAE': 18.4668, 'SMAPE': 0.0718, 'DiffSMAPE': 0.0718, 'MASE': 0.6152, 'RMSSE': 0.6777, 'ErrorMean': 0.0388, 'ErrorStdDev': 25.1095, 'R2': 0.8584, 'Pearson': 0.9281, 'MedAE': 15.6342, 'LnQ': 0.5552, 'KS': 0.1017, 'KendallTau': 0.7056, 'MannWhitneyU': 1781.0, 'AUC': 0.5116} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_PHA_TD_Forecast') {'Signal': 'QLD_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0843, 'RMSE': 28.7566, 'MAE': 22.1472, 'SMAPE': 0.0845, 'DiffSMAPE': 0.0845, 'MASE': 0.7378, 'RMSSE': 0.7761, 'ErrorMean': 0.1963, 'ErrorStdDev': 28.7559, 'R2': 0.8143, 'Pearson': 0.9068, 'MedAE': 17.9519, 'LnQ': 0.7048, 'KS': 0.1186, 'KendallTau': 0.6551, 'MannWhitneyU': 1696.0, 'AUC': 0.4872} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_AHP_TD_Forecast') {'Signal': 'QLD_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0873, 'RMSE': 29.2803, 'MAE': 22.8013, 'SMAPE': 0.0863, 'DiffSMAPE': 0.0863, 'MASE': 0.7596, 'RMSSE': 0.7903, 'ErrorMean': 4.2152, 'ErrorStdDev': 28.9753, 'R2': 0.8074, 'Pearson': 0.9068, 'MedAE': 16.5792, 'LnQ': 0.7169, 'KS': 0.1525, 'KendallTau': 0.6551, 'MannWhitneyU': 1620.0, 'AUC': 0.4654} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_BU_Forecast') {'Signal': 'QLD_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0649, 'RMSE': 24.0602, 'MAE': 16.9141, 'SMAPE': 0.0647, 'DiffSMAPE': 0.0647, 'MASE': 0.5635, 'RMSSE': 0.6494, 'ErrorMean': -0.0, 'ErrorStdDev': 24.0602, 'R2': 0.87, 'Pearson': 0.9327, 'MedAE': 9.8187, 'LnQ': 0.4633, 'KS': 0.0678, 'KendallTau': 0.7088, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_Forecast') {'Signal': 'QLD_female', 'Length': 59, 'MAPE': 0.0649, 'RMSE': 24.0602, 'MAE': 16.9141, 'SMAPE': 0.0647, 'DiffSMAPE': 0.0647, 'MASE': 0.5635, 'RMSSE': 0.6494, 'ErrorMean': -0.0, 'ErrorStdDev': 24.0602, 'R2': 0.87, 'Pearson': 0.9327, 'MedAE': 9.8187, 'LnQ': 0.4633, 'KS': 0.0678, 'KendallTau': 0.7088, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_BU_Forecast') {'Signal': 'QLD_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0649, 'RMSE': 24.0602, 'MAE': 16.9141, 'SMAPE': 0.0647, 'DiffSMAPE': 0.0647, 'MASE': 0.5635, 'RMSSE': 0.6494, 'ErrorMean': 0.0, 'ErrorStdDev': 24.0602, 'R2': 0.87, 'Pearson': 0.9327, 'MedAE': 9.8187, 'LnQ': 0.4633, 'KS': 0.0678, 'KendallTau': 0.7088, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_Forecast') {'Signal': 'QLD_female', 'Length': 59, 'MAPE': 0.0649, 'RMSE': 24.0602, 'MAE': 16.9141, 'SMAPE': 0.0647, 'DiffSMAPE': 0.0647, 'MASE': 0.5635, 'RMSSE': 0.6494, 'ErrorMean': 0.0, 'ErrorStdDev': 24.0602, 'R2': 0.87, 'Pearson': 0.9327, 'MedAE': 9.8187, 'LnQ': 0.4633, 'KS': 0.0678, 'KendallTau': 0.7088, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_MO_Forecast') {'Signal': 'QLD_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0866, 'RMSE': 29.9701, 'MAE': 23.0126, 'SMAPE': 0.0866, 'DiffSMAPE': 0.0866, 'MASE': 0.7666, 'RMSSE': 0.8089, 'ErrorMean': 0.1569, 'ErrorStdDev': 29.9697, 'R2': 0.7983, 'Pearson': 0.9008, 'MedAE': 14.0003, 'LnQ': 0.7315, 'KS': 0.0847, 'KendallTau': 0.6152, 'MannWhitneyU': 1711.0, 'AUC': 0.4915} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_OC_Forecast') {'Signal': 'QLD_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0727, 'RMSE': 25.1095, 'MAE': 18.4668, 'SMAPE': 0.0718, 'DiffSMAPE': 0.0718, 'MASE': 0.6152, 'RMSSE': 0.6777, 'ErrorMean': 0.0388, 'ErrorStdDev': 25.1095, 'R2': 0.8584, 'Pearson': 0.9281, 'MedAE': 15.6342, 'LnQ': 0.5552, 'KS': 0.1017, 'KendallTau': 0.7056, 'MannWhitneyU': 1781.0, 'AUC': 0.5116} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_PHA_TD_Forecast') {'Signal': 'QLD_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0843, 'RMSE': 28.7566, 'MAE': 22.1472, 'SMAPE': 0.0845, 'DiffSMAPE': 0.0845, 'MASE': 0.7378, 'RMSSE': 0.7761, 'ErrorMean': 0.1963, 'ErrorStdDev': 28.7559, 'R2': 0.8143, 'Pearson': 0.9068, 'MedAE': 17.9519, 'LnQ': 0.7048, 'KS': 0.1186, 'KendallTau': 0.6551, 'MannWhitneyU': 1696.0, 'AUC': 0.4872} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_AHP_TD_Forecast') {'Signal': 'QLD_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0873, 'RMSE': 29.2803, 'MAE': 22.8013, 'SMAPE': 0.0863, 'DiffSMAPE': 0.0863, 'MASE': 0.7596, 'RMSSE': 0.7903, 'ErrorMean': 4.2152, 'ErrorStdDev': 28.9753, 'R2': 0.8074, 'Pearson': 0.9068, 'MedAE': 16.5792, 'LnQ': 0.7169, 'KS': 0.1525, 'KendallTau': 0.6551, 'MannWhitneyU': 1620.0, 'AUC': 0.4654} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_BU_Forecast') {'Signal': 'QLD_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0649, 'RMSE': 24.0602, 'MAE': 16.9141, 'SMAPE': 0.0647, 'DiffSMAPE': 0.0647, 'MASE': 0.5635, 'RMSSE': 0.6494, 'ErrorMean': -0.0, 'ErrorStdDev': 24.0602, 'R2': 0.87, 'Pearson': 0.9327, 'MedAE': 9.8187, 'LnQ': 0.4633, 'KS': 0.0678, 'KendallTau': 0.7088, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_Forecast') {'Signal': 'QLD_female', 'Length': 59, 'MAPE': 0.0649, 'RMSE': 24.0602, 'MAE': 16.9141, 'SMAPE': 0.0647, 'DiffSMAPE': 0.0647, 'MASE': 0.5635, 'RMSSE': 0.6494, 'ErrorMean': -0.0, 'ErrorStdDev': 24.0602, 'R2': 0.87, 'Pearson': 0.9327, 'MedAE': 9.8187, 'LnQ': 0.4633, 'KS': 0.0678, 'KendallTau': 0.7088, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_BU_Forecast') {'Signal': 'QLD_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0649, 'RMSE': 24.0602, 'MAE': 16.9141, 'SMAPE': 0.0647, 'DiffSMAPE': 0.0647, 'MASE': 0.5635, 'RMSSE': 0.6494, 'ErrorMean': 0.0, 'ErrorStdDev': 24.0602, 'R2': 0.87, 'Pearson': 0.9327, 'MedAE': 9.8187, 'LnQ': 0.4633, 'KS': 0.0678, 'KendallTau': 0.7088, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_Forecast') {'Signal': 'QLD_female', 'Length': 59, 'MAPE': 0.0649, 'RMSE': 24.0602, 'MAE': 16.9141, 'SMAPE': 0.0647, 'DiffSMAPE': 0.0647, 'MASE': 0.5635, 'RMSSE': 0.6494, 'ErrorMean': 0.0, 'ErrorStdDev': 24.0602, 'R2': 0.87, 'Pearson': 0.9327, 'MedAE': 9.8187, 'LnQ': 0.4633, 'KS': 0.0678, 'KendallTau': 0.7088, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_MO_Forecast') {'Signal': 'QLD_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0866, 'RMSE': 29.9701, 'MAE': 23.0126, 'SMAPE': 0.0866, 'DiffSMAPE': 0.0866, 'MASE': 0.7666, 'RMSSE': 0.8089, 'ErrorMean': 0.1569, 'ErrorStdDev': 29.9697, 'R2': 0.7983, 'Pearson': 0.9008, 'MedAE': 14.0003, 'LnQ': 0.7315, 'KS': 0.0847, 'KendallTau': 0.6152, 'MannWhitneyU': 1711.0, 'AUC': 0.4915} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_OC_Forecast') {'Signal': 'QLD_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0727, 'RMSE': 25.1095, 'MAE': 18.4668, 'SMAPE': 0.0718, 'DiffSMAPE': 0.0718, 'MASE': 0.6152, 'RMSSE': 0.6777, 'ErrorMean': 0.0388, 'ErrorStdDev': 25.1095, 'R2': 0.8584, 'Pearson': 0.9281, 'MedAE': 15.6342, 'LnQ': 0.5552, 'KS': 0.1017, 'KendallTau': 0.7056, 'MannWhitneyU': 1781.0, 'AUC': 0.5116} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_PHA_TD_Forecast') {'Signal': 'QLD_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0843, 'RMSE': 28.7566, 'MAE': 22.1472, 'SMAPE': 0.0845, 'DiffSMAPE': 0.0845, 'MASE': 0.7378, 'RMSSE': 0.7761, 'ErrorMean': 0.1963, 'ErrorStdDev': 28.7559, 'R2': 0.8143, 'Pearson': 0.9068, 'MedAE': 17.9519, 'LnQ': 0.7048, 'KS': 0.1186, 'KendallTau': 0.6551, 'MannWhitneyU': 1696.0, 'AUC': 0.4872} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_AHP_TD_Forecast') {'Signal': 'QLD_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 35.077, 'MAE': 27.7767, 'SMAPE': 0.0816, 'DiffSMAPE': 0.0816, 'MASE': 1.1599, 'RMSSE': 1.1697, 'ErrorMean': 3.562, 'ErrorStdDev': 34.8957, 'R2': 0.8488, 'Pearson': 0.9241, 'MedAE': 21.7453, 'LnQ': 0.6602, 'KS': 0.1017, 'KendallTau': 0.6762, 'MannWhitneyU': 1675.0, 'AUC': 0.4812} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0791, 'RMSE': 34.3714, 'MAE': 24.92, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0406, 'RMSSE': 1.1462, 'ErrorMean': -0.0453, 'ErrorStdDev': 34.3713, 'R2': 0.8548, 'Pearson': 0.9256, 'MedAE': 22.9561, 'LnQ': 0.7155, 'KS': 0.1186, 'KendallTau': 0.7454, 'MannWhitneyU': 1756.0, 'AUC': 0.5045} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0791, 'RMSE': 34.3714, 'MAE': 24.92, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0406, 'RMSSE': 1.1462, 'ErrorMean': -0.0453, 'ErrorStdDev': 34.3713, 'R2': 0.8548, 'Pearson': 0.9256, 'MedAE': 22.9561, 'LnQ': 0.7155, 'KS': 0.1186, 'KendallTau': 0.7454, 'MannWhitneyU': 1756.0, 'AUC': 0.5045} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0791, 'RMSE': 34.3714, 'MAE': 24.92, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0406, 'RMSSE': 1.1462, 'ErrorMean': -0.0453, 'ErrorStdDev': 34.3713, 'R2': 0.8548, 'Pearson': 0.9256, 'MedAE': 22.9561, 'LnQ': 0.7155, 'KS': 0.1186, 'KendallTau': 0.7454, 'MannWhitneyU': 1755.0, 'AUC': 0.5042} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0791, 'RMSE': 34.3714, 'MAE': 24.92, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0406, 'RMSSE': 1.1462, 'ErrorMean': -0.0453, 'ErrorStdDev': 34.3713, 'R2': 0.8548, 'Pearson': 0.9256, 'MedAE': 22.9561, 'LnQ': 0.7155, 'KS': 0.1186, 'KendallTau': 0.7454, 'MannWhitneyU': 1755.0, 'AUC': 0.5042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_MO_Forecast') {'Signal': 'QLD_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0805, 'RMSE': 34.1855, 'MAE': 26.7751, 'SMAPE': 0.0794, 'DiffSMAPE': 0.0794, 'MASE': 1.118, 'RMSSE': 1.14, 'ErrorMean': 0.2436, 'ErrorStdDev': 34.1846, 'R2': 0.8564, 'Pearson': 0.9264, 'MedAE': 22.4183, 'LnQ': 0.6412, 'KS': 0.1017, 'KendallTau': 0.6856, 'MannWhitneyU': 1728.0, 'AUC': 0.4964} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0937, 'RMSE': 39.1621, 'MAE': 29.4016, 'SMAPE': 0.0916, 'DiffSMAPE': 0.0916, 'MASE': 1.2277, 'RMSSE': 1.3059, 'ErrorMean': -1.0901, 'ErrorStdDev': 39.147, 'R2': 0.8115, 'Pearson': 0.9013, 'MedAE': 24.634, 'LnQ': 0.9362, 'KS': 0.1525, 'KendallTau': 0.7067, 'MannWhitneyU': 1787.0, 'AUC': 0.5134} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_PHA_TD_Forecast') {'Signal': 'QLD_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0818, 'RMSE': 34.7788, 'MAE': 27.3821, 'SMAPE': 0.0808, 'DiffSMAPE': 0.0807, 'MASE': 1.1434, 'RMSSE': 1.1597, 'ErrorMean': 0.26, 'ErrorStdDev': 34.7778, 'R2': 0.8513, 'Pearson': 0.9241, 'MedAE': 24.0225, 'LnQ': 0.6522, 'KS': 0.1017, 'KendallTau': 0.6762, 'MannWhitneyU': 1725.0, 'AUC': 0.4955} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_AHP_TD_Forecast') {'Signal': 'QLD_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 35.077, 'MAE': 27.7767, 'SMAPE': 0.0816, 'DiffSMAPE': 0.0816, 'MASE': 1.1599, 'RMSSE': 1.1697, 'ErrorMean': 3.562, 'ErrorStdDev': 34.8957, 'R2': 0.8488, 'Pearson': 0.9241, 'MedAE': 21.7453, 'LnQ': 0.6602, 'KS': 0.1017, 'KendallTau': 0.6762, 'MannWhitneyU': 1675.0, 'AUC': 0.4812} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0791, 'RMSE': 34.3714, 'MAE': 24.92, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0406, 'RMSSE': 1.1462, 'ErrorMean': -0.0453, 'ErrorStdDev': 34.3713, 'R2': 0.8548, 'Pearson': 0.9256, 'MedAE': 22.9561, 'LnQ': 0.7155, 'KS': 0.1186, 'KendallTau': 0.7454, 'MannWhitneyU': 1756.0, 'AUC': 0.5045} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0791, 'RMSE': 34.3714, 'MAE': 24.92, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0406, 'RMSSE': 1.1462, 'ErrorMean': -0.0453, 'ErrorStdDev': 34.3713, 'R2': 0.8548, 'Pearson': 0.9256, 'MedAE': 22.9561, 'LnQ': 0.7155, 'KS': 0.1186, 'KendallTau': 0.7454, 'MannWhitneyU': 1756.0, 'AUC': 0.5045} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0791, 'RMSE': 34.3714, 'MAE': 24.92, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0406, 'RMSSE': 1.1462, 'ErrorMean': -0.0453, 'ErrorStdDev': 34.3713, 'R2': 0.8548, 'Pearson': 0.9256, 'MedAE': 22.9561, 'LnQ': 0.7155, 'KS': 0.1186, 'KendallTau': 0.7454, 'MannWhitneyU': 1755.0, 'AUC': 0.5042} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0791, 'RMSE': 34.3714, 'MAE': 24.92, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0406, 'RMSSE': 1.1462, 'ErrorMean': -0.0453, 'ErrorStdDev': 34.3713, 'R2': 0.8548, 'Pearson': 0.9256, 'MedAE': 22.9561, 'LnQ': 0.7155, 'KS': 0.1186, 'KendallTau': 0.7454, 'MannWhitneyU': 1755.0, 'AUC': 0.5042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_MO_Forecast') {'Signal': 'QLD_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0805, 'RMSE': 34.1855, 'MAE': 26.7751, 'SMAPE': 0.0794, 'DiffSMAPE': 0.0794, 'MASE': 1.118, 'RMSSE': 1.14, 'ErrorMean': 0.2436, 'ErrorStdDev': 34.1846, 'R2': 0.8564, 'Pearson': 0.9264, 'MedAE': 22.4183, 'LnQ': 0.6412, 'KS': 0.1017, 'KendallTau': 0.6856, 'MannWhitneyU': 1728.0, 'AUC': 0.4964} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0937, 'RMSE': 39.1621, 'MAE': 29.4016, 'SMAPE': 0.0916, 'DiffSMAPE': 0.0916, 'MASE': 1.2277, 'RMSSE': 1.3059, 'ErrorMean': -1.0901, 'ErrorStdDev': 39.147, 'R2': 0.8115, 'Pearson': 0.9013, 'MedAE': 24.634, 'LnQ': 0.9362, 'KS': 0.1525, 'KendallTau': 0.7067, 'MannWhitneyU': 1787.0, 'AUC': 0.5134} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_PHA_TD_Forecast') {'Signal': 'QLD_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0818, 'RMSE': 34.7788, 'MAE': 27.3821, 'SMAPE': 0.0808, 'DiffSMAPE': 0.0807, 'MASE': 1.1434, 'RMSSE': 1.1597, 'ErrorMean': 0.26, 'ErrorStdDev': 34.7778, 'R2': 0.8513, 'Pearson': 0.9241, 'MedAE': 24.0225, 'LnQ': 0.6522, 'KS': 0.1017, 'KendallTau': 0.6762, 'MannWhitneyU': 1725.0, 'AUC': 0.4955} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_AHP_TD_Forecast') {'Signal': 'QLD_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 35.077, 'MAE': 27.7767, 'SMAPE': 0.0816, 'DiffSMAPE': 0.0816, 'MASE': 1.1599, 'RMSSE': 1.1697, 'ErrorMean': 3.562, 'ErrorStdDev': 34.8957, 'R2': 0.8488, 'Pearson': 0.9241, 'MedAE': 21.7453, 'LnQ': 0.6602, 'KS': 0.1017, 'KendallTau': 0.6762, 'MannWhitneyU': 1675.0, 'AUC': 0.4812} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0791, 'RMSE': 34.3714, 'MAE': 24.92, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0406, 'RMSSE': 1.1462, 'ErrorMean': -0.0453, 'ErrorStdDev': 34.3713, 'R2': 0.8548, 'Pearson': 0.9256, 'MedAE': 22.9561, 'LnQ': 0.7155, 'KS': 0.1186, 'KendallTau': 0.7454, 'MannWhitneyU': 1756.0, 'AUC': 0.5045} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0791, 'RMSE': 34.3714, 'MAE': 24.92, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0406, 'RMSSE': 1.1462, 'ErrorMean': -0.0453, 'ErrorStdDev': 34.3713, 'R2': 0.8548, 'Pearson': 0.9256, 'MedAE': 22.9561, 'LnQ': 0.7155, 'KS': 0.1186, 'KendallTau': 0.7454, 'MannWhitneyU': 1756.0, 'AUC': 0.5045} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0791, 'RMSE': 34.3714, 'MAE': 24.92, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0406, 'RMSSE': 1.1462, 'ErrorMean': -0.0453, 'ErrorStdDev': 34.3713, 'R2': 0.8548, 'Pearson': 0.9256, 'MedAE': 22.9561, 'LnQ': 0.7155, 'KS': 0.1186, 'KendallTau': 0.7454, 'MannWhitneyU': 1755.0, 'AUC': 0.5042} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0791, 'RMSE': 34.3714, 'MAE': 24.92, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0406, 'RMSSE': 1.1462, 'ErrorMean': -0.0453, 'ErrorStdDev': 34.3713, 'R2': 0.8548, 'Pearson': 0.9256, 'MedAE': 22.9561, 'LnQ': 0.7155, 'KS': 0.1186, 'KendallTau': 0.7454, 'MannWhitneyU': 1755.0, 'AUC': 0.5042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_MO_Forecast') {'Signal': 'QLD_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0805, 'RMSE': 34.1855, 'MAE': 26.7751, 'SMAPE': 0.0794, 'DiffSMAPE': 0.0794, 'MASE': 1.118, 'RMSSE': 1.14, 'ErrorMean': 0.2436, 'ErrorStdDev': 34.1846, 'R2': 0.8564, 'Pearson': 0.9264, 'MedAE': 22.4183, 'LnQ': 0.6412, 'KS': 0.1017, 'KendallTau': 0.6856, 'MannWhitneyU': 1728.0, 'AUC': 0.4964} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0937, 'RMSE': 39.1621, 'MAE': 29.4016, 'SMAPE': 0.0916, 'DiffSMAPE': 0.0916, 'MASE': 1.2277, 'RMSSE': 1.3059, 'ErrorMean': -1.0901, 'ErrorStdDev': 39.147, 'R2': 0.8115, 'Pearson': 0.9013, 'MedAE': 24.634, 'LnQ': 0.9362, 'KS': 0.1525, 'KendallTau': 0.7067, 'MannWhitneyU': 1787.0, 'AUC': 0.5134} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_PHA_TD_Forecast') {'Signal': 'QLD_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0818, 'RMSE': 34.7788, 'MAE': 27.3821, 'SMAPE': 0.0808, 'DiffSMAPE': 0.0807, 'MASE': 1.1434, 'RMSSE': 1.1597, 'ErrorMean': 0.26, 'ErrorStdDev': 34.7778, 'R2': 0.8513, 'Pearson': 0.9241, 'MedAE': 24.0225, 'LnQ': 0.6522, 'KS': 0.1017, 'KendallTau': 0.6762, 'MannWhitneyU': 1725.0, 'AUC': 0.4955} @@ -209,38 +209,38 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_male_MO_Forec INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_male_OC_Forecast') {'Signal': 'SA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0975, 'RMSE': 20.07, 'MAE': 15.2582, 'SMAPE': 0.0944, 'DiffSMAPE': 0.0943, 'MASE': 0.7866, 'RMSSE': 0.7984, 'ErrorMean': -1.0447, 'ErrorStdDev': 20.0428, 'R2': 0.8795, 'Pearson': 0.9381, 'MedAE': 11.2975, 'LnQ': 1.0135, 'KS': 0.0847, 'KendallTau': 0.7661, 'MannWhitneyU': 1795.0, 'AUC': 0.5157} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_male_PHA_TD_Forecast') {'Signal': 'SA_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1497, 'RMSE': 30.0533, 'MAE': 24.9465, 'SMAPE': 0.1414, 'DiffSMAPE': 0.1414, 'MASE': 1.2861, 'RMSSE': 1.1956, 'ErrorMean': 0.1334, 'ErrorStdDev': 30.053, 'R2': 0.7299, 'Pearson': 0.8577, 'MedAE': 22.7598, 'LnQ': 1.7945, 'KS': 0.1864, 'KendallTau': 0.5961, 'MannWhitneyU': 1823.0, 'AUC': 0.5237} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_AHP_TD_Forecast') {'Signal': 'TAS_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1466, 'RMSE': 14.872, 'MAE': 11.0708, 'SMAPE': 0.1374, 'DiffSMAPE': 0.1373, 'MASE': 0.9656, 'RMSSE': 0.9895, 'ErrorMean': -1.2757, 'ErrorStdDev': 14.8172, 'R2': 0.7591, 'Pearson': 0.903, 'MedAE': 8.4423, 'LnQ': 2.0435, 'KS': 0.2203, 'KendallTau': 0.7021, 'MannWhitneyU': 1835.0, 'AUC': 0.5271} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_BU_Forecast') {'Signal': 'TAS_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': -0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_Forecast') {'Signal': 'TAS_female', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': -0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_BU_Forecast') {'Signal': 'TAS_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': 0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_Forecast') {'Signal': 'TAS_female', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': 0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_MO_Forecast') {'Signal': 'TAS_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1466, 'RMSE': 14.4029, 'MAE': 10.6558, 'SMAPE': 0.1345, 'DiffSMAPE': 0.1344, 'MASE': 0.9294, 'RMSSE': 0.9582, 'ErrorMean': 0.0486, 'ErrorStdDev': 14.4028, 'R2': 0.774, 'Pearson': 0.905, 'MedAE': 8.7149, 'LnQ': 2.0944, 'KS': 0.1695, 'KendallTau': 0.7127, 'MannWhitneyU': 1772.0, 'AUC': 0.509} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_OC_Forecast') {'Signal': 'TAS_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1424, 'RMSE': 12.1968, 'MAE': 9.2771, 'SMAPE': 0.1311, 'DiffSMAPE': 0.131, 'MASE': 0.8091, 'RMSSE': 0.8115, 'ErrorMean': 0.0388, 'ErrorStdDev': 12.1967, 'R2': 0.838, 'Pearson': 0.9159, 'MedAE': 7.545, 'LnQ': 2.1723, 'KS': 0.1695, 'KendallTau': 0.7514, 'MannWhitneyU': 1764.0, 'AUC': 0.5068} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_PHA_TD_Forecast') {'Signal': 'TAS_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1502, 'RMSE': 14.6643, 'MAE': 11.0021, 'SMAPE': 0.1386, 'DiffSMAPE': 0.1385, 'MASE': 0.9596, 'RMSSE': 0.9756, 'ErrorMean': 0.0608, 'ErrorStdDev': 14.6641, 'R2': 0.7658, 'Pearson': 0.903, 'MedAE': 8.7922, 'LnQ': 2.1047, 'KS': 0.1864, 'KendallTau': 0.7021, 'MannWhitneyU': 1772.0, 'AUC': 0.509} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_AHP_TD_Forecast') {'Signal': 'TAS_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1466, 'RMSE': 14.872, 'MAE': 11.0708, 'SMAPE': 0.1374, 'DiffSMAPE': 0.1373, 'MASE': 0.9656, 'RMSSE': 0.9895, 'ErrorMean': -1.2757, 'ErrorStdDev': 14.8172, 'R2': 0.7591, 'Pearson': 0.903, 'MedAE': 8.4423, 'LnQ': 2.0435, 'KS': 0.2203, 'KendallTau': 0.7021, 'MannWhitneyU': 1835.0, 'AUC': 0.5271} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_BU_Forecast') {'Signal': 'TAS_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': -0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_Forecast') {'Signal': 'TAS_female', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': -0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_BU_Forecast') {'Signal': 'TAS_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': 0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_Forecast') {'Signal': 'TAS_female', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': 0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_MO_Forecast') {'Signal': 'TAS_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1466, 'RMSE': 14.4029, 'MAE': 10.6558, 'SMAPE': 0.1345, 'DiffSMAPE': 0.1344, 'MASE': 0.9294, 'RMSSE': 0.9582, 'ErrorMean': 0.0486, 'ErrorStdDev': 14.4028, 'R2': 0.774, 'Pearson': 0.905, 'MedAE': 8.7149, 'LnQ': 2.0944, 'KS': 0.1695, 'KendallTau': 0.7127, 'MannWhitneyU': 1772.0, 'AUC': 0.509} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_OC_Forecast') {'Signal': 'TAS_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1424, 'RMSE': 12.1968, 'MAE': 9.2771, 'SMAPE': 0.1311, 'DiffSMAPE': 0.131, 'MASE': 0.8091, 'RMSSE': 0.8115, 'ErrorMean': 0.0388, 'ErrorStdDev': 12.1967, 'R2': 0.838, 'Pearson': 0.9159, 'MedAE': 7.545, 'LnQ': 2.1723, 'KS': 0.1695, 'KendallTau': 0.7514, 'MannWhitneyU': 1764.0, 'AUC': 0.5068} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_PHA_TD_Forecast') {'Signal': 'TAS_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1502, 'RMSE': 14.6643, 'MAE': 11.0021, 'SMAPE': 0.1386, 'DiffSMAPE': 0.1385, 'MASE': 0.9596, 'RMSSE': 0.9756, 'ErrorMean': 0.0608, 'ErrorStdDev': 14.6641, 'R2': 0.7658, 'Pearson': 0.903, 'MedAE': 8.7922, 'LnQ': 2.1047, 'KS': 0.1864, 'KendallTau': 0.7021, 'MannWhitneyU': 1772.0, 'AUC': 0.509} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_AHP_TD_Forecast') {'Signal': 'TAS_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1466, 'RMSE': 14.872, 'MAE': 11.0708, 'SMAPE': 0.1374, 'DiffSMAPE': 0.1373, 'MASE': 0.9656, 'RMSSE': 0.9895, 'ErrorMean': -1.2757, 'ErrorStdDev': 14.8172, 'R2': 0.7591, 'Pearson': 0.903, 'MedAE': 8.4423, 'LnQ': 2.0435, 'KS': 0.2203, 'KendallTau': 0.7021, 'MannWhitneyU': 1835.0, 'AUC': 0.5271} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_BU_Forecast') {'Signal': 'TAS_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': -0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_Forecast') {'Signal': 'TAS_female', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': -0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_BU_Forecast') {'Signal': 'TAS_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': 0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_Forecast') {'Signal': 'TAS_female', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': 0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_MO_Forecast') {'Signal': 'TAS_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1466, 'RMSE': 14.4029, 'MAE': 10.6558, 'SMAPE': 0.1345, 'DiffSMAPE': 0.1344, 'MASE': 0.9294, 'RMSSE': 0.9582, 'ErrorMean': 0.0486, 'ErrorStdDev': 14.4028, 'R2': 0.774, 'Pearson': 0.905, 'MedAE': 8.7149, 'LnQ': 2.0944, 'KS': 0.1695, 'KendallTau': 0.7127, 'MannWhitneyU': 1772.0, 'AUC': 0.509} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_OC_Forecast') {'Signal': 'TAS_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1424, 'RMSE': 12.1968, 'MAE': 9.2771, 'SMAPE': 0.1311, 'DiffSMAPE': 0.131, 'MASE': 0.8091, 'RMSSE': 0.8115, 'ErrorMean': 0.0388, 'ErrorStdDev': 12.1967, 'R2': 0.838, 'Pearson': 0.9159, 'MedAE': 7.545, 'LnQ': 2.1723, 'KS': 0.1695, 'KendallTau': 0.7514, 'MannWhitneyU': 1764.0, 'AUC': 0.5068} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_PHA_TD_Forecast') {'Signal': 'TAS_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1502, 'RMSE': 14.6643, 'MAE': 11.0021, 'SMAPE': 0.1386, 'DiffSMAPE': 0.1385, 'MASE': 0.9596, 'RMSSE': 0.9756, 'ErrorMean': 0.0608, 'ErrorStdDev': 14.6641, 'R2': 0.7658, 'Pearson': 0.903, 'MedAE': 8.7922, 'LnQ': 2.1047, 'KS': 0.1864, 'KendallTau': 0.7021, 'MannWhitneyU': 1772.0, 'AUC': 0.509} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_AHP_TD_Forecast') {'Signal': 'TAS_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1469, 'RMSE': 14.8442, 'MAE': 11.0594, 'SMAPE': 0.1375, 'DiffSMAPE': 0.1374, 'MASE': 0.9646, 'RMSSE': 0.9876, 'ErrorMean': -1.1348, 'ErrorStdDev': 14.8008, 'R2': 0.76, 'Pearson': 0.903, 'MedAE': 8.5261, 'LnQ': 2.0486, 'KS': 0.2034, 'KendallTau': 0.7021, 'MannWhitneyU': 1832.0, 'AUC': 0.5263} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_BU_Forecast') {'Signal': 'TAS_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': -0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_Forecast') {'Signal': 'TAS_male', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': -0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_BU_Forecast') {'Signal': 'TAS_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': 0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_Forecast') {'Signal': 'TAS_male', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': 0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_MO_Forecast') {'Signal': 'TAS_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1524, 'RMSE': 14.981, 'MAE': 11.2071, 'SMAPE': 0.1408, 'DiffSMAPE': 0.1407, 'MASE': 0.9775, 'RMSSE': 0.9967, 'ErrorMean': 0.057, 'ErrorStdDev': 14.9809, 'R2': 0.7555, 'Pearson': 0.8971, 'MedAE': 8.8426, 'LnQ': 2.1675, 'KS': 0.1864, 'KendallTau': 0.695, 'MannWhitneyU': 1782.0, 'AUC': 0.5119} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_OC_Forecast') {'Signal': 'TAS_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1448, 'RMSE': 12.6131, 'MAE': 9.7416, 'SMAPE': 0.1419, 'DiffSMAPE': 0.1418, 'MASE': 0.8496, 'RMSSE': 0.8392, 'ErrorMean': -1.0447, 'ErrorStdDev': 12.5697, 'R2': 0.8267, 'Pearson': 0.9122, 'MedAE': 7.9093, 'LnQ': 2.274, 'KS': 0.1186, 'KendallTau': 0.7491, 'MannWhitneyU': 1770.0, 'AUC': 0.5085} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_PHA_TD_Forecast') {'Signal': 'TAS_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1502, 'RMSE': 14.6643, 'MAE': 11.0021, 'SMAPE': 0.1386, 'DiffSMAPE': 0.1385, 'MASE': 0.9596, 'RMSSE': 0.9756, 'ErrorMean': 0.0608, 'ErrorStdDev': 14.6641, 'R2': 0.7658, 'Pearson': 0.903, 'MedAE': 8.7922, 'LnQ': 2.1047, 'KS': 0.1864, 'KendallTau': 0.7021, 'MannWhitneyU': 1772.0, 'AUC': 0.509} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_AHP_TD_Forecast') {'Signal': 'TAS_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1469, 'RMSE': 14.8442, 'MAE': 11.0594, 'SMAPE': 0.1375, 'DiffSMAPE': 0.1374, 'MASE': 0.9646, 'RMSSE': 0.9876, 'ErrorMean': -1.1348, 'ErrorStdDev': 14.8008, 'R2': 0.76, 'Pearson': 0.903, 'MedAE': 8.5261, 'LnQ': 2.0486, 'KS': 0.2034, 'KendallTau': 0.7021, 'MannWhitneyU': 1832.0, 'AUC': 0.5263} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_BU_Forecast') {'Signal': 'TAS_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': -0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_Forecast') {'Signal': 'TAS_male', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': -0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_BU_Forecast') {'Signal': 'TAS_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': 0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_Forecast') {'Signal': 'TAS_male', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': 0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_MO_Forecast') {'Signal': 'TAS_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1524, 'RMSE': 14.981, 'MAE': 11.2071, 'SMAPE': 0.1408, 'DiffSMAPE': 0.1407, 'MASE': 0.9775, 'RMSSE': 0.9967, 'ErrorMean': 0.057, 'ErrorStdDev': 14.9809, 'R2': 0.7555, 'Pearson': 0.8971, 'MedAE': 8.8426, 'LnQ': 2.1675, 'KS': 0.1864, 'KendallTau': 0.695, 'MannWhitneyU': 1782.0, 'AUC': 0.5119} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_OC_Forecast') {'Signal': 'TAS_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1448, 'RMSE': 12.6131, 'MAE': 9.7416, 'SMAPE': 0.1419, 'DiffSMAPE': 0.1418, 'MASE': 0.8496, 'RMSSE': 0.8392, 'ErrorMean': -1.0447, 'ErrorStdDev': 12.5697, 'R2': 0.8267, 'Pearson': 0.9122, 'MedAE': 7.9093, 'LnQ': 2.274, 'KS': 0.1186, 'KendallTau': 0.7491, 'MannWhitneyU': 1770.0, 'AUC': 0.5085} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_PHA_TD_Forecast') {'Signal': 'TAS_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1502, 'RMSE': 14.6643, 'MAE': 11.0021, 'SMAPE': 0.1386, 'DiffSMAPE': 0.1385, 'MASE': 0.9596, 'RMSSE': 0.9756, 'ErrorMean': 0.0608, 'ErrorStdDev': 14.6641, 'R2': 0.7658, 'Pearson': 0.903, 'MedAE': 8.7922, 'LnQ': 2.1047, 'KS': 0.1864, 'KendallTau': 0.7021, 'MannWhitneyU': 1772.0, 'AUC': 0.509} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_AHP_TD_Forecast') {'Signal': 'TAS_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1469, 'RMSE': 14.8442, 'MAE': 11.0594, 'SMAPE': 0.1375, 'DiffSMAPE': 0.1374, 'MASE': 0.9646, 'RMSSE': 0.9876, 'ErrorMean': -1.1348, 'ErrorStdDev': 14.8008, 'R2': 0.76, 'Pearson': 0.903, 'MedAE': 8.5261, 'LnQ': 2.0486, 'KS': 0.2034, 'KendallTau': 0.7021, 'MannWhitneyU': 1832.0, 'AUC': 0.5263} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_BU_Forecast') {'Signal': 'TAS_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': -0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_Forecast') {'Signal': 'TAS_male', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': -0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_BU_Forecast') {'Signal': 'TAS_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': 0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_Forecast') {'Signal': 'TAS_male', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 8.1319, 'MAE': 5.4754, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0791, 'MASE': 0.4776, 'RMSSE': 0.541, 'ErrorMean': 0.0, 'ErrorStdDev': 8.1319, 'R2': 0.928, 'Pearson': 0.9633, 'MedAE': 3.4653, 'LnQ': 0.9195, 'KS': 0.0678, 'KendallTau': 0.825, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_MO_Forecast') {'Signal': 'TAS_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1524, 'RMSE': 14.981, 'MAE': 11.2071, 'SMAPE': 0.1408, 'DiffSMAPE': 0.1407, 'MASE': 0.9775, 'RMSSE': 0.9967, 'ErrorMean': 0.057, 'ErrorStdDev': 14.9809, 'R2': 0.7555, 'Pearson': 0.8971, 'MedAE': 8.8426, 'LnQ': 2.1675, 'KS': 0.1864, 'KendallTau': 0.695, 'MannWhitneyU': 1782.0, 'AUC': 0.5119} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_OC_Forecast') {'Signal': 'TAS_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1448, 'RMSE': 12.6131, 'MAE': 9.7416, 'SMAPE': 0.1419, 'DiffSMAPE': 0.1418, 'MASE': 0.8496, 'RMSSE': 0.8392, 'ErrorMean': -1.0447, 'ErrorStdDev': 12.5697, 'R2': 0.8267, 'Pearson': 0.9122, 'MedAE': 7.9093, 'LnQ': 2.274, 'KS': 0.1186, 'KendallTau': 0.7491, 'MannWhitneyU': 1770.0, 'AUC': 0.5085} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_PHA_TD_Forecast') {'Signal': 'TAS_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1502, 'RMSE': 14.6643, 'MAE': 11.0021, 'SMAPE': 0.1386, 'DiffSMAPE': 0.1385, 'MASE': 0.9596, 'RMSSE': 0.9756, 'ErrorMean': 0.0608, 'ErrorStdDev': 14.6641, 'R2': 0.7658, 'Pearson': 0.903, 'MedAE': 8.7922, 'LnQ': 2.1047, 'KS': 0.1864, 'KendallTau': 0.7021, 'MannWhitneyU': 1772.0, 'AUC': 0.509} @@ -263,20 +263,20 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_female_MO_Fo INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_female_OC_Forecast') {'Signal': 'VIC_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1359, 'RMSE': 67.6492, 'MAE': 54.568, 'SMAPE': 0.1349, 'DiffSMAPE': 0.1349, 'MASE': 1.4929, 'RMSSE': 1.5007, 'ErrorMean': 0.6202, 'ErrorStdDev': 67.6463, 'R2': 0.6943, 'Pearson': 0.8476, 'MedAE': 47.1923, 'LnQ': 1.6102, 'KS': 0.1864, 'KendallTau': 0.6103, 'MannWhitneyU': 1710.0, 'AUC': 0.4912} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_female_PHA_TD_Forecast') {'Signal': 'VIC_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1083, 'RMSE': 49.1289, 'MAE': 41.9933, 'SMAPE': 0.1052, 'DiffSMAPE': 0.1052, 'MASE': 1.1489, 'RMSSE': 1.0898, 'ErrorMean': 0.3069, 'ErrorStdDev': 49.1279, 'R2': 0.8388, 'Pearson': 0.9184, 'MedAE': 44.2899, 'LnQ': 0.924, 'KS': 0.1186, 'KendallTau': 0.6162, 'MannWhitneyU': 1773.0, 'AUC': 0.5093} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_AHP_TD_Forecast') {'Signal': 'VIC_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0947, 'RMSE': 58.4427, 'MAE': 48.0893, 'SMAPE': 0.0918, 'DiffSMAPE': 0.0917, 'MASE': 1.084, 'RMSSE': 1.0793, 'ErrorMean': -0.9869, 'ErrorStdDev': 58.4344, 'R2': 0.8635, 'Pearson': 0.9318, 'MedAE': 39.966, 'LnQ': 0.7915, 'KS': 0.1186, 'KendallTau': 0.686, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_BU_Forecast') {'Signal': 'VIC_male_BU_Forecast', 'Length': 59, 'MAPE': 0.064, 'RMSE': 41.4211, 'MAE': 32.2234, 'SMAPE': 0.0633, 'DiffSMAPE': 0.0633, 'MASE': 0.7264, 'RMSSE': 0.765, 'ErrorMean': -0.0, 'ErrorStdDev': 41.4211, 'R2': 0.9314, 'Pearson': 0.9651, 'MedAE': 29.7718, 'LnQ': 0.3993, 'KS': 0.0847, 'KendallTau': 0.7382, 'MannWhitneyU': 1761.0, 'AUC': 0.5059} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_Forecast') {'Signal': 'VIC_male', 'Length': 59, 'MAPE': 0.064, 'RMSE': 41.4211, 'MAE': 32.2234, 'SMAPE': 0.0633, 'DiffSMAPE': 0.0633, 'MASE': 0.7264, 'RMSSE': 0.765, 'ErrorMean': -0.0, 'ErrorStdDev': 41.4211, 'R2': 0.9314, 'Pearson': 0.9651, 'MedAE': 29.7718, 'LnQ': 0.3993, 'KS': 0.0847, 'KendallTau': 0.7382, 'MannWhitneyU': 1761.0, 'AUC': 0.5059} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_BU_Forecast') {'Signal': 'VIC_male_BU_Forecast', 'Length': 59, 'MAPE': 0.064, 'RMSE': 41.4211, 'MAE': 32.2234, 'SMAPE': 0.0633, 'DiffSMAPE': 0.0633, 'MASE': 0.7264, 'RMSSE': 0.765, 'ErrorMean': 0.0, 'ErrorStdDev': 41.4211, 'R2': 0.9314, 'Pearson': 0.9651, 'MedAE': 29.7718, 'LnQ': 0.3993, 'KS': 0.0847, 'KendallTau': 0.7382, 'MannWhitneyU': 1761.0, 'AUC': 0.5059} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_Forecast') {'Signal': 'VIC_male', 'Length': 59, 'MAPE': 0.064, 'RMSE': 41.4211, 'MAE': 32.2234, 'SMAPE': 0.0633, 'DiffSMAPE': 0.0633, 'MASE': 0.7264, 'RMSSE': 0.765, 'ErrorMean': 0.0, 'ErrorStdDev': 41.4211, 'R2': 0.9314, 'Pearson': 0.9651, 'MedAE': 29.7718, 'LnQ': 0.3993, 'KS': 0.0847, 'KendallTau': 0.7382, 'MannWhitneyU': 1761.0, 'AUC': 0.5059} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_MO_Forecast') {'Signal': 'VIC_male_MO_Forecast', 'Length': 59, 'MAPE': 0.096, 'RMSE': 58.7812, 'MAE': 48.5688, 'SMAPE': 0.0927, 'DiffSMAPE': 0.0927, 'MASE': 1.0948, 'RMSSE': 1.0856, 'ErrorMean': 0.3784, 'ErrorStdDev': 58.78, 'R2': 0.8619, 'Pearson': 0.9312, 'MedAE': 43.0314, 'LnQ': 0.8072, 'KS': 0.1186, 'KendallTau': 0.6743, 'MannWhitneyU': 1756.0, 'AUC': 0.5045} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_OC_Forecast') {'Signal': 'VIC_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0637, 'RMSE': 41.2287, 'MAE': 31.8898, 'SMAPE': 0.0631, 'DiffSMAPE': 0.0631, 'MASE': 0.7189, 'RMSSE': 0.7614, 'ErrorMean': -1.0447, 'ErrorStdDev': 41.2154, 'R2': 0.9321, 'Pearson': 0.9656, 'MedAE': 29.125, 'LnQ': 0.4139, 'KS': 0.1017, 'KendallTau': 0.7398, 'MannWhitneyU': 1772.0, 'AUC': 0.509} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_PHA_TD_Forecast') {'Signal': 'VIC_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0949, 'RMSE': 58.3733, 'MAE': 47.9532, 'SMAPE': 0.0917, 'DiffSMAPE': 0.0917, 'MASE': 1.081, 'RMSSE': 1.078, 'ErrorMean': 0.4039, 'ErrorStdDev': 58.3719, 'R2': 0.8638, 'Pearson': 0.9318, 'MedAE': 39.2613, 'LnQ': 0.7953, 'KS': 0.1186, 'KendallTau': 0.686, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_AHP_TD_Forecast') {'Signal': 'VIC_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0947, 'RMSE': 58.4427, 'MAE': 48.0893, 'SMAPE': 0.0918, 'DiffSMAPE': 0.0917, 'MASE': 1.084, 'RMSSE': 1.0793, 'ErrorMean': -0.9869, 'ErrorStdDev': 58.4344, 'R2': 0.8635, 'Pearson': 0.9318, 'MedAE': 39.966, 'LnQ': 0.7915, 'KS': 0.1186, 'KendallTau': 0.686, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_BU_Forecast') {'Signal': 'VIC_male_BU_Forecast', 'Length': 59, 'MAPE': 0.064, 'RMSE': 41.4211, 'MAE': 32.2234, 'SMAPE': 0.0633, 'DiffSMAPE': 0.0633, 'MASE': 0.7264, 'RMSSE': 0.765, 'ErrorMean': -0.0, 'ErrorStdDev': 41.4211, 'R2': 0.9314, 'Pearson': 0.9651, 'MedAE': 29.7718, 'LnQ': 0.3993, 'KS': 0.0847, 'KendallTau': 0.7382, 'MannWhitneyU': 1761.0, 'AUC': 0.5059} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_Forecast') {'Signal': 'VIC_male', 'Length': 59, 'MAPE': 0.064, 'RMSE': 41.4211, 'MAE': 32.2234, 'SMAPE': 0.0633, 'DiffSMAPE': 0.0633, 'MASE': 0.7264, 'RMSSE': 0.765, 'ErrorMean': -0.0, 'ErrorStdDev': 41.4211, 'R2': 0.9314, 'Pearson': 0.9651, 'MedAE': 29.7718, 'LnQ': 0.3993, 'KS': 0.0847, 'KendallTau': 0.7382, 'MannWhitneyU': 1761.0, 'AUC': 0.5059} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_BU_Forecast') {'Signal': 'VIC_male_BU_Forecast', 'Length': 59, 'MAPE': 0.064, 'RMSE': 41.4211, 'MAE': 32.2234, 'SMAPE': 0.0633, 'DiffSMAPE': 0.0633, 'MASE': 0.7264, 'RMSSE': 0.765, 'ErrorMean': 0.0, 'ErrorStdDev': 41.4211, 'R2': 0.9314, 'Pearson': 0.9651, 'MedAE': 29.7718, 'LnQ': 0.3993, 'KS': 0.0847, 'KendallTau': 0.7382, 'MannWhitneyU': 1761.0, 'AUC': 0.5059} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_Forecast') {'Signal': 'VIC_male', 'Length': 59, 'MAPE': 0.064, 'RMSE': 41.4211, 'MAE': 32.2234, 'SMAPE': 0.0633, 'DiffSMAPE': 0.0633, 'MASE': 0.7264, 'RMSSE': 0.765, 'ErrorMean': 0.0, 'ErrorStdDev': 41.4211, 'R2': 0.9314, 'Pearson': 0.9651, 'MedAE': 29.7718, 'LnQ': 0.3993, 'KS': 0.0847, 'KendallTau': 0.7382, 'MannWhitneyU': 1761.0, 'AUC': 0.5059} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_MO_Forecast') {'Signal': 'VIC_male_MO_Forecast', 'Length': 59, 'MAPE': 0.096, 'RMSE': 58.7812, 'MAE': 48.5688, 'SMAPE': 0.0927, 'DiffSMAPE': 0.0927, 'MASE': 1.0948, 'RMSSE': 1.0856, 'ErrorMean': 0.3784, 'ErrorStdDev': 58.78, 'R2': 0.8619, 'Pearson': 0.9312, 'MedAE': 43.0314, 'LnQ': 0.8072, 'KS': 0.1186, 'KendallTau': 0.6743, 'MannWhitneyU': 1756.0, 'AUC': 0.5045} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_OC_Forecast') {'Signal': 'VIC_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0637, 'RMSE': 41.2287, 'MAE': 31.8898, 'SMAPE': 0.0631, 'DiffSMAPE': 0.0631, 'MASE': 0.7189, 'RMSSE': 0.7614, 'ErrorMean': -1.0447, 'ErrorStdDev': 41.2154, 'R2': 0.9321, 'Pearson': 0.9656, 'MedAE': 29.125, 'LnQ': 0.4139, 'KS': 0.1017, 'KendallTau': 0.7398, 'MannWhitneyU': 1772.0, 'AUC': 0.509} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_PHA_TD_Forecast') {'Signal': 'VIC_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0949, 'RMSE': 58.3733, 'MAE': 47.9532, 'SMAPE': 0.0917, 'DiffSMAPE': 0.0917, 'MASE': 1.081, 'RMSSE': 1.078, 'ErrorMean': 0.4039, 'ErrorStdDev': 58.3719, 'R2': 0.8638, 'Pearson': 0.9318, 'MedAE': 39.2613, 'LnQ': 0.7953, 'KS': 0.1186, 'KendallTau': 0.686, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_AHP_TD_Forecast') {'Signal': 'VIC_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0947, 'RMSE': 58.4427, 'MAE': 48.0893, 'SMAPE': 0.0918, 'DiffSMAPE': 0.0917, 'MASE': 1.084, 'RMSSE': 1.0793, 'ErrorMean': -0.9869, 'ErrorStdDev': 58.4344, 'R2': 0.8635, 'Pearson': 0.9318, 'MedAE': 39.966, 'LnQ': 0.7915, 'KS': 0.1186, 'KendallTau': 0.686, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_BU_Forecast') {'Signal': 'VIC_male_BU_Forecast', 'Length': 59, 'MAPE': 0.064, 'RMSE': 41.4211, 'MAE': 32.2234, 'SMAPE': 0.0633, 'DiffSMAPE': 0.0633, 'MASE': 0.7264, 'RMSSE': 0.765, 'ErrorMean': -0.0, 'ErrorStdDev': 41.4211, 'R2': 0.9314, 'Pearson': 0.9651, 'MedAE': 29.7718, 'LnQ': 0.3993, 'KS': 0.0847, 'KendallTau': 0.7382, 'MannWhitneyU': 1761.0, 'AUC': 0.5059} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_Forecast') {'Signal': 'VIC_male', 'Length': 59, 'MAPE': 0.064, 'RMSE': 41.4211, 'MAE': 32.2234, 'SMAPE': 0.0633, 'DiffSMAPE': 0.0633, 'MASE': 0.7264, 'RMSSE': 0.765, 'ErrorMean': -0.0, 'ErrorStdDev': 41.4211, 'R2': 0.9314, 'Pearson': 0.9651, 'MedAE': 29.7718, 'LnQ': 0.3993, 'KS': 0.0847, 'KendallTau': 0.7382, 'MannWhitneyU': 1761.0, 'AUC': 0.5059} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_BU_Forecast') {'Signal': 'VIC_male_BU_Forecast', 'Length': 59, 'MAPE': 0.064, 'RMSE': 41.4211, 'MAE': 32.2234, 'SMAPE': 0.0633, 'DiffSMAPE': 0.0633, 'MASE': 0.7264, 'RMSSE': 0.765, 'ErrorMean': 0.0, 'ErrorStdDev': 41.4211, 'R2': 0.9314, 'Pearson': 0.9651, 'MedAE': 29.7718, 'LnQ': 0.3993, 'KS': 0.0847, 'KendallTau': 0.7382, 'MannWhitneyU': 1761.0, 'AUC': 0.5059} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_Forecast') {'Signal': 'VIC_male', 'Length': 59, 'MAPE': 0.064, 'RMSE': 41.4211, 'MAE': 32.2234, 'SMAPE': 0.0633, 'DiffSMAPE': 0.0633, 'MASE': 0.7264, 'RMSSE': 0.765, 'ErrorMean': 0.0, 'ErrorStdDev': 41.4211, 'R2': 0.9314, 'Pearson': 0.9651, 'MedAE': 29.7718, 'LnQ': 0.3993, 'KS': 0.0847, 'KendallTau': 0.7382, 'MannWhitneyU': 1761.0, 'AUC': 0.5059} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_MO_Forecast') {'Signal': 'VIC_male_MO_Forecast', 'Length': 59, 'MAPE': 0.096, 'RMSE': 58.7812, 'MAE': 48.5688, 'SMAPE': 0.0927, 'DiffSMAPE': 0.0927, 'MASE': 1.0948, 'RMSSE': 1.0856, 'ErrorMean': 0.3784, 'ErrorStdDev': 58.78, 'R2': 0.8619, 'Pearson': 0.9312, 'MedAE': 43.0314, 'LnQ': 0.8072, 'KS': 0.1186, 'KendallTau': 0.6743, 'MannWhitneyU': 1756.0, 'AUC': 0.5045} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_OC_Forecast') {'Signal': 'VIC_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0637, 'RMSE': 41.2287, 'MAE': 31.8898, 'SMAPE': 0.0631, 'DiffSMAPE': 0.0631, 'MASE': 0.7189, 'RMSSE': 0.7614, 'ErrorMean': -1.0447, 'ErrorStdDev': 41.2154, 'R2': 0.9321, 'Pearson': 0.9656, 'MedAE': 29.125, 'LnQ': 0.4139, 'KS': 0.1017, 'KendallTau': 0.7398, 'MannWhitneyU': 1772.0, 'AUC': 0.509} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_PHA_TD_Forecast') {'Signal': 'VIC_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0949, 'RMSE': 58.3733, 'MAE': 47.9532, 'SMAPE': 0.0917, 'DiffSMAPE': 0.0917, 'MASE': 1.081, 'RMSSE': 1.078, 'ErrorMean': 0.4039, 'ErrorStdDev': 58.3719, 'R2': 0.8638, 'Pearson': 0.9318, 'MedAE': 39.2613, 'LnQ': 0.7953, 'KS': 0.1186, 'KendallTau': 0.686, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} @@ -299,20 +299,20 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_female_MO_For INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_female_OC_Forecast') {'Signal': 'WA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.11, 'RMSE': 17.9177, 'MAE': 14.1424, 'SMAPE': 0.1068, 'DiffSMAPE': 0.1068, 'MASE': 0.805, 'RMSSE': 0.8206, 'ErrorMean': 0.0388, 'ErrorStdDev': 17.9177, 'R2': 0.7243, 'Pearson': 0.8569, 'MedAE': 12.0427, 'LnQ': 1.1123, 'KS': 0.1186, 'KendallTau': 0.629, 'MannWhitneyU': 1751.0, 'AUC': 0.503} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_female_PHA_TD_Forecast') {'Signal': 'WA_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1353, 'RMSE': 25.406, 'MAE': 18.2064, 'SMAPE': 0.135, 'DiffSMAPE': 0.135, 'MASE': 1.0363, 'RMSSE': 1.1636, 'ErrorMean': 0.0993, 'ErrorStdDev': 25.4058, 'R2': 0.4457, 'Pearson': 0.7189, 'MedAE': 13.504, 'LnQ': 1.9231, 'KS': 0.1356, 'KendallTau': 0.4637, 'MannWhitneyU': 1661.0, 'AUC': 0.4772} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_AHP_TD_Forecast') {'Signal': 'WA_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1201, 'RMSE': 29.6916, 'MAE': 22.5706, 'SMAPE': 0.12, 'DiffSMAPE': 0.12, 'MASE': 1.3482, 'RMSSE': 1.3781, 'ErrorMean': 4.4975, 'ErrorStdDev': 29.349, 'R2': 0.5032, 'Pearson': 0.7813, 'MedAE': 18.9973, 'LnQ': 1.3638, 'KS': 0.2203, 'KendallTau': 0.5155, 'MannWhitneyU': 1546.0, 'AUC': 0.4441} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_BU_Forecast') {'Signal': 'WA_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0824, 'RMSE': 22.8951, 'MAE': 15.2775, 'SMAPE': 0.082, 'DiffSMAPE': 0.082, 'MASE': 0.9126, 'RMSSE': 1.0627, 'ErrorMean': 0.0758, 'ErrorStdDev': 22.8949, 'R2': 0.7046, 'Pearson': 0.8394, 'MedAE': 7.1765, 'LnQ': 0.8423, 'KS': 0.1017, 'KendallTau': 0.532, 'MannWhitneyU': 1709.0, 'AUC': 0.491} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_Forecast') {'Signal': 'WA_male', 'Length': 59, 'MAPE': 0.0824, 'RMSE': 22.8951, 'MAE': 15.2775, 'SMAPE': 0.082, 'DiffSMAPE': 0.082, 'MASE': 0.9126, 'RMSSE': 1.0627, 'ErrorMean': 0.0758, 'ErrorStdDev': 22.8949, 'R2': 0.7046, 'Pearson': 0.8394, 'MedAE': 7.1765, 'LnQ': 0.8423, 'KS': 0.1017, 'KendallTau': 0.532, 'MannWhitneyU': 1709.0, 'AUC': 0.491} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_BU_Forecast') {'Signal': 'WA_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0824, 'RMSE': 22.8951, 'MAE': 15.2775, 'SMAPE': 0.082, 'DiffSMAPE': 0.082, 'MASE': 0.9126, 'RMSSE': 1.0627, 'ErrorMean': 0.0758, 'ErrorStdDev': 22.8949, 'R2': 0.7046, 'Pearson': 0.8394, 'MedAE': 7.1765, 'LnQ': 0.8423, 'KS': 0.1017, 'KendallTau': 0.532, 'MannWhitneyU': 1710.0, 'AUC': 0.4912} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_Forecast') {'Signal': 'WA_male', 'Length': 59, 'MAPE': 0.0824, 'RMSE': 22.8951, 'MAE': 15.2775, 'SMAPE': 0.082, 'DiffSMAPE': 0.082, 'MASE': 0.9126, 'RMSSE': 1.0627, 'ErrorMean': 0.0758, 'ErrorStdDev': 22.8949, 'R2': 0.7046, 'Pearson': 0.8394, 'MedAE': 7.1765, 'LnQ': 0.8423, 'KS': 0.1017, 'KendallTau': 0.532, 'MannWhitneyU': 1710.0, 'AUC': 0.4912} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_MO_Forecast') {'Signal': 'WA_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1102, 'RMSE': 28.4643, 'MAE': 20.6665, 'SMAPE': 0.1128, 'DiffSMAPE': 0.1128, 'MASE': 1.2345, 'RMSSE': 1.3212, 'ErrorMean': 0.1242, 'ErrorStdDev': 28.4641, 'R2': 0.5434, 'Pearson': 0.7859, 'MedAE': 15.3385, 'LnQ': 1.316, 'KS': 0.1525, 'KendallTau': 0.5202, 'MannWhitneyU': 1653.0, 'AUC': 0.4749} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_OC_Forecast') {'Signal': 'WA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0969, 'RMSE': 25.8806, 'MAE': 17.4322, 'SMAPE': 0.0967, 'DiffSMAPE': 0.0967, 'MASE': 1.0413, 'RMSSE': 1.2012, 'ErrorMean': -0.9689, 'ErrorStdDev': 25.8625, 'R2': 0.6226, 'Pearson': 0.7897, 'MedAE': 10.1884, 'LnQ': 1.1522, 'KS': 0.1186, 'KendallTau': 0.532, 'MannWhitneyU': 1775.0, 'AUC': 0.5099} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_PHA_TD_Forecast') {'Signal': 'WA_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1112, 'RMSE': 28.8917, 'MAE': 20.9157, 'SMAPE': 0.1138, 'DiffSMAPE': 0.1138, 'MASE': 1.2493, 'RMSSE': 1.341, 'ErrorMean': 0.1325, 'ErrorStdDev': 28.8914, 'R2': 0.5296, 'Pearson': 0.7813, 'MedAE': 15.3011, 'LnQ': 1.3461, 'KS': 0.1356, 'KendallTau': 0.5155, 'MannWhitneyU': 1657.0, 'AUC': 0.476} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_AHP_TD_Forecast') {'Signal': 'WA_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1201, 'RMSE': 29.6916, 'MAE': 22.5706, 'SMAPE': 0.12, 'DiffSMAPE': 0.12, 'MASE': 1.3482, 'RMSSE': 1.3781, 'ErrorMean': 4.4975, 'ErrorStdDev': 29.349, 'R2': 0.5032, 'Pearson': 0.7813, 'MedAE': 18.9973, 'LnQ': 1.3638, 'KS': 0.2203, 'KendallTau': 0.5155, 'MannWhitneyU': 1546.0, 'AUC': 0.4441} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_BU_Forecast') {'Signal': 'WA_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0824, 'RMSE': 22.8951, 'MAE': 15.2775, 'SMAPE': 0.082, 'DiffSMAPE': 0.082, 'MASE': 0.9126, 'RMSSE': 1.0627, 'ErrorMean': 0.0758, 'ErrorStdDev': 22.8949, 'R2': 0.7046, 'Pearson': 0.8394, 'MedAE': 7.1765, 'LnQ': 0.8423, 'KS': 0.1017, 'KendallTau': 0.532, 'MannWhitneyU': 1709.0, 'AUC': 0.491} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_Forecast') {'Signal': 'WA_male', 'Length': 59, 'MAPE': 0.0824, 'RMSE': 22.8951, 'MAE': 15.2775, 'SMAPE': 0.082, 'DiffSMAPE': 0.082, 'MASE': 0.9126, 'RMSSE': 1.0627, 'ErrorMean': 0.0758, 'ErrorStdDev': 22.8949, 'R2': 0.7046, 'Pearson': 0.8394, 'MedAE': 7.1765, 'LnQ': 0.8423, 'KS': 0.1017, 'KendallTau': 0.532, 'MannWhitneyU': 1709.0, 'AUC': 0.491} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_BU_Forecast') {'Signal': 'WA_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0824, 'RMSE': 22.8951, 'MAE': 15.2775, 'SMAPE': 0.082, 'DiffSMAPE': 0.082, 'MASE': 0.9126, 'RMSSE': 1.0627, 'ErrorMean': 0.0758, 'ErrorStdDev': 22.8949, 'R2': 0.7046, 'Pearson': 0.8394, 'MedAE': 7.1765, 'LnQ': 0.8423, 'KS': 0.1017, 'KendallTau': 0.532, 'MannWhitneyU': 1710.0, 'AUC': 0.4912} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_Forecast') {'Signal': 'WA_male', 'Length': 59, 'MAPE': 0.0824, 'RMSE': 22.8951, 'MAE': 15.2775, 'SMAPE': 0.082, 'DiffSMAPE': 0.082, 'MASE': 0.9126, 'RMSSE': 1.0627, 'ErrorMean': 0.0758, 'ErrorStdDev': 22.8949, 'R2': 0.7046, 'Pearson': 0.8394, 'MedAE': 7.1765, 'LnQ': 0.8423, 'KS': 0.1017, 'KendallTau': 0.532, 'MannWhitneyU': 1710.0, 'AUC': 0.4912} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_MO_Forecast') {'Signal': 'WA_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1102, 'RMSE': 28.4643, 'MAE': 20.6665, 'SMAPE': 0.1128, 'DiffSMAPE': 0.1128, 'MASE': 1.2345, 'RMSSE': 1.3212, 'ErrorMean': 0.1242, 'ErrorStdDev': 28.4641, 'R2': 0.5434, 'Pearson': 0.7859, 'MedAE': 15.3385, 'LnQ': 1.316, 'KS': 0.1525, 'KendallTau': 0.5202, 'MannWhitneyU': 1653.0, 'AUC': 0.4749} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_OC_Forecast') {'Signal': 'WA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0969, 'RMSE': 25.8806, 'MAE': 17.4322, 'SMAPE': 0.0967, 'DiffSMAPE': 0.0967, 'MASE': 1.0413, 'RMSSE': 1.2012, 'ErrorMean': -0.9689, 'ErrorStdDev': 25.8625, 'R2': 0.6226, 'Pearson': 0.7897, 'MedAE': 10.1884, 'LnQ': 1.1522, 'KS': 0.1186, 'KendallTau': 0.532, 'MannWhitneyU': 1775.0, 'AUC': 0.5099} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_PHA_TD_Forecast') {'Signal': 'WA_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1112, 'RMSE': 28.8917, 'MAE': 20.9157, 'SMAPE': 0.1138, 'DiffSMAPE': 0.1138, 'MASE': 1.2493, 'RMSSE': 1.341, 'ErrorMean': 0.1325, 'ErrorStdDev': 28.8914, 'R2': 0.5296, 'Pearson': 0.7813, 'MedAE': 15.3011, 'LnQ': 1.3461, 'KS': 0.1356, 'KendallTau': 0.5155, 'MannWhitneyU': 1657.0, 'AUC': 0.476} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_AHP_TD_Forecast') {'Signal': 'WA_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1201, 'RMSE': 29.6916, 'MAE': 22.5706, 'SMAPE': 0.12, 'DiffSMAPE': 0.12, 'MASE': 1.3482, 'RMSSE': 1.3781, 'ErrorMean': 4.4975, 'ErrorStdDev': 29.349, 'R2': 0.5032, 'Pearson': 0.7813, 'MedAE': 18.9973, 'LnQ': 1.3638, 'KS': 0.2203, 'KendallTau': 0.5155, 'MannWhitneyU': 1546.0, 'AUC': 0.4441} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_BU_Forecast') {'Signal': 'WA_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0824, 'RMSE': 22.8951, 'MAE': 15.2775, 'SMAPE': 0.082, 'DiffSMAPE': 0.082, 'MASE': 0.9126, 'RMSSE': 1.0627, 'ErrorMean': 0.0758, 'ErrorStdDev': 22.8949, 'R2': 0.7046, 'Pearson': 0.8394, 'MedAE': 7.1765, 'LnQ': 0.8423, 'KS': 0.1017, 'KendallTau': 0.532, 'MannWhitneyU': 1709.0, 'AUC': 0.491} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_Forecast') {'Signal': 'WA_male', 'Length': 59, 'MAPE': 0.0824, 'RMSE': 22.8951, 'MAE': 15.2775, 'SMAPE': 0.082, 'DiffSMAPE': 0.082, 'MASE': 0.9126, 'RMSSE': 1.0627, 'ErrorMean': 0.0758, 'ErrorStdDev': 22.8949, 'R2': 0.7046, 'Pearson': 0.8394, 'MedAE': 7.1765, 'LnQ': 0.8423, 'KS': 0.1017, 'KendallTau': 0.532, 'MannWhitneyU': 1709.0, 'AUC': 0.491} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_BU_Forecast') {'Signal': 'WA_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0824, 'RMSE': 22.8951, 'MAE': 15.2775, 'SMAPE': 0.082, 'DiffSMAPE': 0.082, 'MASE': 0.9126, 'RMSSE': 1.0627, 'ErrorMean': 0.0758, 'ErrorStdDev': 22.8949, 'R2': 0.7046, 'Pearson': 0.8394, 'MedAE': 7.1765, 'LnQ': 0.8423, 'KS': 0.1017, 'KendallTau': 0.532, 'MannWhitneyU': 1710.0, 'AUC': 0.4912} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_Forecast') {'Signal': 'WA_male', 'Length': 59, 'MAPE': 0.0824, 'RMSE': 22.8951, 'MAE': 15.2775, 'SMAPE': 0.082, 'DiffSMAPE': 0.082, 'MASE': 0.9126, 'RMSSE': 1.0627, 'ErrorMean': 0.0758, 'ErrorStdDev': 22.8949, 'R2': 0.7046, 'Pearson': 0.8394, 'MedAE': 7.1765, 'LnQ': 0.8423, 'KS': 0.1017, 'KendallTau': 0.532, 'MannWhitneyU': 1710.0, 'AUC': 0.4912} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_MO_Forecast') {'Signal': 'WA_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1102, 'RMSE': 28.4643, 'MAE': 20.6665, 'SMAPE': 0.1128, 'DiffSMAPE': 0.1128, 'MASE': 1.2345, 'RMSSE': 1.3212, 'ErrorMean': 0.1242, 'ErrorStdDev': 28.4641, 'R2': 0.5434, 'Pearson': 0.7859, 'MedAE': 15.3385, 'LnQ': 1.316, 'KS': 0.1525, 'KendallTau': 0.5202, 'MannWhitneyU': 1653.0, 'AUC': 0.4749} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_OC_Forecast') {'Signal': 'WA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0969, 'RMSE': 25.8806, 'MAE': 17.4322, 'SMAPE': 0.0967, 'DiffSMAPE': 0.0967, 'MASE': 1.0413, 'RMSSE': 1.2012, 'ErrorMean': -0.9689, 'ErrorStdDev': 25.8625, 'R2': 0.6226, 'Pearson': 0.7897, 'MedAE': 10.1884, 'LnQ': 1.1522, 'KS': 0.1186, 'KendallTau': 0.532, 'MannWhitneyU': 1775.0, 'AUC': 0.5099} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_PHA_TD_Forecast') {'Signal': 'WA_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1112, 'RMSE': 28.8917, 'MAE': 20.9157, 'SMAPE': 0.1138, 'DiffSMAPE': 0.1138, 'MASE': 1.2493, 'RMSSE': 1.341, 'ErrorMean': 0.1325, 'ErrorStdDev': 28.8914, 'R2': 0.5296, 'Pearson': 0.7813, 'MedAE': 15.3011, 'LnQ': 1.3461, 'KS': 0.1356, 'KendallTau': 0.5155, 'MannWhitneyU': 1657.0, 'AUC': 0.476} @@ -372,7 +372,7 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__Forecast') {'S INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__MO_Forecast') {'Signal': '__MO_Forecast', 'Length': 59, 'MAPE': 0.0622, 'RMSE': 321.2735, 'MAE': 218.8448, 'SMAPE': 0.0614, 'DiffSMAPE': 0.0614, 'MASE': 1.1218, 'RMSSE': 1.3425, 'ErrorMean': 2.5532, 'ErrorStdDev': 321.2634, 'R2': 0.9112, 'Pearson': 0.9554, 'MedAE': 120.9859, 'LnQ': 0.4852, 'KS': 0.1356, 'KendallTau': 0.7779, 'MannWhitneyU': 1753.0, 'AUC': 0.5036} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__OC_Forecast') {'Signal': '__OC_Forecast', 'Length': 59, 'MAPE': 0.0627, 'RMSE': 316.9996, 'MAE': 219.801, 'SMAPE': 0.0619, 'DiffSMAPE': 0.0619, 'MASE': 1.1267, 'RMSSE': 1.3246, 'ErrorMean': 3.1258, 'ErrorStdDev': 316.9842, 'R2': 0.9136, 'Pearson': 0.9567, 'MedAE': 141.0193, 'LnQ': 0.4784, 'KS': 0.1186, 'KendallTau': 0.7802, 'MannWhitneyU': 1755.0, 'AUC': 0.5042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__PHA_TD_Forecast') {'Signal': '__PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0637, 'RMSE': 319.9927, 'MAE': 222.1885, 'SMAPE': 0.0628, 'DiffSMAPE': 0.0628, 'MASE': 1.1389, 'RMSSE': 1.3371, 'ErrorMean': 2.9091, 'ErrorStdDev': 319.9795, 'R2': 0.9119, 'Pearson': 0.9559, 'MedAE': 133.5202, 'LnQ': 0.4938, 'KS': 0.1186, 'KendallTau': 0.7826, 'MannWhitneyU': 1749.0, 'AUC': 0.5024} -INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 241.305 +INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 37.057 INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='ACT_female' Length=59 Min=0 Max=36 Mean=12.40678 StdDev=9.085505 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='Diff_ACT_female' Min=-0.416667 Max=0.361111 Mean=0.004237 StdDev=0.14768 @@ -1817,7 +1817,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "1": { "AUC": 0.5053, "DiffSMAPE": 0.0647, - "ErrorMean": -0.0, + "ErrorMean": 0.0, "ErrorStdDev": 24.0602, "KS": 0.0678, "KendallTau": 0.7088, @@ -1900,7 +1900,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model_Performance": { "1": { - "AUC": 0.5045, + "AUC": 0.5042, "DiffSMAPE": 0.0775, "ErrorMean": -0.0453, "ErrorStdDev": 34.3713, @@ -1911,7 +1911,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "MAE": 24.92, "MAPE": 0.0791, "MASE": 1.0406, - "MannWhitneyU": 1756.0, + "MannWhitneyU": 1755.0, "MedAE": 22.9561, "Pearson": 0.9256, "R2": 0.8548, @@ -2157,7 +2157,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "1": { "AUC": 0.5019, "DiffSMAPE": 0.0791, - "ErrorMean": -0.0, + "ErrorMean": 0.0, "ErrorStdDev": 8.1319, "KS": 0.0678, "KendallTau": 0.825, @@ -2178,7 +2178,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "12": { "AUC": 0.5019, "DiffSMAPE": 0.0791, - "ErrorMean": -0.0, + "ErrorMean": 0.0, "ErrorStdDev": 8.1319, "KS": 0.0678, "KendallTau": 0.825, @@ -2242,7 +2242,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "1": { "AUC": 0.5019, "DiffSMAPE": 0.0791, - "ErrorMean": -0.0, + "ErrorMean": 0.0, "ErrorStdDev": 8.1319, "KS": 0.0678, "KendallTau": 0.825, @@ -2263,7 +2263,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "12": { "AUC": 0.5019, "DiffSMAPE": 0.0791, - "ErrorMean": -0.0, + "ErrorMean": 0.0, "ErrorStdDev": 8.1319, "KS": 0.0678, "KendallTau": 0.825, @@ -2412,7 +2412,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "1": { "AUC": 0.5059, "DiffSMAPE": 0.0633, - "ErrorMean": -0.0, + "ErrorMean": 0.0, "ErrorStdDev": 41.4211, "KS": 0.0847, "KendallTau": 0.7382, @@ -2580,7 +2580,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model_Performance": { "1": { - "AUC": 0.491, + "AUC": 0.4912, "DiffSMAPE": 0.082, "ErrorMean": 0.0758, "ErrorStdDev": 22.8949, @@ -2591,7 +2591,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "MAE": 15.2775, "MAPE": 0.0824, "MASE": 0.9126, - "MannWhitneyU": 1709.0, + "MannWhitneyU": 1710.0, "MedAE": 7.1765, "Pearson": 0.8394, "R2": 0.7046, @@ -2928,7 +2928,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al ] } }, - "Training_Time": 241.305 + "Training_Time": 37.057 }INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male', '_female', '_male', '_'], 'Horizons': {'ACT_female': 12, 'ACT_male': 12, 'NSW_female': 12, 'NSW_male': 12, 'NT_female': 12, 'NT_male': 12, 'QLD_female': 12, 'QLD_male': 12, 'SA_female': 12, 'SA_male': 12, 'TAS_female': 12, 'TAS_male': 12, 'VIC_female': 12, 'VIC_male': 12, 'WA_female': 12, 'WA_male': 12, '_female': 12, '_male': 12, '_': 12}} @@ -2936,11 +2936,11 @@ INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'N -INFO:pyaf.std:FORECASTING_ENGINE_END 22.382 +INFO:pyaf.std:FORECASTING_ENGINE_END 7.609 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU', 'TD', 'MO', 'OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD PHA_TD INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_MIDDLE_OUT_METHOD MO INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_OPTIMAL_COMBINATION_METHOD OC -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_grouped_signals_AllMethods_Exogenous_all_nodes_force_ARX.py', 'ElapsedTimeSecs':(279.32, 4.47, 169.35), 'MAX_MEM_KB':177852, 'CPU_PRCNT':'62%', 'FILES_IN':8, 'FILES_OUT':1424, 'EXIT_STATUS':0} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_grouped_signals_AllMethods_Exogenous_all_nodes_force_ARX.py', 'ElapsedTimeSecs':(46.45, 7.04, 288.97), 'MAX_MEM_KB':176320, 'CPU_PRCNT':'637%', 'FILES_IN':0, 'FILES_OUT':1488, 'EXIT_STATUS':0} diff --git a/tests/references/hierarchical/test_grouped_signals_AllMethods_Exogenous_all_nodes_force_XGBX.log b/tests/references/hierarchical/test_grouped_signals_AllMethods_Exogenous_all_nodes_force_XGBX.log index c801c61b5..8b4138f6f 100644 --- a/tests/references/hierarchical/test_grouped_signals_AllMethods_Exogenous_all_nodes_force_XGBX.log +++ b/tests/references/hierarchical/test_grouped_signals_AllMethods_Exogenous_all_nodes_force_XGBX.log @@ -2,13 +2,13 @@ INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_START INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male', '_female', '_male', '_'], 'Horizons': {'ACT_female': 12, 'ACT_male': 12, 'NSW_female': 12, 'NSW_male': 12, 'NT_female': 12, 'NT_male': 12, 'QLD_female': 12, 'QLD_male': 12, 'SA_female': 12, 'SA_male': 12, 'TAS_female': 12, 'TAS_male': 12, 'VIC_female': 12, 'VIC_male': 12, 'WA_female': 12, 'WA_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 195.403 +INFO:pyaf.std:TRAINING_ENGINE_END 21.857 INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_END INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_COMPUTE_TOP_DOWN_HISTORICAL_PROPORTIONS INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male', '_female', '_male', '_'], 'Horizons': {'ACT_female': 12, 'ACT_male': 12, 'NSW_female': 12, 'NSW_male': 12, 'NT_female': 12, 'NT_male': 12, 'QLD_female': 12, 'QLD_male': 12, 'SA_female': 12, 'SA_male': 12, 'TAS_female': 12, 'TAS_male': 12, 'VIC_female': 12, 'VIC_male': 12, 'WA_female': 12, 'WA_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 47.687 +INFO:pyaf.std:FORECASTING_ENGINE_END 5.165 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU', 'TD', 'MO', 'OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD @@ -28,351 +28,351 @@ INFO:pyaf.hierarchical:DATASET_COLUMNS Index(['Index', 'ACT_female', 'ACT_female '_male_OC_Forecast', '__OC_Forecast'], dtype='object', length=172) INFO:pyaf.hierarchical:STRUCTURE_LEVEL (0, ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male']) -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9678295993.4537, 'RMSE': 12.2867, 'MAE': 11.0536, 'SMAPE': 0.8742, 'DiffSMAPE': 0.8705, 'MASE': 2.6168, 'RMSSE': 2.2904, 'ErrorMean': 3.2424, 'ErrorStdDev': 11.8511, 'R2': -0.8288, 'Pearson': -0.5688, 'MedAE': 11.6777, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4263, 'MannWhitneyU': 1290.0, 'AUC': 0.3706} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1063268301.5015, 'RMSE': 2.463, 'MAE': 1.8928, 'SMAPE': 0.3057, 'DiffSMAPE': 0.2976, 'MASE': 0.4481, 'RMSSE': 0.4591, 'ErrorMean': 0.6556, 'ErrorStdDev': 2.3741, 'R2': 0.9265, 'Pearson': 0.9661, 'MedAE': 1.5721, 'LnQ': inf, 'KS': 0.1017, 'KendallTau': 0.8426, 'MannWhitneyU': 1638.0, 'AUC': 0.4706} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1063268301.5015, 'RMSE': 2.463, 'MAE': 1.8928, 'SMAPE': 0.3057, 'DiffSMAPE': 0.2976, 'MASE': 0.4481, 'RMSSE': 0.4591, 'ErrorMean': 0.6556, 'ErrorStdDev': 2.3741, 'R2': 0.9265, 'Pearson': 0.9661, 'MedAE': 1.5721, 'LnQ': inf, 'KS': 0.1017, 'KendallTau': 0.8426, 'MannWhitneyU': 1638.0, 'AUC': 0.4706} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7877090196.4893, 'RMSE': 11.3364, 'MAE': 10.2358, 'SMAPE': 0.8925, 'DiffSMAPE': 0.8882, 'MASE': 2.4232, 'RMSSE': 2.1133, 'ErrorMean': 0.1966, 'ErrorStdDev': 11.3346, 'R2': -0.5569, 'Pearson': -0.5893, 'MedAE': 11.2231, 'LnQ': inf, 'KS': 0.3898, 'KendallTau': -0.4216, 'MannWhitneyU': 1607.0, 'AUC': 0.4616} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 4282251009.3511, 'RMSE': 5.7379, 'MAE': 4.6693, 'SMAPE': 0.6521, 'DiffSMAPE': 0.6424, 'MASE': 1.1054, 'RMSSE': 1.0696, 'ErrorMean': -0.3104, 'ErrorStdDev': 5.7295, 'R2': 0.6011, 'Pearson': 0.8064, 'MedAE': 4.3567, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.6511, 'MannWhitneyU': 1738.0, 'AUC': 0.4993} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7792842437.4021, 'RMSE': 11.2542, 'MAE': 10.1464, 'SMAPE': 0.8876, 'DiffSMAPE': 0.8834, 'MASE': 2.402, 'RMSSE': 2.098, 'ErrorMean': 0.1937, 'ErrorStdDev': 11.2526, 'R2': -0.5344, 'Pearson': -0.5688, 'MedAE': 11.1531, 'LnQ': inf, 'KS': 0.3898, 'KendallTau': -0.4263, 'MannWhitneyU': 1595.0, 'AUC': 0.4582} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9678295993.4537, 'RMSE': 12.2867, 'MAE': 11.0536, 'SMAPE': 0.8742, 'DiffSMAPE': 0.8705, 'MASE': 2.6168, 'RMSSE': 2.2904, 'ErrorMean': 3.2424, 'ErrorStdDev': 11.8511, 'R2': -0.8288, 'Pearson': -0.5688, 'MedAE': 11.6777, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4263, 'MannWhitneyU': 1290.0, 'AUC': 0.3706} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1063268301.5015, 'RMSE': 2.463, 'MAE': 1.8928, 'SMAPE': 0.3057, 'DiffSMAPE': 0.2976, 'MASE': 0.4481, 'RMSSE': 0.4591, 'ErrorMean': 0.6556, 'ErrorStdDev': 2.3741, 'R2': 0.9265, 'Pearson': 0.9661, 'MedAE': 1.5721, 'LnQ': inf, 'KS': 0.1017, 'KendallTau': 0.8426, 'MannWhitneyU': 1638.0, 'AUC': 0.4706} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1063268301.5015, 'RMSE': 2.463, 'MAE': 1.8928, 'SMAPE': 0.3057, 'DiffSMAPE': 0.2976, 'MASE': 0.4481, 'RMSSE': 0.4591, 'ErrorMean': 0.6556, 'ErrorStdDev': 2.3741, 'R2': 0.9265, 'Pearson': 0.9661, 'MedAE': 1.5721, 'LnQ': inf, 'KS': 0.1017, 'KendallTau': 0.8426, 'MannWhitneyU': 1638.0, 'AUC': 0.4706} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7877090196.4893, 'RMSE': 11.3364, 'MAE': 10.2358, 'SMAPE': 0.8925, 'DiffSMAPE': 0.8882, 'MASE': 2.4232, 'RMSSE': 2.1133, 'ErrorMean': 0.1966, 'ErrorStdDev': 11.3346, 'R2': -0.5569, 'Pearson': -0.5893, 'MedAE': 11.2231, 'LnQ': inf, 'KS': 0.3898, 'KendallTau': -0.4216, 'MannWhitneyU': 1607.0, 'AUC': 0.4616} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 4282251009.3511, 'RMSE': 5.7379, 'MAE': 4.6693, 'SMAPE': 0.6521, 'DiffSMAPE': 0.6424, 'MASE': 1.1054, 'RMSSE': 1.0696, 'ErrorMean': -0.3104, 'ErrorStdDev': 5.7295, 'R2': 0.6011, 'Pearson': 0.8064, 'MedAE': 4.3567, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.6511, 'MannWhitneyU': 1738.0, 'AUC': 0.4993} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7792842437.4021, 'RMSE': 11.2542, 'MAE': 10.1464, 'SMAPE': 0.8876, 'DiffSMAPE': 0.8834, 'MASE': 2.402, 'RMSSE': 2.098, 'ErrorMean': 0.1937, 'ErrorStdDev': 11.2526, 'R2': -0.5344, 'Pearson': -0.5688, 'MedAE': 11.1531, 'LnQ': inf, 'KS': 0.3898, 'KendallTau': -0.4263, 'MannWhitneyU': 1595.0, 'AUC': 0.4582} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9678295993.4537, 'RMSE': 12.2867, 'MAE': 11.0536, 'SMAPE': 0.8742, 'DiffSMAPE': 0.8705, 'MASE': 2.6168, 'RMSSE': 2.2904, 'ErrorMean': 3.2424, 'ErrorStdDev': 11.8511, 'R2': -0.8288, 'Pearson': -0.5688, 'MedAE': 11.6777, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4263, 'MannWhitneyU': 1290.0, 'AUC': 0.3706} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1063268301.5015, 'RMSE': 2.463, 'MAE': 1.8928, 'SMAPE': 0.3057, 'DiffSMAPE': 0.2976, 'MASE': 0.4481, 'RMSSE': 0.4591, 'ErrorMean': 0.6556, 'ErrorStdDev': 2.3741, 'R2': 0.9265, 'Pearson': 0.9661, 'MedAE': 1.5721, 'LnQ': inf, 'KS': 0.1017, 'KendallTau': 0.8426, 'MannWhitneyU': 1638.0, 'AUC': 0.4706} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1063268301.5015, 'RMSE': 2.463, 'MAE': 1.8928, 'SMAPE': 0.3057, 'DiffSMAPE': 0.2976, 'MASE': 0.4481, 'RMSSE': 0.4591, 'ErrorMean': 0.6556, 'ErrorStdDev': 2.3741, 'R2': 0.9265, 'Pearson': 0.9661, 'MedAE': 1.5721, 'LnQ': inf, 'KS': 0.1017, 'KendallTau': 0.8426, 'MannWhitneyU': 1638.0, 'AUC': 0.4706} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7877090196.4893, 'RMSE': 11.3364, 'MAE': 10.2358, 'SMAPE': 0.8925, 'DiffSMAPE': 0.8882, 'MASE': 2.4232, 'RMSSE': 2.1133, 'ErrorMean': 0.1966, 'ErrorStdDev': 11.3346, 'R2': -0.5569, 'Pearson': -0.5893, 'MedAE': 11.2231, 'LnQ': inf, 'KS': 0.3898, 'KendallTau': -0.4216, 'MannWhitneyU': 1607.0, 'AUC': 0.4616} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 4282251009.3511, 'RMSE': 5.7379, 'MAE': 4.6693, 'SMAPE': 0.6521, 'DiffSMAPE': 0.6424, 'MASE': 1.1054, 'RMSSE': 1.0696, 'ErrorMean': -0.3104, 'ErrorStdDev': 5.7295, 'R2': 0.6011, 'Pearson': 0.8064, 'MedAE': 4.3567, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.6511, 'MannWhitneyU': 1738.0, 'AUC': 0.4993} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7792842437.4021, 'RMSE': 11.2542, 'MAE': 10.1464, 'SMAPE': 0.8876, 'DiffSMAPE': 0.8834, 'MASE': 2.402, 'RMSSE': 2.098, 'ErrorMean': 0.1937, 'ErrorStdDev': 11.2526, 'R2': -0.5344, 'Pearson': -0.5688, 'MedAE': 11.1531, 'LnQ': inf, 'KS': 0.3898, 'KendallTau': -0.4263, 'MannWhitneyU': 1595.0, 'AUC': 0.4582} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_AHP_TD_Forecast') {'Signal': 'ACT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.3119, 'RMSE': 17.9004, 'MAE': 16.2916, 'SMAPE': 0.8691, 'DiffSMAPE': 0.8667, 'MASE': 3.1923, 'RMSSE': 2.5644, 'ErrorMean': 4.4261, 'ErrorStdDev': 17.3445, 'R2': -0.7674, 'Pearson': -0.535, 'MedAE': 17.7627, 'LnQ': 106.8036, 'KS': 0.3898, 'KendallTau': -0.4217, 'MannWhitneyU': 1245.0, 'AUC': 0.3577} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_BU_Forecast') {'Signal': 'ACT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.4863, 'RMSE': 3.8473, 'MAE': 2.9141, 'SMAPE': 0.26, 'DiffSMAPE': 0.2577, 'MASE': 0.571, 'RMSSE': 0.5512, 'ErrorMean': 0.9584, 'ErrorStdDev': 3.726, 'R2': 0.9184, 'Pearson': 0.9625, 'MedAE': 2.4704, 'LnQ': 14.1529, 'KS': 0.2373, 'KendallTau': 0.8306, 'MannWhitneyU': 1575.0, 'AUC': 0.4525} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_Forecast') {'Signal': 'ACT_male', 'Length': 59, 'MAPE': 0.4863, 'RMSE': 3.8473, 'MAE': 2.9141, 'SMAPE': 0.26, 'DiffSMAPE': 0.2577, 'MASE': 0.571, 'RMSSE': 0.5512, 'ErrorMean': 0.9584, 'ErrorStdDev': 3.726, 'R2': 0.9184, 'Pearson': 0.9625, 'MedAE': 2.4704, 'LnQ': 14.1529, 'KS': 0.2373, 'KendallTau': 0.8306, 'MannWhitneyU': 1575.0, 'AUC': 0.4525} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6834, 'RMSE': 16.4137, 'MAE': 15.0461, 'SMAPE': 0.8796, 'DiffSMAPE': 0.8767, 'MASE': 2.9482, 'RMSSE': 2.3514, 'ErrorMean': 0.2847, 'ErrorStdDev': 16.4112, 'R2': -0.486, 'Pearson': -0.5165, 'MedAE': 15.8343, 'LnQ': 94.7638, 'KS': 0.3559, 'KendallTau': -0.4146, 'MannWhitneyU': 1624.0, 'AUC': 0.4665} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_OC_Forecast') {'Signal': 'ACT_male_OC_Forecast', 'Length': 59, 'MAPE': 0.8142, 'RMSE': 7.8941, 'MAE': 6.1215, 'SMAPE': 0.5829, 'DiffSMAPE': 0.5757, 'MASE': 1.1995, 'RMSSE': 1.1309, 'ErrorMean': 0.0374, 'ErrorStdDev': 7.894, 'R2': 0.6563, 'Pearson': 0.8411, 'MedAE': 5.1905, 'LnQ': inf, 'KS': 0.1186, 'KendallTau': 0.6582, 'MannWhitneyU': 1718.0, 'AUC': 0.4935} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_PHA_TD_Forecast') {'Signal': 'ACT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 2.7022, 'RMSE': 16.5572, 'MAE': 15.2118, 'SMAPE': 0.8868, 'DiffSMAPE': 0.884, 'MASE': 2.9807, 'RMSSE': 2.372, 'ErrorMean': 0.288, 'ErrorStdDev': 16.5547, 'R2': -0.5121, 'Pearson': -0.535, 'MedAE': 15.7297, 'LnQ': 95.7197, 'KS': 0.3559, 'KendallTau': -0.4217, 'MannWhitneyU': 1626.0, 'AUC': 0.4671} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_AHP_TD_Forecast') {'Signal': 'ACT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.3119, 'RMSE': 17.9004, 'MAE': 16.2916, 'SMAPE': 0.8691, 'DiffSMAPE': 0.8667, 'MASE': 3.1923, 'RMSSE': 2.5644, 'ErrorMean': 4.4261, 'ErrorStdDev': 17.3445, 'R2': -0.7674, 'Pearson': -0.535, 'MedAE': 17.7627, 'LnQ': 106.8036, 'KS': 0.3898, 'KendallTau': -0.4217, 'MannWhitneyU': 1245.0, 'AUC': 0.3577} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_BU_Forecast') {'Signal': 'ACT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.4863, 'RMSE': 3.8473, 'MAE': 2.9141, 'SMAPE': 0.26, 'DiffSMAPE': 0.2577, 'MASE': 0.571, 'RMSSE': 0.5512, 'ErrorMean': 0.9584, 'ErrorStdDev': 3.726, 'R2': 0.9184, 'Pearson': 0.9625, 'MedAE': 2.4704, 'LnQ': 14.1529, 'KS': 0.2373, 'KendallTau': 0.8306, 'MannWhitneyU': 1575.0, 'AUC': 0.4525} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_Forecast') {'Signal': 'ACT_male', 'Length': 59, 'MAPE': 0.4863, 'RMSE': 3.8473, 'MAE': 2.9141, 'SMAPE': 0.26, 'DiffSMAPE': 0.2577, 'MASE': 0.571, 'RMSSE': 0.5512, 'ErrorMean': 0.9584, 'ErrorStdDev': 3.726, 'R2': 0.9184, 'Pearson': 0.9625, 'MedAE': 2.4704, 'LnQ': 14.1529, 'KS': 0.2373, 'KendallTau': 0.8306, 'MannWhitneyU': 1575.0, 'AUC': 0.4525} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6834, 'RMSE': 16.4137, 'MAE': 15.0461, 'SMAPE': 0.8796, 'DiffSMAPE': 0.8767, 'MASE': 2.9482, 'RMSSE': 2.3514, 'ErrorMean': 0.2847, 'ErrorStdDev': 16.4112, 'R2': -0.486, 'Pearson': -0.5165, 'MedAE': 15.8343, 'LnQ': 94.7638, 'KS': 0.3559, 'KendallTau': -0.4146, 'MannWhitneyU': 1624.0, 'AUC': 0.4665} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_OC_Forecast') {'Signal': 'ACT_male_OC_Forecast', 'Length': 59, 'MAPE': 0.8142, 'RMSE': 7.8941, 'MAE': 6.1215, 'SMAPE': 0.5829, 'DiffSMAPE': 0.5757, 'MASE': 1.1995, 'RMSSE': 1.1309, 'ErrorMean': 0.0374, 'ErrorStdDev': 7.894, 'R2': 0.6563, 'Pearson': 0.8411, 'MedAE': 5.1905, 'LnQ': inf, 'KS': 0.1186, 'KendallTau': 0.6582, 'MannWhitneyU': 1718.0, 'AUC': 0.4935} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_PHA_TD_Forecast') {'Signal': 'ACT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 2.7022, 'RMSE': 16.5572, 'MAE': 15.2118, 'SMAPE': 0.8868, 'DiffSMAPE': 0.884, 'MASE': 2.9807, 'RMSSE': 2.372, 'ErrorMean': 0.288, 'ErrorStdDev': 16.5547, 'R2': -0.5121, 'Pearson': -0.535, 'MedAE': 15.7297, 'LnQ': 95.7197, 'KS': 0.3559, 'KendallTau': -0.4217, 'MannWhitneyU': 1626.0, 'AUC': 0.4671} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_AHP_TD_Forecast') {'Signal': 'ACT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.3119, 'RMSE': 17.9004, 'MAE': 16.2916, 'SMAPE': 0.8691, 'DiffSMAPE': 0.8667, 'MASE': 3.1923, 'RMSSE': 2.5644, 'ErrorMean': 4.4261, 'ErrorStdDev': 17.3445, 'R2': -0.7674, 'Pearson': -0.535, 'MedAE': 17.7627, 'LnQ': 106.8036, 'KS': 0.3898, 'KendallTau': -0.4217, 'MannWhitneyU': 1245.0, 'AUC': 0.3577} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_BU_Forecast') {'Signal': 'ACT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.4863, 'RMSE': 3.8473, 'MAE': 2.9141, 'SMAPE': 0.26, 'DiffSMAPE': 0.2577, 'MASE': 0.571, 'RMSSE': 0.5512, 'ErrorMean': 0.9584, 'ErrorStdDev': 3.726, 'R2': 0.9184, 'Pearson': 0.9625, 'MedAE': 2.4704, 'LnQ': 14.1529, 'KS': 0.2373, 'KendallTau': 0.8306, 'MannWhitneyU': 1575.0, 'AUC': 0.4525} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_Forecast') {'Signal': 'ACT_male', 'Length': 59, 'MAPE': 0.4863, 'RMSE': 3.8473, 'MAE': 2.9141, 'SMAPE': 0.26, 'DiffSMAPE': 0.2577, 'MASE': 0.571, 'RMSSE': 0.5512, 'ErrorMean': 0.9584, 'ErrorStdDev': 3.726, 'R2': 0.9184, 'Pearson': 0.9625, 'MedAE': 2.4704, 'LnQ': 14.1529, 'KS': 0.2373, 'KendallTau': 0.8306, 'MannWhitneyU': 1575.0, 'AUC': 0.4525} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6834, 'RMSE': 16.4137, 'MAE': 15.0461, 'SMAPE': 0.8796, 'DiffSMAPE': 0.8767, 'MASE': 2.9482, 'RMSSE': 2.3514, 'ErrorMean': 0.2847, 'ErrorStdDev': 16.4112, 'R2': -0.486, 'Pearson': -0.5165, 'MedAE': 15.8343, 'LnQ': 94.7638, 'KS': 0.3559, 'KendallTau': -0.4146, 'MannWhitneyU': 1624.0, 'AUC': 0.4665} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_OC_Forecast') {'Signal': 'ACT_male_OC_Forecast', 'Length': 59, 'MAPE': 0.8142, 'RMSE': 7.8941, 'MAE': 6.1215, 'SMAPE': 0.5829, 'DiffSMAPE': 0.5757, 'MASE': 1.1995, 'RMSSE': 1.1309, 'ErrorMean': 0.0374, 'ErrorStdDev': 7.894, 'R2': 0.6563, 'Pearson': 0.8411, 'MedAE': 5.1905, 'LnQ': inf, 'KS': 0.1186, 'KendallTau': 0.6582, 'MannWhitneyU': 1718.0, 'AUC': 0.4935} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_PHA_TD_Forecast') {'Signal': 'ACT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 2.7022, 'RMSE': 16.5572, 'MAE': 15.2118, 'SMAPE': 0.8868, 'DiffSMAPE': 0.884, 'MASE': 2.9807, 'RMSSE': 2.372, 'ErrorMean': 0.288, 'ErrorStdDev': 16.5547, 'R2': -0.5121, 'Pearson': -0.535, 'MedAE': 15.7297, 'LnQ': 95.7197, 'KS': 0.3559, 'KendallTau': -0.4217, 'MannWhitneyU': 1626.0, 'AUC': 0.4671} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0854, 'RMSE': 61.4251, 'MAE': 48.8118, 'SMAPE': 0.0829, 'DiffSMAPE': 0.0829, 'MASE': 1.1094, 'RMSSE': 1.0666, 'ErrorMean': -0.6709, 'ErrorStdDev': 61.4214, 'R2': 0.9131, 'Pearson': 0.9699, 'MedAE': 39.6004, 'LnQ': 0.6466, 'KS': 0.2034, 'KendallTau': 0.7811, 'MannWhitneyU': 1855.0, 'AUC': 0.5329} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0503, 'RMSE': 33.8949, 'MAE': 28.4337, 'SMAPE': 0.0492, 'DiffSMAPE': 0.0492, 'MASE': 0.6462, 'RMSSE': 0.5885, 'ErrorMean': 12.4141, 'ErrorStdDev': 31.5397, 'R2': 0.9735, 'Pearson': 0.9885, 'MedAE': 27.287, 'LnQ': 0.2175, 'KS': 0.1356, 'KendallTau': 0.8933, 'MannWhitneyU': 1617.0, 'AUC': 0.4645} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0503, 'RMSE': 33.8949, 'MAE': 28.4337, 'SMAPE': 0.0492, 'DiffSMAPE': 0.0492, 'MASE': 0.6462, 'RMSSE': 0.5885, 'ErrorMean': 12.4141, 'ErrorStdDev': 31.5397, 'R2': 0.9735, 'Pearson': 0.9885, 'MedAE': 27.287, 'LnQ': 0.2175, 'KS': 0.1356, 'KendallTau': 0.8933, 'MannWhitneyU': 1617.0, 'AUC': 0.4645} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0857, 'RMSE': 57.9031, 'MAE': 46.5345, 'SMAPE': 0.0819, 'DiffSMAPE': 0.0819, 'MASE': 1.0576, 'RMSSE': 1.0054, 'ErrorMean': 10.3139, 'ErrorStdDev': 56.9771, 'R2': 0.9228, 'Pearson': 0.9729, 'MedAE': 39.1193, 'LnQ': 0.6548, 'KS': 0.1695, 'KendallTau': 0.7682, 'MannWhitneyU': 1737.0, 'AUC': 0.499} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0498, 'RMSE': 33.7608, 'MAE': 28.7332, 'SMAPE': 0.0489, 'DiffSMAPE': 0.0489, 'MASE': 0.653, 'RMSSE': 0.5862, 'ErrorMean': 11.4481, 'ErrorStdDev': 31.7605, 'R2': 0.9737, 'Pearson': 0.9883, 'MedAE': 25.8046, 'LnQ': 0.1998, 'KS': 0.1186, 'KendallTau': 0.8921, 'MannWhitneyU': 1629.0, 'AUC': 0.468} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0894, 'RMSE': 60.7515, 'MAE': 48.8261, 'SMAPE': 0.0854, 'DiffSMAPE': 0.0854, 'MASE': 1.1097, 'RMSSE': 1.0549, 'ErrorMean': 10.1652, 'ErrorStdDev': 59.895, 'R2': 0.915, 'Pearson': 0.9699, 'MedAE': 40.9846, 'LnQ': 0.7061, 'KS': 0.1864, 'KendallTau': 0.7811, 'MannWhitneyU': 1753.0, 'AUC': 0.5036} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0854, 'RMSE': 61.4251, 'MAE': 48.8118, 'SMAPE': 0.0829, 'DiffSMAPE': 0.0829, 'MASE': 1.1094, 'RMSSE': 1.0666, 'ErrorMean': -0.6709, 'ErrorStdDev': 61.4214, 'R2': 0.9131, 'Pearson': 0.9699, 'MedAE': 39.6004, 'LnQ': 0.6466, 'KS': 0.2034, 'KendallTau': 0.7811, 'MannWhitneyU': 1855.0, 'AUC': 0.5329} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0503, 'RMSE': 33.8949, 'MAE': 28.4337, 'SMAPE': 0.0492, 'DiffSMAPE': 0.0492, 'MASE': 0.6462, 'RMSSE': 0.5885, 'ErrorMean': 12.4141, 'ErrorStdDev': 31.5397, 'R2': 0.9735, 'Pearson': 0.9885, 'MedAE': 27.287, 'LnQ': 0.2175, 'KS': 0.1356, 'KendallTau': 0.8933, 'MannWhitneyU': 1617.0, 'AUC': 0.4645} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0503, 'RMSE': 33.8949, 'MAE': 28.4337, 'SMAPE': 0.0492, 'DiffSMAPE': 0.0492, 'MASE': 0.6462, 'RMSSE': 0.5885, 'ErrorMean': 12.4141, 'ErrorStdDev': 31.5397, 'R2': 0.9735, 'Pearson': 0.9885, 'MedAE': 27.287, 'LnQ': 0.2175, 'KS': 0.1356, 'KendallTau': 0.8933, 'MannWhitneyU': 1617.0, 'AUC': 0.4645} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0857, 'RMSE': 57.9031, 'MAE': 46.5345, 'SMAPE': 0.0819, 'DiffSMAPE': 0.0819, 'MASE': 1.0576, 'RMSSE': 1.0054, 'ErrorMean': 10.3139, 'ErrorStdDev': 56.9771, 'R2': 0.9228, 'Pearson': 0.9729, 'MedAE': 39.1193, 'LnQ': 0.6548, 'KS': 0.1695, 'KendallTau': 0.7682, 'MannWhitneyU': 1737.0, 'AUC': 0.499} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0498, 'RMSE': 33.7608, 'MAE': 28.7332, 'SMAPE': 0.0489, 'DiffSMAPE': 0.0489, 'MASE': 0.653, 'RMSSE': 0.5862, 'ErrorMean': 11.4481, 'ErrorStdDev': 31.7605, 'R2': 0.9737, 'Pearson': 0.9883, 'MedAE': 25.8046, 'LnQ': 0.1998, 'KS': 0.1186, 'KendallTau': 0.8921, 'MannWhitneyU': 1629.0, 'AUC': 0.468} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0894, 'RMSE': 60.7515, 'MAE': 48.8261, 'SMAPE': 0.0854, 'DiffSMAPE': 0.0854, 'MASE': 1.1097, 'RMSSE': 1.0549, 'ErrorMean': 10.1652, 'ErrorStdDev': 59.895, 'R2': 0.915, 'Pearson': 0.9699, 'MedAE': 40.9846, 'LnQ': 0.7061, 'KS': 0.1864, 'KendallTau': 0.7811, 'MannWhitneyU': 1753.0, 'AUC': 0.5036} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0854, 'RMSE': 61.4251, 'MAE': 48.8118, 'SMAPE': 0.0829, 'DiffSMAPE': 0.0829, 'MASE': 1.1094, 'RMSSE': 1.0666, 'ErrorMean': -0.6709, 'ErrorStdDev': 61.4214, 'R2': 0.9131, 'Pearson': 0.9699, 'MedAE': 39.6004, 'LnQ': 0.6466, 'KS': 0.2034, 'KendallTau': 0.7811, 'MannWhitneyU': 1855.0, 'AUC': 0.5329} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0503, 'RMSE': 33.8949, 'MAE': 28.4337, 'SMAPE': 0.0492, 'DiffSMAPE': 0.0492, 'MASE': 0.6462, 'RMSSE': 0.5885, 'ErrorMean': 12.4141, 'ErrorStdDev': 31.5397, 'R2': 0.9735, 'Pearson': 0.9885, 'MedAE': 27.287, 'LnQ': 0.2175, 'KS': 0.1356, 'KendallTau': 0.8933, 'MannWhitneyU': 1617.0, 'AUC': 0.4645} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0503, 'RMSE': 33.8949, 'MAE': 28.4337, 'SMAPE': 0.0492, 'DiffSMAPE': 0.0492, 'MASE': 0.6462, 'RMSSE': 0.5885, 'ErrorMean': 12.4141, 'ErrorStdDev': 31.5397, 'R2': 0.9735, 'Pearson': 0.9885, 'MedAE': 27.287, 'LnQ': 0.2175, 'KS': 0.1356, 'KendallTau': 0.8933, 'MannWhitneyU': 1617.0, 'AUC': 0.4645} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0857, 'RMSE': 57.9031, 'MAE': 46.5345, 'SMAPE': 0.0819, 'DiffSMAPE': 0.0819, 'MASE': 1.0576, 'RMSSE': 1.0054, 'ErrorMean': 10.3139, 'ErrorStdDev': 56.9771, 'R2': 0.9228, 'Pearson': 0.9729, 'MedAE': 39.1193, 'LnQ': 0.6548, 'KS': 0.1695, 'KendallTau': 0.7682, 'MannWhitneyU': 1737.0, 'AUC': 0.499} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0498, 'RMSE': 33.7608, 'MAE': 28.7332, 'SMAPE': 0.0489, 'DiffSMAPE': 0.0489, 'MASE': 0.653, 'RMSSE': 0.5862, 'ErrorMean': 11.4481, 'ErrorStdDev': 31.7605, 'R2': 0.9737, 'Pearson': 0.9883, 'MedAE': 25.8046, 'LnQ': 0.1998, 'KS': 0.1186, 'KendallTau': 0.8921, 'MannWhitneyU': 1629.0, 'AUC': 0.468} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0894, 'RMSE': 60.7515, 'MAE': 48.8261, 'SMAPE': 0.0854, 'DiffSMAPE': 0.0854, 'MASE': 1.1097, 'RMSSE': 1.0549, 'ErrorMean': 10.1652, 'ErrorStdDev': 59.895, 'R2': 0.915, 'Pearson': 0.9699, 'MedAE': 40.9846, 'LnQ': 0.7061, 'KS': 0.1864, 'KendallTau': 0.7811, 'MannWhitneyU': 1753.0, 'AUC': 0.5036} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_AHP_TD_Forecast') {'Signal': 'NSW_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.071, 'RMSE': 66.4008, 'MAE': 53.4217, 'SMAPE': 0.0688, 'DiffSMAPE': 0.0688, 'MASE': 0.9644, 'RMSSE': 0.9251, 'ErrorMean': 2.049, 'ErrorStdDev': 66.3692, 'R2': 0.9394, 'Pearson': 0.9786, 'MedAE': 44.3874, 'LnQ': 0.4687, 'KS': 0.1695, 'KendallTau': 0.7667, 'MannWhitneyU': 1822.0, 'AUC': 0.5234} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_BU_Forecast') {'Signal': 'NSW_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0437, 'RMSE': 41.6012, 'MAE': 33.5488, 'SMAPE': 0.0429, 'DiffSMAPE': 0.0429, 'MASE': 0.6056, 'RMSSE': 0.5796, 'ErrorMean': 15.7357, 'ErrorStdDev': 38.5104, 'R2': 0.9762, 'Pearson': 0.9898, 'MedAE': 28.722, 'LnQ': 0.1974, 'KS': 0.1525, 'KendallTau': 0.845, 'MannWhitneyU': 1613.0, 'AUC': 0.4634} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_Forecast') {'Signal': 'NSW_male', 'Length': 59, 'MAPE': 0.0437, 'RMSE': 41.6012, 'MAE': 33.5488, 'SMAPE': 0.0429, 'DiffSMAPE': 0.0429, 'MASE': 0.6056, 'RMSSE': 0.5796, 'ErrorMean': 15.7357, 'ErrorStdDev': 38.5104, 'R2': 0.9762, 'Pearson': 0.9898, 'MedAE': 28.722, 'LnQ': 0.1974, 'KS': 0.1525, 'KendallTau': 0.845, 'MannWhitneyU': 1613.0, 'AUC': 0.4634} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_MO_Forecast') {'Signal': 'NSW_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0794, 'RMSE': 69.4008, 'MAE': 57.2008, 'SMAPE': 0.0756, 'DiffSMAPE': 0.0756, 'MASE': 1.0326, 'RMSSE': 0.9669, 'ErrorMean': 13.6162, 'ErrorStdDev': 68.052, 'R2': 0.9338, 'Pearson': 0.9778, 'MedAE': 50.9024, 'LnQ': 0.5851, 'KS': 0.1186, 'KendallTau': 0.769, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_OC_Forecast') {'Signal': 'NSW_male_OC_Forecast', 'Length': 59, 'MAPE': 0.042, 'RMSE': 40.0681, 'MAE': 32.5971, 'SMAPE': 0.0412, 'DiffSMAPE': 0.0412, 'MASE': 0.5884, 'RMSSE': 0.5582, 'ErrorMean': 14.8147, 'ErrorStdDev': 37.2287, 'R2': 0.9779, 'Pearson': 0.9904, 'MedAE': 28.9225, 'LnQ': 0.1746, 'KS': 0.1525, 'KendallTau': 0.8544, 'MannWhitneyU': 1617.0, 'AUC': 0.4645} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_PHA_TD_Forecast') {'Signal': 'NSW_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0752, 'RMSE': 66.2113, 'MAE': 54.9394, 'SMAPE': 0.0721, 'DiffSMAPE': 0.0721, 'MASE': 0.9917, 'RMSSE': 0.9225, 'ErrorMean': 13.771, 'ErrorStdDev': 64.7634, 'R2': 0.9398, 'Pearson': 0.9786, 'MedAE': 44.077, 'LnQ': 0.5123, 'KS': 0.1186, 'KendallTau': 0.7667, 'MannWhitneyU': 1708.0, 'AUC': 0.4907} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_male_AHP_TD_Forecast') {'Signal': 'NSW_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.071, 'RMSE': 66.4008, 'MAE': 53.4217, 'SMAPE': 0.0688, 'DiffSMAPE': 0.0688, 'MASE': 0.9644, 'RMSSE': 0.9251, 'ErrorMean': 2.049, 'ErrorStdDev': 66.3692, 'R2': 0.9394, 'Pearson': 0.9786, 'MedAE': 44.3874, 'LnQ': 0.4687, 'KS': 0.1695, 'KendallTau': 0.7667, 'MannWhitneyU': 1822.0, 'AUC': 0.5234} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_male_BU_Forecast') {'Signal': 'NSW_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0437, 'RMSE': 41.6012, 'MAE': 33.5488, 'SMAPE': 0.0429, 'DiffSMAPE': 0.0429, 'MASE': 0.6056, 'RMSSE': 0.5796, 'ErrorMean': 15.7357, 'ErrorStdDev': 38.5104, 'R2': 0.9762, 'Pearson': 0.9898, 'MedAE': 28.722, 'LnQ': 0.1974, 'KS': 0.1525, 'KendallTau': 0.845, 'MannWhitneyU': 1613.0, 'AUC': 0.4634} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_male_Forecast') {'Signal': 'NSW_male', 'Length': 59, 'MAPE': 0.0437, 'RMSE': 41.6012, 'MAE': 33.5488, 'SMAPE': 0.0429, 'DiffSMAPE': 0.0429, 'MASE': 0.6056, 'RMSSE': 0.5796, 'ErrorMean': 15.7357, 'ErrorStdDev': 38.5104, 'R2': 0.9762, 'Pearson': 0.9898, 'MedAE': 28.722, 'LnQ': 0.1974, 'KS': 0.1525, 'KendallTau': 0.845, 'MannWhitneyU': 1613.0, 'AUC': 0.4634} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_male_MO_Forecast') {'Signal': 'NSW_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0794, 'RMSE': 69.4008, 'MAE': 57.2008, 'SMAPE': 0.0756, 'DiffSMAPE': 0.0756, 'MASE': 1.0326, 'RMSSE': 0.9669, 'ErrorMean': 13.6162, 'ErrorStdDev': 68.052, 'R2': 0.9338, 'Pearson': 0.9778, 'MedAE': 50.9024, 'LnQ': 0.5851, 'KS': 0.1186, 'KendallTau': 0.769, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_male_OC_Forecast') {'Signal': 'NSW_male_OC_Forecast', 'Length': 59, 'MAPE': 0.042, 'RMSE': 40.0681, 'MAE': 32.5971, 'SMAPE': 0.0412, 'DiffSMAPE': 0.0412, 'MASE': 0.5884, 'RMSSE': 0.5582, 'ErrorMean': 14.8147, 'ErrorStdDev': 37.2287, 'R2': 0.9779, 'Pearson': 0.9904, 'MedAE': 28.9225, 'LnQ': 0.1746, 'KS': 0.1525, 'KendallTau': 0.8544, 'MannWhitneyU': 1617.0, 'AUC': 0.4645} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_male_PHA_TD_Forecast') {'Signal': 'NSW_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0752, 'RMSE': 66.2113, 'MAE': 54.9394, 'SMAPE': 0.0721, 'DiffSMAPE': 0.0721, 'MASE': 0.9917, 'RMSSE': 0.9225, 'ErrorMean': 13.771, 'ErrorStdDev': 64.7634, 'R2': 0.9398, 'Pearson': 0.9786, 'MedAE': 44.077, 'LnQ': 0.5123, 'KS': 0.1186, 'KendallTau': 0.7667, 'MannWhitneyU': 1708.0, 'AUC': 0.4907} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_male_AHP_TD_Forecast') {'Signal': 'NSW_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.071, 'RMSE': 66.4008, 'MAE': 53.4217, 'SMAPE': 0.0688, 'DiffSMAPE': 0.0688, 'MASE': 0.9644, 'RMSSE': 0.9251, 'ErrorMean': 2.049, 'ErrorStdDev': 66.3692, 'R2': 0.9394, 'Pearson': 0.9786, 'MedAE': 44.3874, 'LnQ': 0.4687, 'KS': 0.1695, 'KendallTau': 0.7667, 'MannWhitneyU': 1822.0, 'AUC': 0.5234} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_male_BU_Forecast') {'Signal': 'NSW_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0437, 'RMSE': 41.6012, 'MAE': 33.5488, 'SMAPE': 0.0429, 'DiffSMAPE': 0.0429, 'MASE': 0.6056, 'RMSSE': 0.5796, 'ErrorMean': 15.7357, 'ErrorStdDev': 38.5104, 'R2': 0.9762, 'Pearson': 0.9898, 'MedAE': 28.722, 'LnQ': 0.1974, 'KS': 0.1525, 'KendallTau': 0.845, 'MannWhitneyU': 1613.0, 'AUC': 0.4634} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_male_Forecast') {'Signal': 'NSW_male', 'Length': 59, 'MAPE': 0.0437, 'RMSE': 41.6012, 'MAE': 33.5488, 'SMAPE': 0.0429, 'DiffSMAPE': 0.0429, 'MASE': 0.6056, 'RMSSE': 0.5796, 'ErrorMean': 15.7357, 'ErrorStdDev': 38.5104, 'R2': 0.9762, 'Pearson': 0.9898, 'MedAE': 28.722, 'LnQ': 0.1974, 'KS': 0.1525, 'KendallTau': 0.845, 'MannWhitneyU': 1613.0, 'AUC': 0.4634} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_male_MO_Forecast') {'Signal': 'NSW_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0794, 'RMSE': 69.4008, 'MAE': 57.2008, 'SMAPE': 0.0756, 'DiffSMAPE': 0.0756, 'MASE': 1.0326, 'RMSSE': 0.9669, 'ErrorMean': 13.6162, 'ErrorStdDev': 68.052, 'R2': 0.9338, 'Pearson': 0.9778, 'MedAE': 50.9024, 'LnQ': 0.5851, 'KS': 0.1186, 'KendallTau': 0.769, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_male_OC_Forecast') {'Signal': 'NSW_male_OC_Forecast', 'Length': 59, 'MAPE': 0.042, 'RMSE': 40.0681, 'MAE': 32.5971, 'SMAPE': 0.0412, 'DiffSMAPE': 0.0412, 'MASE': 0.5884, 'RMSSE': 0.5582, 'ErrorMean': 14.8147, 'ErrorStdDev': 37.2287, 'R2': 0.9779, 'Pearson': 0.9904, 'MedAE': 28.9225, 'LnQ': 0.1746, 'KS': 0.1525, 'KendallTau': 0.8544, 'MannWhitneyU': 1617.0, 'AUC': 0.4645} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_male_PHA_TD_Forecast') {'Signal': 'NSW_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0752, 'RMSE': 66.2113, 'MAE': 54.9394, 'SMAPE': 0.0721, 'DiffSMAPE': 0.0721, 'MASE': 0.9917, 'RMSSE': 0.9225, 'ErrorMean': 13.771, 'ErrorStdDev': 64.7634, 'R2': 0.9398, 'Pearson': 0.9786, 'MedAE': 44.077, 'LnQ': 0.5123, 'KS': 0.1186, 'KendallTau': 0.7667, 'MannWhitneyU': 1708.0, 'AUC': 0.4907} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_female_AHP_TD_Forecast') {'Signal': 'NT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 5.0423, 'RMSE': 21.4078, 'MAE': 19.6413, 'SMAPE': 1.0309, 'DiffSMAPE': 1.0279, 'MASE': 2.7583, 'RMSSE': 1.97, 'ErrorMean': 4.5228, 'ErrorStdDev': 20.9246, 'R2': -0.4581, 'Pearson': -0.4267, 'MedAE': 21.3644, 'LnQ': 154.0652, 'KS': 0.4915, 'KendallTau': -0.4444, 'MannWhitneyU': 1121.0, 'AUC': 0.322} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_female_BU_Forecast') {'Signal': 'NT_female_BU_Forecast', 'Length': 59, 'MAPE': 0.7895, 'RMSE': 6.711, 'MAE': 4.5368, 'SMAPE': 0.409, 'DiffSMAPE': 0.4049, 'MASE': 0.6371, 'RMSSE': 0.6176, 'ErrorMean': 1.4114, 'ErrorStdDev': 6.5609, 'R2': 0.8567, 'Pearson': 0.9323, 'MedAE': 3.4596, 'LnQ': 25.3614, 'KS': 0.339, 'KendallTau': 0.8361, 'MannWhitneyU': 1469.0, 'AUC': 0.422} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_female_Forecast') {'Signal': 'NT_female', 'Length': 59, 'MAPE': 0.7895, 'RMSE': 6.711, 'MAE': 4.5368, 'SMAPE': 0.409, 'DiffSMAPE': 0.4049, 'MASE': 0.6371, 'RMSSE': 0.6176, 'ErrorMean': 1.4114, 'ErrorStdDev': 6.5609, 'R2': 0.8567, 'Pearson': 0.9323, 'MedAE': 3.4596, 'LnQ': 25.3614, 'KS': 0.339, 'KendallTau': 0.8361, 'MannWhitneyU': 1469.0, 'AUC': 0.422} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_female_MO_Forecast') {'Signal': 'NT_female_MO_Forecast', 'Length': 59, 'MAPE': 4.1185, 'RMSE': 20.3892, 'MAE': 18.2377, 'SMAPE': 1.0445, 'DiffSMAPE': 1.0411, 'MASE': 2.5612, 'RMSSE': 1.8763, 'ErrorMean': 0.29, 'ErrorStdDev': 20.3871, 'R2': -0.3226, 'Pearson': -0.4534, 'MedAE': 17.5637, 'LnQ': 139.0008, 'KS': 0.4237, 'KendallTau': -0.4456, 'MannWhitneyU': 1401.0, 'AUC': 0.4025} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_female_OC_Forecast') {'Signal': 'NT_female_OC_Forecast', 'Length': 59, 'MAPE': 1.1435, 'RMSE': 8.0121, 'MAE': 5.7073, 'SMAPE': 0.5251, 'DiffSMAPE': 0.5185, 'MASE': 0.8015, 'RMSSE': 0.7373, 'ErrorMean': 0.4454, 'ErrorStdDev': 7.9997, 'R2': 0.7958, 'Pearson': 0.8939, 'MedAE': 4.1067, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.7131, 'MannWhitneyU': 1592.0, 'AUC': 0.4573} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_female_PHA_TD_Forecast') {'Signal': 'NT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 4.0781, 'RMSE': 20.2427, 'MAE': 18.1098, 'SMAPE': 1.0407, 'DiffSMAPE': 1.0372, 'MASE': 2.5433, 'RMSSE': 1.8628, 'ErrorMean': 0.2859, 'ErrorStdDev': 20.2407, 'R2': -0.3037, 'Pearson': -0.4267, 'MedAE': 17.6141, 'LnQ': 137.8069, 'KS': 0.4068, 'KendallTau': -0.4444, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_female_AHP_TD_Forecast') {'Signal': 'NT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 5.0423, 'RMSE': 21.4078, 'MAE': 19.6413, 'SMAPE': 1.0309, 'DiffSMAPE': 1.0279, 'MASE': 2.7583, 'RMSSE': 1.97, 'ErrorMean': 4.5228, 'ErrorStdDev': 20.9246, 'R2': -0.4581, 'Pearson': -0.4267, 'MedAE': 21.3644, 'LnQ': 154.0652, 'KS': 0.4915, 'KendallTau': -0.4444, 'MannWhitneyU': 1121.0, 'AUC': 0.322} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_female_BU_Forecast') {'Signal': 'NT_female_BU_Forecast', 'Length': 59, 'MAPE': 0.7895, 'RMSE': 6.711, 'MAE': 4.5368, 'SMAPE': 0.409, 'DiffSMAPE': 0.4049, 'MASE': 0.6371, 'RMSSE': 0.6176, 'ErrorMean': 1.4114, 'ErrorStdDev': 6.5609, 'R2': 0.8567, 'Pearson': 0.9323, 'MedAE': 3.4596, 'LnQ': 25.3614, 'KS': 0.339, 'KendallTau': 0.8361, 'MannWhitneyU': 1469.0, 'AUC': 0.422} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_female_Forecast') {'Signal': 'NT_female', 'Length': 59, 'MAPE': 0.7895, 'RMSE': 6.711, 'MAE': 4.5368, 'SMAPE': 0.409, 'DiffSMAPE': 0.4049, 'MASE': 0.6371, 'RMSSE': 0.6176, 'ErrorMean': 1.4114, 'ErrorStdDev': 6.5609, 'R2': 0.8567, 'Pearson': 0.9323, 'MedAE': 3.4596, 'LnQ': 25.3614, 'KS': 0.339, 'KendallTau': 0.8361, 'MannWhitneyU': 1469.0, 'AUC': 0.422} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_female_MO_Forecast') {'Signal': 'NT_female_MO_Forecast', 'Length': 59, 'MAPE': 4.1185, 'RMSE': 20.3892, 'MAE': 18.2377, 'SMAPE': 1.0445, 'DiffSMAPE': 1.0411, 'MASE': 2.5612, 'RMSSE': 1.8763, 'ErrorMean': 0.29, 'ErrorStdDev': 20.3871, 'R2': -0.3226, 'Pearson': -0.4534, 'MedAE': 17.5637, 'LnQ': 139.0008, 'KS': 0.4237, 'KendallTau': -0.4456, 'MannWhitneyU': 1401.0, 'AUC': 0.4025} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_female_OC_Forecast') {'Signal': 'NT_female_OC_Forecast', 'Length': 59, 'MAPE': 1.1435, 'RMSE': 8.0121, 'MAE': 5.7073, 'SMAPE': 0.5251, 'DiffSMAPE': 0.5185, 'MASE': 0.8015, 'RMSSE': 0.7373, 'ErrorMean': 0.4454, 'ErrorStdDev': 7.9997, 'R2': 0.7958, 'Pearson': 0.8939, 'MedAE': 4.1067, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.7131, 'MannWhitneyU': 1592.0, 'AUC': 0.4573} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_female_PHA_TD_Forecast') {'Signal': 'NT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 4.0781, 'RMSE': 20.2427, 'MAE': 18.1098, 'SMAPE': 1.0407, 'DiffSMAPE': 1.0372, 'MASE': 2.5433, 'RMSSE': 1.8628, 'ErrorMean': 0.2859, 'ErrorStdDev': 20.2407, 'R2': -0.3037, 'Pearson': -0.4267, 'MedAE': 17.6141, 'LnQ': 137.8069, 'KS': 0.4068, 'KendallTau': -0.4444, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_AHP_TD_Forecast') {'Signal': 'NT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 5.0423, 'RMSE': 21.4078, 'MAE': 19.6413, 'SMAPE': 1.0309, 'DiffSMAPE': 1.0279, 'MASE': 2.7583, 'RMSSE': 1.97, 'ErrorMean': 4.5228, 'ErrorStdDev': 20.9246, 'R2': -0.4581, 'Pearson': -0.4267, 'MedAE': 21.3644, 'LnQ': 154.0652, 'KS': 0.4915, 'KendallTau': -0.4444, 'MannWhitneyU': 1121.0, 'AUC': 0.322} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_BU_Forecast') {'Signal': 'NT_female_BU_Forecast', 'Length': 59, 'MAPE': 0.7895, 'RMSE': 6.711, 'MAE': 4.5368, 'SMAPE': 0.409, 'DiffSMAPE': 0.4049, 'MASE': 0.6371, 'RMSSE': 0.6176, 'ErrorMean': 1.4114, 'ErrorStdDev': 6.5609, 'R2': 0.8567, 'Pearson': 0.9323, 'MedAE': 3.4596, 'LnQ': 25.3614, 'KS': 0.339, 'KendallTau': 0.8361, 'MannWhitneyU': 1469.0, 'AUC': 0.422} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_Forecast') {'Signal': 'NT_female', 'Length': 59, 'MAPE': 0.7895, 'RMSE': 6.711, 'MAE': 4.5368, 'SMAPE': 0.409, 'DiffSMAPE': 0.4049, 'MASE': 0.6371, 'RMSSE': 0.6176, 'ErrorMean': 1.4114, 'ErrorStdDev': 6.5609, 'R2': 0.8567, 'Pearson': 0.9323, 'MedAE': 3.4596, 'LnQ': 25.3614, 'KS': 0.339, 'KendallTau': 0.8361, 'MannWhitneyU': 1469.0, 'AUC': 0.422} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_MO_Forecast') {'Signal': 'NT_female_MO_Forecast', 'Length': 59, 'MAPE': 4.1185, 'RMSE': 20.3892, 'MAE': 18.2377, 'SMAPE': 1.0445, 'DiffSMAPE': 1.0411, 'MASE': 2.5612, 'RMSSE': 1.8763, 'ErrorMean': 0.29, 'ErrorStdDev': 20.3871, 'R2': -0.3226, 'Pearson': -0.4534, 'MedAE': 17.5637, 'LnQ': 139.0008, 'KS': 0.4237, 'KendallTau': -0.4456, 'MannWhitneyU': 1401.0, 'AUC': 0.4025} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_OC_Forecast') {'Signal': 'NT_female_OC_Forecast', 'Length': 59, 'MAPE': 1.1435, 'RMSE': 8.0121, 'MAE': 5.7073, 'SMAPE': 0.5251, 'DiffSMAPE': 0.5185, 'MASE': 0.8015, 'RMSSE': 0.7373, 'ErrorMean': 0.4454, 'ErrorStdDev': 7.9997, 'R2': 0.7958, 'Pearson': 0.8939, 'MedAE': 4.1067, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.7131, 'MannWhitneyU': 1592.0, 'AUC': 0.4573} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_PHA_TD_Forecast') {'Signal': 'NT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 4.0781, 'RMSE': 20.2427, 'MAE': 18.1098, 'SMAPE': 1.0407, 'DiffSMAPE': 1.0372, 'MASE': 2.5433, 'RMSSE': 1.8628, 'ErrorMean': 0.2859, 'ErrorStdDev': 20.2407, 'R2': -0.3037, 'Pearson': -0.4267, 'MedAE': 17.6141, 'LnQ': 137.8069, 'KS': 0.4068, 'KendallTau': -0.4444, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_AHP_TD_Forecast') {'Signal': 'NT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.9133, 'RMSE': 24.9592, 'MAE': 22.6044, 'SMAPE': 0.9514, 'DiffSMAPE': 0.9492, 'MASE': 3.2055, 'RMSSE': 1.8939, 'ErrorMean': 4.9634, 'ErrorStdDev': 24.4608, 'R2': -0.4502, 'Pearson': -0.3974, 'MedAE': 20.4053, 'LnQ': 122.8014, 'KS': 0.4237, 'KendallTau': -0.4867, 'MannWhitneyU': 1043.0, 'AUC': 0.2996} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5482, 'RMSE': 7.2319, 'MAE': 4.5193, 'SMAPE': 0.2973, 'DiffSMAPE': 0.2951, 'MASE': 0.6409, 'RMSSE': 0.5488, 'ErrorMean': 1.5248, 'ErrorStdDev': 7.0693, 'R2': 0.8782, 'Pearson': 0.9425, 'MedAE': 3.5908, 'LnQ': 16.3223, 'KS': 0.2712, 'KendallTau': 0.8632, 'MannWhitneyU': 1526.0, 'AUC': 0.4384} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5482, 'RMSE': 7.2319, 'MAE': 4.5193, 'SMAPE': 0.2973, 'DiffSMAPE': 0.2951, 'MASE': 0.6409, 'RMSSE': 0.5488, 'ErrorMean': 1.5248, 'ErrorStdDev': 7.0693, 'R2': 0.8782, 'Pearson': 0.9425, 'MedAE': 3.5908, 'LnQ': 16.3223, 'KS': 0.2712, 'KendallTau': 0.8632, 'MannWhitneyU': 1526.0, 'AUC': 0.4384} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_MO_Forecast') {'Signal': 'NT_male_MO_Forecast', 'Length': 59, 'MAPE': 3.211, 'RMSE': 23.5804, 'MAE': 20.7676, 'SMAPE': 0.9479, 'DiffSMAPE': 0.9454, 'MASE': 2.945, 'RMSSE': 1.7893, 'ErrorMean': 0.3517, 'ErrorStdDev': 23.5778, 'R2': -0.2944, 'Pearson': -0.3815, 'MedAE': 19.3333, 'LnQ': 109.9418, 'KS': 0.3559, 'KendallTau': -0.482, 'MannWhitneyU': 1380.0, 'AUC': 0.3964} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_OC_Forecast') {'Signal': 'NT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.2331, 'RMSE': 9.9354, 'MAE': 7.3124, 'SMAPE': 0.5914, 'DiffSMAPE': 0.5863, 'MASE': 1.037, 'RMSSE': 0.7539, 'ErrorMean': 0.6038, 'ErrorStdDev': 9.9171, 'R2': 0.7702, 'Pearson': 0.8799, 'MedAE': 5.7305, 'LnQ': inf, 'KS': 0.1186, 'KendallTau': 0.6582, 'MannWhitneyU': 1678.0, 'AUC': 0.482} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_PHA_TD_Forecast') {'Signal': 'NT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 3.238, 'RMSE': 23.7351, 'MAE': 20.9389, 'SMAPE': 0.9536, 'DiffSMAPE': 0.9512, 'MASE': 2.9693, 'RMSSE': 1.801, 'ErrorMean': 0.3557, 'ErrorStdDev': 23.7324, 'R2': -0.3115, 'Pearson': -0.3974, 'MedAE': 19.3147, 'LnQ': 110.9303, 'KS': 0.3559, 'KendallTau': -0.4867, 'MannWhitneyU': 1377.0, 'AUC': 0.3956} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_AHP_TD_Forecast') {'Signal': 'NT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.9133, 'RMSE': 24.9592, 'MAE': 22.6044, 'SMAPE': 0.9514, 'DiffSMAPE': 0.9492, 'MASE': 3.2055, 'RMSSE': 1.8939, 'ErrorMean': 4.9634, 'ErrorStdDev': 24.4608, 'R2': -0.4502, 'Pearson': -0.3974, 'MedAE': 20.4053, 'LnQ': 122.8014, 'KS': 0.4237, 'KendallTau': -0.4867, 'MannWhitneyU': 1043.0, 'AUC': 0.2996} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5482, 'RMSE': 7.2319, 'MAE': 4.5193, 'SMAPE': 0.2973, 'DiffSMAPE': 0.2951, 'MASE': 0.6409, 'RMSSE': 0.5488, 'ErrorMean': 1.5248, 'ErrorStdDev': 7.0693, 'R2': 0.8782, 'Pearson': 0.9425, 'MedAE': 3.5908, 'LnQ': 16.3223, 'KS': 0.2712, 'KendallTau': 0.8632, 'MannWhitneyU': 1526.0, 'AUC': 0.4384} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5482, 'RMSE': 7.2319, 'MAE': 4.5193, 'SMAPE': 0.2973, 'DiffSMAPE': 0.2951, 'MASE': 0.6409, 'RMSSE': 0.5488, 'ErrorMean': 1.5248, 'ErrorStdDev': 7.0693, 'R2': 0.8782, 'Pearson': 0.9425, 'MedAE': 3.5908, 'LnQ': 16.3223, 'KS': 0.2712, 'KendallTau': 0.8632, 'MannWhitneyU': 1526.0, 'AUC': 0.4384} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_MO_Forecast') {'Signal': 'NT_male_MO_Forecast', 'Length': 59, 'MAPE': 3.211, 'RMSE': 23.5804, 'MAE': 20.7676, 'SMAPE': 0.9479, 'DiffSMAPE': 0.9454, 'MASE': 2.945, 'RMSSE': 1.7893, 'ErrorMean': 0.3517, 'ErrorStdDev': 23.5778, 'R2': -0.2944, 'Pearson': -0.3815, 'MedAE': 19.3333, 'LnQ': 109.9418, 'KS': 0.3559, 'KendallTau': -0.482, 'MannWhitneyU': 1380.0, 'AUC': 0.3964} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_OC_Forecast') {'Signal': 'NT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.2331, 'RMSE': 9.9354, 'MAE': 7.3124, 'SMAPE': 0.5914, 'DiffSMAPE': 0.5863, 'MASE': 1.037, 'RMSSE': 0.7539, 'ErrorMean': 0.6038, 'ErrorStdDev': 9.9171, 'R2': 0.7702, 'Pearson': 0.8799, 'MedAE': 5.7305, 'LnQ': inf, 'KS': 0.1186, 'KendallTau': 0.6582, 'MannWhitneyU': 1678.0, 'AUC': 0.482} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_PHA_TD_Forecast') {'Signal': 'NT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 3.238, 'RMSE': 23.7351, 'MAE': 20.9389, 'SMAPE': 0.9536, 'DiffSMAPE': 0.9512, 'MASE': 2.9693, 'RMSSE': 1.801, 'ErrorMean': 0.3557, 'ErrorStdDev': 23.7324, 'R2': -0.3115, 'Pearson': -0.3974, 'MedAE': 19.3147, 'LnQ': 110.9303, 'KS': 0.3559, 'KendallTau': -0.4867, 'MannWhitneyU': 1377.0, 'AUC': 0.3956} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_AHP_TD_Forecast') {'Signal': 'NT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.9133, 'RMSE': 24.9592, 'MAE': 22.6044, 'SMAPE': 0.9514, 'DiffSMAPE': 0.9492, 'MASE': 3.2055, 'RMSSE': 1.8939, 'ErrorMean': 4.9634, 'ErrorStdDev': 24.4608, 'R2': -0.4502, 'Pearson': -0.3974, 'MedAE': 20.4053, 'LnQ': 122.8014, 'KS': 0.4237, 'KendallTau': -0.4867, 'MannWhitneyU': 1043.0, 'AUC': 0.2996} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5482, 'RMSE': 7.2319, 'MAE': 4.5193, 'SMAPE': 0.2973, 'DiffSMAPE': 0.2951, 'MASE': 0.6409, 'RMSSE': 0.5488, 'ErrorMean': 1.5248, 'ErrorStdDev': 7.0693, 'R2': 0.8782, 'Pearson': 0.9425, 'MedAE': 3.5908, 'LnQ': 16.3223, 'KS': 0.2712, 'KendallTau': 0.8632, 'MannWhitneyU': 1526.0, 'AUC': 0.4384} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5482, 'RMSE': 7.2319, 'MAE': 4.5193, 'SMAPE': 0.2973, 'DiffSMAPE': 0.2951, 'MASE': 0.6409, 'RMSSE': 0.5488, 'ErrorMean': 1.5248, 'ErrorStdDev': 7.0693, 'R2': 0.8782, 'Pearson': 0.9425, 'MedAE': 3.5908, 'LnQ': 16.3223, 'KS': 0.2712, 'KendallTau': 0.8632, 'MannWhitneyU': 1526.0, 'AUC': 0.4384} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_MO_Forecast') {'Signal': 'NT_male_MO_Forecast', 'Length': 59, 'MAPE': 3.211, 'RMSE': 23.5804, 'MAE': 20.7676, 'SMAPE': 0.9479, 'DiffSMAPE': 0.9454, 'MASE': 2.945, 'RMSSE': 1.7893, 'ErrorMean': 0.3517, 'ErrorStdDev': 23.5778, 'R2': -0.2944, 'Pearson': -0.3815, 'MedAE': 19.3333, 'LnQ': 109.9418, 'KS': 0.3559, 'KendallTau': -0.482, 'MannWhitneyU': 1380.0, 'AUC': 0.3964} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_OC_Forecast') {'Signal': 'NT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.2331, 'RMSE': 9.9354, 'MAE': 7.3124, 'SMAPE': 0.5914, 'DiffSMAPE': 0.5863, 'MASE': 1.037, 'RMSSE': 0.7539, 'ErrorMean': 0.6038, 'ErrorStdDev': 9.9171, 'R2': 0.7702, 'Pearson': 0.8799, 'MedAE': 5.7305, 'LnQ': inf, 'KS': 0.1186, 'KendallTau': 0.6582, 'MannWhitneyU': 1678.0, 'AUC': 0.482} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_PHA_TD_Forecast') {'Signal': 'NT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 3.238, 'RMSE': 23.7351, 'MAE': 20.9389, 'SMAPE': 0.9536, 'DiffSMAPE': 0.9512, 'MASE': 2.9693, 'RMSSE': 1.801, 'ErrorMean': 0.3557, 'ErrorStdDev': 23.7324, 'R2': -0.3115, 'Pearson': -0.3974, 'MedAE': 19.3147, 'LnQ': 110.9303, 'KS': 0.3559, 'KendallTau': -0.4867, 'MannWhitneyU': 1377.0, 'AUC': 0.3956} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_AHP_TD_Forecast') {'Signal': 'QLD_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0815, 'RMSE': 27.7417, 'MAE': 21.5828, 'SMAPE': 0.0794, 'DiffSMAPE': 0.0794, 'MASE': 0.719, 'RMSSE': 0.7487, 'ErrorMean': 8.3304, 'ErrorStdDev': 26.4614, 'R2': 0.8271, 'Pearson': 0.9306, 'MedAE': 16.5758, 'LnQ': 0.5883, 'KS': 0.2373, 'KendallTau': 0.6704, 'MannWhitneyU': 1503.0, 'AUC': 0.4318} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_BU_Forecast') {'Signal': 'QLD_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0663, 'RMSE': 22.7499, 'MAE': 17.0344, 'SMAPE': 0.0645, 'DiffSMAPE': 0.0645, 'MASE': 0.5675, 'RMSSE': 0.614, 'ErrorMean': 4.6199, 'ErrorStdDev': 22.2759, 'R2': 0.8837, 'Pearson': 0.9449, 'MedAE': 14.0158, 'LnQ': 0.4194, 'KS': 0.1695, 'KendallTau': 0.7383, 'MannWhitneyU': 1618.0, 'AUC': 0.4648} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_Forecast') {'Signal': 'QLD_female', 'Length': 59, 'MAPE': 0.0663, 'RMSE': 22.7499, 'MAE': 17.0344, 'SMAPE': 0.0645, 'DiffSMAPE': 0.0645, 'MASE': 0.5675, 'RMSSE': 0.614, 'ErrorMean': 4.6199, 'ErrorStdDev': 22.2759, 'R2': 0.8837, 'Pearson': 0.9449, 'MedAE': 14.0158, 'LnQ': 0.4194, 'KS': 0.1695, 'KendallTau': 0.7383, 'MannWhitneyU': 1618.0, 'AUC': 0.4648} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_MO_Forecast') {'Signal': 'QLD_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0781, 'RMSE': 26.5382, 'MAE': 20.7623, 'SMAPE': 0.0772, 'DiffSMAPE': 0.0772, 'MASE': 0.6917, 'RMSSE': 0.7162, 'ErrorMean': 4.3138, 'ErrorStdDev': 26.1853, 'R2': 0.8418, 'Pearson': 0.9316, 'MedAE': 16.874, 'LnQ': 0.5607, 'KS': 0.2203, 'KendallTau': 0.661, 'MannWhitneyU': 1578.0, 'AUC': 0.4533} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_OC_Forecast') {'Signal': 'QLD_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0654, 'RMSE': 23.0507, 'MAE': 17.074, 'SMAPE': 0.0637, 'DiffSMAPE': 0.0637, 'MASE': 0.5688, 'RMSSE': 0.6221, 'ErrorMean': 3.6539, 'ErrorStdDev': 22.7592, 'R2': 0.8807, 'Pearson': 0.9409, 'MedAE': 12.999, 'LnQ': 0.4268, 'KS': 0.1525, 'KendallTau': 0.6997, 'MannWhitneyU': 1629.0, 'AUC': 0.468} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_PHA_TD_Forecast') {'Signal': 'QLD_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0787, 'RMSE': 26.4197, 'MAE': 20.7921, 'SMAPE': 0.0778, 'DiffSMAPE': 0.0778, 'MASE': 0.6927, 'RMSSE': 0.713, 'ErrorMean': 4.2516, 'ErrorStdDev': 26.0754, 'R2': 0.8432, 'Pearson': 0.9306, 'MedAE': 15.8223, 'LnQ': 0.5604, 'KS': 0.2034, 'KendallTau': 0.6704, 'MannWhitneyU': 1600.0, 'AUC': 0.4596} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_AHP_TD_Forecast') {'Signal': 'QLD_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0815, 'RMSE': 27.7417, 'MAE': 21.5828, 'SMAPE': 0.0794, 'DiffSMAPE': 0.0794, 'MASE': 0.719, 'RMSSE': 0.7487, 'ErrorMean': 8.3304, 'ErrorStdDev': 26.4614, 'R2': 0.8271, 'Pearson': 0.9306, 'MedAE': 16.5758, 'LnQ': 0.5883, 'KS': 0.2373, 'KendallTau': 0.6704, 'MannWhitneyU': 1503.0, 'AUC': 0.4318} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_BU_Forecast') {'Signal': 'QLD_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0663, 'RMSE': 22.7499, 'MAE': 17.0344, 'SMAPE': 0.0645, 'DiffSMAPE': 0.0645, 'MASE': 0.5675, 'RMSSE': 0.614, 'ErrorMean': 4.6199, 'ErrorStdDev': 22.2759, 'R2': 0.8837, 'Pearson': 0.9449, 'MedAE': 14.0158, 'LnQ': 0.4194, 'KS': 0.1695, 'KendallTau': 0.7383, 'MannWhitneyU': 1618.0, 'AUC': 0.4648} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_Forecast') {'Signal': 'QLD_female', 'Length': 59, 'MAPE': 0.0663, 'RMSE': 22.7499, 'MAE': 17.0344, 'SMAPE': 0.0645, 'DiffSMAPE': 0.0645, 'MASE': 0.5675, 'RMSSE': 0.614, 'ErrorMean': 4.6199, 'ErrorStdDev': 22.2759, 'R2': 0.8837, 'Pearson': 0.9449, 'MedAE': 14.0158, 'LnQ': 0.4194, 'KS': 0.1695, 'KendallTau': 0.7383, 'MannWhitneyU': 1618.0, 'AUC': 0.4648} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_MO_Forecast') {'Signal': 'QLD_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0781, 'RMSE': 26.5382, 'MAE': 20.7623, 'SMAPE': 0.0772, 'DiffSMAPE': 0.0772, 'MASE': 0.6917, 'RMSSE': 0.7162, 'ErrorMean': 4.3138, 'ErrorStdDev': 26.1853, 'R2': 0.8418, 'Pearson': 0.9316, 'MedAE': 16.874, 'LnQ': 0.5607, 'KS': 0.2203, 'KendallTau': 0.661, 'MannWhitneyU': 1578.0, 'AUC': 0.4533} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_OC_Forecast') {'Signal': 'QLD_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0654, 'RMSE': 23.0507, 'MAE': 17.074, 'SMAPE': 0.0637, 'DiffSMAPE': 0.0637, 'MASE': 0.5688, 'RMSSE': 0.6221, 'ErrorMean': 3.6539, 'ErrorStdDev': 22.7592, 'R2': 0.8807, 'Pearson': 0.9409, 'MedAE': 12.999, 'LnQ': 0.4268, 'KS': 0.1525, 'KendallTau': 0.6997, 'MannWhitneyU': 1629.0, 'AUC': 0.468} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_PHA_TD_Forecast') {'Signal': 'QLD_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0787, 'RMSE': 26.4197, 'MAE': 20.7921, 'SMAPE': 0.0778, 'DiffSMAPE': 0.0778, 'MASE': 0.6927, 'RMSSE': 0.713, 'ErrorMean': 4.2516, 'ErrorStdDev': 26.0754, 'R2': 0.8432, 'Pearson': 0.9306, 'MedAE': 15.8223, 'LnQ': 0.5604, 'KS': 0.2034, 'KendallTau': 0.6704, 'MannWhitneyU': 1600.0, 'AUC': 0.4596} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_AHP_TD_Forecast') {'Signal': 'QLD_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0815, 'RMSE': 27.7417, 'MAE': 21.5828, 'SMAPE': 0.0794, 'DiffSMAPE': 0.0794, 'MASE': 0.719, 'RMSSE': 0.7487, 'ErrorMean': 8.3304, 'ErrorStdDev': 26.4614, 'R2': 0.8271, 'Pearson': 0.9306, 'MedAE': 16.5758, 'LnQ': 0.5883, 'KS': 0.2373, 'KendallTau': 0.6704, 'MannWhitneyU': 1503.0, 'AUC': 0.4318} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_BU_Forecast') {'Signal': 'QLD_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0663, 'RMSE': 22.7499, 'MAE': 17.0344, 'SMAPE': 0.0645, 'DiffSMAPE': 0.0645, 'MASE': 0.5675, 'RMSSE': 0.614, 'ErrorMean': 4.6199, 'ErrorStdDev': 22.2759, 'R2': 0.8837, 'Pearson': 0.9449, 'MedAE': 14.0158, 'LnQ': 0.4194, 'KS': 0.1695, 'KendallTau': 0.7383, 'MannWhitneyU': 1618.0, 'AUC': 0.4648} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_Forecast') {'Signal': 'QLD_female', 'Length': 59, 'MAPE': 0.0663, 'RMSE': 22.7499, 'MAE': 17.0344, 'SMAPE': 0.0645, 'DiffSMAPE': 0.0645, 'MASE': 0.5675, 'RMSSE': 0.614, 'ErrorMean': 4.6199, 'ErrorStdDev': 22.2759, 'R2': 0.8837, 'Pearson': 0.9449, 'MedAE': 14.0158, 'LnQ': 0.4194, 'KS': 0.1695, 'KendallTau': 0.7383, 'MannWhitneyU': 1618.0, 'AUC': 0.4648} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_MO_Forecast') {'Signal': 'QLD_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0781, 'RMSE': 26.5382, 'MAE': 20.7623, 'SMAPE': 0.0772, 'DiffSMAPE': 0.0772, 'MASE': 0.6917, 'RMSSE': 0.7162, 'ErrorMean': 4.3138, 'ErrorStdDev': 26.1853, 'R2': 0.8418, 'Pearson': 0.9316, 'MedAE': 16.874, 'LnQ': 0.5607, 'KS': 0.2203, 'KendallTau': 0.661, 'MannWhitneyU': 1578.0, 'AUC': 0.4533} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_OC_Forecast') {'Signal': 'QLD_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0654, 'RMSE': 23.0507, 'MAE': 17.074, 'SMAPE': 0.0637, 'DiffSMAPE': 0.0637, 'MASE': 0.5688, 'RMSSE': 0.6221, 'ErrorMean': 3.6539, 'ErrorStdDev': 22.7592, 'R2': 0.8807, 'Pearson': 0.9409, 'MedAE': 12.999, 'LnQ': 0.4268, 'KS': 0.1525, 'KendallTau': 0.6997, 'MannWhitneyU': 1629.0, 'AUC': 0.468} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_PHA_TD_Forecast') {'Signal': 'QLD_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0787, 'RMSE': 26.4197, 'MAE': 20.7921, 'SMAPE': 0.0778, 'DiffSMAPE': 0.0778, 'MASE': 0.6927, 'RMSSE': 0.713, 'ErrorMean': 4.2516, 'ErrorStdDev': 26.0754, 'R2': 0.8432, 'Pearson': 0.9306, 'MedAE': 15.8223, 'LnQ': 0.5604, 'KS': 0.2034, 'KendallTau': 0.6704, 'MannWhitneyU': 1600.0, 'AUC': 0.4596} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_AHP_TD_Forecast') {'Signal': 'QLD_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0599, 'RMSE': 25.8269, 'MAE': 19.6525, 'SMAPE': 0.0583, 'DiffSMAPE': 0.0583, 'MASE': 0.8206, 'RMSSE': 0.8612, 'ErrorMean': 8.9828, 'ErrorStdDev': 24.2144, 'R2': 0.918, 'Pearson': 0.9673, 'MedAE': 14.4271, 'LnQ': 0.3706, 'KS': 0.2373, 'KendallTau': 0.77, 'MannWhitneyU': 1556.0, 'AUC': 0.447} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0393, 'RMSE': 17.3814, 'MAE': 12.7871, 'SMAPE': 0.0382, 'DiffSMAPE': 0.0382, 'MASE': 0.5339, 'RMSSE': 0.5796, 'ErrorMean': 5.6031, 'ErrorStdDev': 16.4535, 'R2': 0.9629, 'Pearson': 0.9832, 'MedAE': 9.9659, 'LnQ': 0.1792, 'KS': 0.1186, 'KendallTau': 0.8345, 'MannWhitneyU': 1646.0, 'AUC': 0.4729} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0393, 'RMSE': 17.3814, 'MAE': 12.7871, 'SMAPE': 0.0382, 'DiffSMAPE': 0.0382, 'MASE': 0.5339, 'RMSSE': 0.5796, 'ErrorMean': 5.6031, 'ErrorStdDev': 16.4535, 'R2': 0.9629, 'Pearson': 0.9832, 'MedAE': 9.9659, 'LnQ': 0.1792, 'KS': 0.1186, 'KendallTau': 0.8345, 'MannWhitneyU': 1646.0, 'AUC': 0.4729} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_MO_Forecast') {'Signal': 'QLD_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0545, 'RMSE': 23.2748, 'MAE': 17.9689, 'SMAPE': 0.0532, 'DiffSMAPE': 0.0532, 'MASE': 0.7503, 'RMSSE': 0.7761, 'ErrorMean': 5.5684, 'ErrorStdDev': 22.5989, 'R2': 0.9334, 'Pearson': 0.9696, 'MedAE': 14.9809, 'LnQ': 0.3093, 'KS': 0.2203, 'KendallTau': 0.7759, 'MannWhitneyU': 1613.0, 'AUC': 0.4634} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0482, 'RMSE': 19.8094, 'MAE': 15.2133, 'SMAPE': 0.0468, 'DiffSMAPE': 0.0468, 'MASE': 0.6353, 'RMSSE': 0.6606, 'ErrorMean': 4.6821, 'ErrorStdDev': 19.2481, 'R2': 0.9518, 'Pearson': 0.977, 'MedAE': 12.6874, 'LnQ': 0.2538, 'KS': 0.1017, 'KendallTau': 0.8145, 'MannWhitneyU': 1668.0, 'AUC': 0.4792} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_PHA_TD_Forecast') {'Signal': 'QLD_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0586, 'RMSE': 24.5983, 'MAE': 19.1772, 'SMAPE': 0.0576, 'DiffSMAPE': 0.0575, 'MASE': 0.8008, 'RMSSE': 0.8203, 'ErrorMean': 5.6317, 'ErrorStdDev': 23.945, 'R2': 0.9256, 'Pearson': 0.9673, 'MedAE': 15.523, 'LnQ': 0.3528, 'KS': 0.2034, 'KendallTau': 0.77, 'MannWhitneyU': 1601.0, 'AUC': 0.4599} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_AHP_TD_Forecast') {'Signal': 'QLD_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0599, 'RMSE': 25.8269, 'MAE': 19.6525, 'SMAPE': 0.0583, 'DiffSMAPE': 0.0583, 'MASE': 0.8206, 'RMSSE': 0.8612, 'ErrorMean': 8.9828, 'ErrorStdDev': 24.2144, 'R2': 0.918, 'Pearson': 0.9673, 'MedAE': 14.4271, 'LnQ': 0.3706, 'KS': 0.2373, 'KendallTau': 0.77, 'MannWhitneyU': 1556.0, 'AUC': 0.447} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0393, 'RMSE': 17.3814, 'MAE': 12.7871, 'SMAPE': 0.0382, 'DiffSMAPE': 0.0382, 'MASE': 0.5339, 'RMSSE': 0.5796, 'ErrorMean': 5.6031, 'ErrorStdDev': 16.4535, 'R2': 0.9629, 'Pearson': 0.9832, 'MedAE': 9.9659, 'LnQ': 0.1792, 'KS': 0.1186, 'KendallTau': 0.8345, 'MannWhitneyU': 1646.0, 'AUC': 0.4729} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0393, 'RMSE': 17.3814, 'MAE': 12.7871, 'SMAPE': 0.0382, 'DiffSMAPE': 0.0382, 'MASE': 0.5339, 'RMSSE': 0.5796, 'ErrorMean': 5.6031, 'ErrorStdDev': 16.4535, 'R2': 0.9629, 'Pearson': 0.9832, 'MedAE': 9.9659, 'LnQ': 0.1792, 'KS': 0.1186, 'KendallTau': 0.8345, 'MannWhitneyU': 1646.0, 'AUC': 0.4729} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_MO_Forecast') {'Signal': 'QLD_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0545, 'RMSE': 23.2748, 'MAE': 17.9689, 'SMAPE': 0.0532, 'DiffSMAPE': 0.0532, 'MASE': 0.7503, 'RMSSE': 0.7761, 'ErrorMean': 5.5684, 'ErrorStdDev': 22.5989, 'R2': 0.9334, 'Pearson': 0.9696, 'MedAE': 14.9809, 'LnQ': 0.3093, 'KS': 0.2203, 'KendallTau': 0.7759, 'MannWhitneyU': 1613.0, 'AUC': 0.4634} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0482, 'RMSE': 19.8094, 'MAE': 15.2133, 'SMAPE': 0.0468, 'DiffSMAPE': 0.0468, 'MASE': 0.6353, 'RMSSE': 0.6606, 'ErrorMean': 4.6821, 'ErrorStdDev': 19.2481, 'R2': 0.9518, 'Pearson': 0.977, 'MedAE': 12.6874, 'LnQ': 0.2538, 'KS': 0.1017, 'KendallTau': 0.8145, 'MannWhitneyU': 1668.0, 'AUC': 0.4792} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_PHA_TD_Forecast') {'Signal': 'QLD_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0586, 'RMSE': 24.5983, 'MAE': 19.1772, 'SMAPE': 0.0576, 'DiffSMAPE': 0.0575, 'MASE': 0.8008, 'RMSSE': 0.8203, 'ErrorMean': 5.6317, 'ErrorStdDev': 23.945, 'R2': 0.9256, 'Pearson': 0.9673, 'MedAE': 15.523, 'LnQ': 0.3528, 'KS': 0.2034, 'KendallTau': 0.77, 'MannWhitneyU': 1601.0, 'AUC': 0.4599} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_AHP_TD_Forecast') {'Signal': 'QLD_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0599, 'RMSE': 25.8269, 'MAE': 19.6525, 'SMAPE': 0.0583, 'DiffSMAPE': 0.0583, 'MASE': 0.8206, 'RMSSE': 0.8612, 'ErrorMean': 8.9828, 'ErrorStdDev': 24.2144, 'R2': 0.918, 'Pearson': 0.9673, 'MedAE': 14.4271, 'LnQ': 0.3706, 'KS': 0.2373, 'KendallTau': 0.77, 'MannWhitneyU': 1556.0, 'AUC': 0.447} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0393, 'RMSE': 17.3814, 'MAE': 12.7871, 'SMAPE': 0.0382, 'DiffSMAPE': 0.0382, 'MASE': 0.5339, 'RMSSE': 0.5796, 'ErrorMean': 5.6031, 'ErrorStdDev': 16.4535, 'R2': 0.9629, 'Pearson': 0.9832, 'MedAE': 9.9659, 'LnQ': 0.1792, 'KS': 0.1186, 'KendallTau': 0.8345, 'MannWhitneyU': 1646.0, 'AUC': 0.4729} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0393, 'RMSE': 17.3814, 'MAE': 12.7871, 'SMAPE': 0.0382, 'DiffSMAPE': 0.0382, 'MASE': 0.5339, 'RMSSE': 0.5796, 'ErrorMean': 5.6031, 'ErrorStdDev': 16.4535, 'R2': 0.9629, 'Pearson': 0.9832, 'MedAE': 9.9659, 'LnQ': 0.1792, 'KS': 0.1186, 'KendallTau': 0.8345, 'MannWhitneyU': 1646.0, 'AUC': 0.4729} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_MO_Forecast') {'Signal': 'QLD_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0545, 'RMSE': 23.2748, 'MAE': 17.9689, 'SMAPE': 0.0532, 'DiffSMAPE': 0.0532, 'MASE': 0.7503, 'RMSSE': 0.7761, 'ErrorMean': 5.5684, 'ErrorStdDev': 22.5989, 'R2': 0.9334, 'Pearson': 0.9696, 'MedAE': 14.9809, 'LnQ': 0.3093, 'KS': 0.2203, 'KendallTau': 0.7759, 'MannWhitneyU': 1613.0, 'AUC': 0.4634} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0482, 'RMSE': 19.8094, 'MAE': 15.2133, 'SMAPE': 0.0468, 'DiffSMAPE': 0.0468, 'MASE': 0.6353, 'RMSSE': 0.6606, 'ErrorMean': 4.6821, 'ErrorStdDev': 19.2481, 'R2': 0.9518, 'Pearson': 0.977, 'MedAE': 12.6874, 'LnQ': 0.2538, 'KS': 0.1017, 'KendallTau': 0.8145, 'MannWhitneyU': 1668.0, 'AUC': 0.4792} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_PHA_TD_Forecast') {'Signal': 'QLD_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0586, 'RMSE': 24.5983, 'MAE': 19.1772, 'SMAPE': 0.0576, 'DiffSMAPE': 0.0575, 'MASE': 0.8008, 'RMSSE': 0.8203, 'ErrorMean': 5.6317, 'ErrorStdDev': 23.945, 'R2': 0.9256, 'Pearson': 0.9673, 'MedAE': 15.523, 'LnQ': 0.3528, 'KS': 0.2034, 'KendallTau': 0.77, 'MannWhitneyU': 1601.0, 'AUC': 0.4599} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_AHP_TD_Forecast') {'Signal': 'SA_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1364, 'RMSE': 20.7462, 'MAE': 16.5732, 'SMAPE': 0.1292, 'DiffSMAPE': 0.1292, 'MASE': 0.9216, 'RMSSE': 0.9169, 'ErrorMean': 0.4026, 'ErrorStdDev': 20.7423, 'R2': 0.7916, 'Pearson': 0.8981, 'MedAE': 14.6253, 'LnQ': 1.5605, 'KS': 0.2034, 'KendallTau': 0.6559, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_BU_Forecast') {'Signal': 'SA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0715, 'RMSE': 10.6118, 'MAE': 8.618, 'SMAPE': 0.0689, 'DiffSMAPE': 0.0688, 'MASE': 0.4792, 'RMSSE': 0.469, 'ErrorMean': 3.2764, 'ErrorStdDev': 10.0933, 'R2': 0.9455, 'Pearson': 0.9757, 'MedAE': 8.0038, 'LnQ': 0.4495, 'KS': 0.1186, 'KendallTau': 0.8867, 'MannWhitneyU': 1635.0, 'AUC': 0.4697} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_Forecast') {'Signal': 'SA_female', 'Length': 59, 'MAPE': 0.0715, 'RMSE': 10.6118, 'MAE': 8.618, 'SMAPE': 0.0689, 'DiffSMAPE': 0.0688, 'MASE': 0.4792, 'RMSSE': 0.469, 'ErrorMean': 3.2764, 'ErrorStdDev': 10.0933, 'R2': 0.9455, 'Pearson': 0.9757, 'MedAE': 8.0038, 'LnQ': 0.4495, 'KS': 0.1186, 'KendallTau': 0.8867, 'MannWhitneyU': 1635.0, 'AUC': 0.4697} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_MO_Forecast') {'Signal': 'SA_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1404, 'RMSE': 20.617, 'MAE': 16.6645, 'SMAPE': 0.1315, 'DiffSMAPE': 0.1314, 'MASE': 0.9267, 'RMSSE': 0.9112, 'ErrorMean': 2.163, 'ErrorStdDev': 20.5032, 'R2': 0.7942, 'Pearson': 0.8985, 'MedAE': 13.5786, 'LnQ': 1.6113, 'KS': 0.1525, 'KendallTau': 0.6594, 'MannWhitneyU': 1688.0, 'AUC': 0.4849} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_OC_Forecast') {'Signal': 'SA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0798, 'RMSE': 11.4533, 'MAE': 9.5938, 'SMAPE': 0.0778, 'DiffSMAPE': 0.0778, 'MASE': 0.5335, 'RMSSE': 0.5062, 'ErrorMean': 2.3104, 'ErrorStdDev': 11.2179, 'R2': 0.9365, 'Pearson': 0.9691, 'MedAE': 10.1382, 'LnQ': 0.5613, 'KS': 0.1356, 'KendallTau': 0.8609, 'MannWhitneyU': 1656.0, 'AUC': 0.4757} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_PHA_TD_Forecast') {'Signal': 'SA_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1389, 'RMSE': 20.7373, 'MAE': 16.5624, 'SMAPE': 0.13, 'DiffSMAPE': 0.1299, 'MASE': 0.921, 'RMSSE': 0.9165, 'ErrorMean': 2.1318, 'ErrorStdDev': 20.6275, 'R2': 0.7918, 'Pearson': 0.8981, 'MedAE': 13.6557, 'LnQ': 1.6141, 'KS': 0.1864, 'KendallTau': 0.6559, 'MannWhitneyU': 1683.0, 'AUC': 0.4835} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_AHP_TD_Forecast') {'Signal': 'SA_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1364, 'RMSE': 20.7462, 'MAE': 16.5732, 'SMAPE': 0.1292, 'DiffSMAPE': 0.1292, 'MASE': 0.9216, 'RMSSE': 0.9169, 'ErrorMean': 0.4026, 'ErrorStdDev': 20.7423, 'R2': 0.7916, 'Pearson': 0.8981, 'MedAE': 14.6253, 'LnQ': 1.5605, 'KS': 0.2034, 'KendallTau': 0.6559, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_BU_Forecast') {'Signal': 'SA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0715, 'RMSE': 10.6118, 'MAE': 8.618, 'SMAPE': 0.0689, 'DiffSMAPE': 0.0688, 'MASE': 0.4792, 'RMSSE': 0.469, 'ErrorMean': 3.2764, 'ErrorStdDev': 10.0933, 'R2': 0.9455, 'Pearson': 0.9757, 'MedAE': 8.0038, 'LnQ': 0.4495, 'KS': 0.1186, 'KendallTau': 0.8867, 'MannWhitneyU': 1635.0, 'AUC': 0.4697} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_Forecast') {'Signal': 'SA_female', 'Length': 59, 'MAPE': 0.0715, 'RMSE': 10.6118, 'MAE': 8.618, 'SMAPE': 0.0689, 'DiffSMAPE': 0.0688, 'MASE': 0.4792, 'RMSSE': 0.469, 'ErrorMean': 3.2764, 'ErrorStdDev': 10.0933, 'R2': 0.9455, 'Pearson': 0.9757, 'MedAE': 8.0038, 'LnQ': 0.4495, 'KS': 0.1186, 'KendallTau': 0.8867, 'MannWhitneyU': 1635.0, 'AUC': 0.4697} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_MO_Forecast') {'Signal': 'SA_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1404, 'RMSE': 20.617, 'MAE': 16.6645, 'SMAPE': 0.1315, 'DiffSMAPE': 0.1314, 'MASE': 0.9267, 'RMSSE': 0.9112, 'ErrorMean': 2.163, 'ErrorStdDev': 20.5032, 'R2': 0.7942, 'Pearson': 0.8985, 'MedAE': 13.5786, 'LnQ': 1.6113, 'KS': 0.1525, 'KendallTau': 0.6594, 'MannWhitneyU': 1688.0, 'AUC': 0.4849} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_OC_Forecast') {'Signal': 'SA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0798, 'RMSE': 11.4533, 'MAE': 9.5938, 'SMAPE': 0.0778, 'DiffSMAPE': 0.0778, 'MASE': 0.5335, 'RMSSE': 0.5062, 'ErrorMean': 2.3104, 'ErrorStdDev': 11.2179, 'R2': 0.9365, 'Pearson': 0.9691, 'MedAE': 10.1382, 'LnQ': 0.5613, 'KS': 0.1356, 'KendallTau': 0.8609, 'MannWhitneyU': 1656.0, 'AUC': 0.4757} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_PHA_TD_Forecast') {'Signal': 'SA_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1389, 'RMSE': 20.7373, 'MAE': 16.5624, 'SMAPE': 0.13, 'DiffSMAPE': 0.1299, 'MASE': 0.921, 'RMSSE': 0.9165, 'ErrorMean': 2.1318, 'ErrorStdDev': 20.6275, 'R2': 0.7918, 'Pearson': 0.8981, 'MedAE': 13.6557, 'LnQ': 1.6141, 'KS': 0.1864, 'KendallTau': 0.6559, 'MannWhitneyU': 1683.0, 'AUC': 0.4835} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_AHP_TD_Forecast') {'Signal': 'SA_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1364, 'RMSE': 20.7462, 'MAE': 16.5732, 'SMAPE': 0.1292, 'DiffSMAPE': 0.1292, 'MASE': 0.9216, 'RMSSE': 0.9169, 'ErrorMean': 0.4026, 'ErrorStdDev': 20.7423, 'R2': 0.7916, 'Pearson': 0.8981, 'MedAE': 14.6253, 'LnQ': 1.5605, 'KS': 0.2034, 'KendallTau': 0.6559, 'MannWhitneyU': 1747.0, 'AUC': 0.5019} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_BU_Forecast') {'Signal': 'SA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0715, 'RMSE': 10.6118, 'MAE': 8.618, 'SMAPE': 0.0689, 'DiffSMAPE': 0.0688, 'MASE': 0.4792, 'RMSSE': 0.469, 'ErrorMean': 3.2764, 'ErrorStdDev': 10.0933, 'R2': 0.9455, 'Pearson': 0.9757, 'MedAE': 8.0038, 'LnQ': 0.4495, 'KS': 0.1186, 'KendallTau': 0.8867, 'MannWhitneyU': 1635.0, 'AUC': 0.4697} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_Forecast') {'Signal': 'SA_female', 'Length': 59, 'MAPE': 0.0715, 'RMSE': 10.6118, 'MAE': 8.618, 'SMAPE': 0.0689, 'DiffSMAPE': 0.0688, 'MASE': 0.4792, 'RMSSE': 0.469, 'ErrorMean': 3.2764, 'ErrorStdDev': 10.0933, 'R2': 0.9455, 'Pearson': 0.9757, 'MedAE': 8.0038, 'LnQ': 0.4495, 'KS': 0.1186, 'KendallTau': 0.8867, 'MannWhitneyU': 1635.0, 'AUC': 0.4697} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_MO_Forecast') {'Signal': 'SA_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1404, 'RMSE': 20.617, 'MAE': 16.6645, 'SMAPE': 0.1315, 'DiffSMAPE': 0.1314, 'MASE': 0.9267, 'RMSSE': 0.9112, 'ErrorMean': 2.163, 'ErrorStdDev': 20.5032, 'R2': 0.7942, 'Pearson': 0.8985, 'MedAE': 13.5786, 'LnQ': 1.6113, 'KS': 0.1525, 'KendallTau': 0.6594, 'MannWhitneyU': 1688.0, 'AUC': 0.4849} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_OC_Forecast') {'Signal': 'SA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0798, 'RMSE': 11.4533, 'MAE': 9.5938, 'SMAPE': 0.0778, 'DiffSMAPE': 0.0778, 'MASE': 0.5335, 'RMSSE': 0.5062, 'ErrorMean': 2.3104, 'ErrorStdDev': 11.2179, 'R2': 0.9365, 'Pearson': 0.9691, 'MedAE': 10.1382, 'LnQ': 0.5613, 'KS': 0.1356, 'KendallTau': 0.8609, 'MannWhitneyU': 1656.0, 'AUC': 0.4757} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_PHA_TD_Forecast') {'Signal': 'SA_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1389, 'RMSE': 20.7373, 'MAE': 16.5624, 'SMAPE': 0.13, 'DiffSMAPE': 0.1299, 'MASE': 0.921, 'RMSSE': 0.9165, 'ErrorMean': 2.1318, 'ErrorStdDev': 20.6275, 'R2': 0.7918, 'Pearson': 0.8981, 'MedAE': 13.6557, 'LnQ': 1.6141, 'KS': 0.1864, 'KendallTau': 0.6559, 'MannWhitneyU': 1683.0, 'AUC': 0.4835} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_male_AHP_TD_Forecast') {'Signal': 'SA_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1277, 'RMSE': 26.6378, 'MAE': 21.5563, 'SMAPE': 0.12, 'DiffSMAPE': 0.12, 'MASE': 1.1113, 'RMSSE': 1.0597, 'ErrorMean': 1.7477, 'ErrorStdDev': 26.5804, 'R2': 0.7878, 'Pearson': 0.89, 'MedAE': 19.194, 'LnQ': 1.3553, 'KS': 0.2034, 'KendallTau': 0.5926, 'MannWhitneyU': 1767.0, 'AUC': 0.5076} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_male_BU_Forecast') {'Signal': 'SA_male_BU_Forecast', 'Length': 59, 'MAPE': 0.066, 'RMSE': 13.2662, 'MAE': 10.46, 'SMAPE': 0.0629, 'DiffSMAPE': 0.0629, 'MASE': 0.5393, 'RMSSE': 0.5278, 'ErrorMean': 3.7082, 'ErrorStdDev': 12.7374, 'R2': 0.9474, 'Pearson': 0.9758, 'MedAE': 8.8205, 'LnQ': 0.4538, 'KS': 0.1017, 'KendallTau': 0.8529, 'MannWhitneyU': 1676.0, 'AUC': 0.4815} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_male_Forecast') {'Signal': 'SA_male', 'Length': 59, 'MAPE': 0.066, 'RMSE': 13.2662, 'MAE': 10.46, 'SMAPE': 0.0629, 'DiffSMAPE': 0.0629, 'MASE': 0.5393, 'RMSSE': 0.5278, 'ErrorMean': 3.7082, 'ErrorStdDev': 12.7374, 'R2': 0.9474, 'Pearson': 0.9758, 'MedAE': 8.8205, 'LnQ': 0.4538, 'KS': 0.1017, 'KendallTau': 0.8529, 'MannWhitneyU': 1676.0, 'AUC': 0.4815} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_male_MO_Forecast') {'Signal': 'SA_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1282, 'RMSE': 26.3467, 'MAE': 21.3683, 'SMAPE': 0.1199, 'DiffSMAPE': 0.1198, 'MASE': 1.1017, 'RMSSE': 1.0481, 'ErrorMean': 2.8576, 'ErrorStdDev': 26.1913, 'R2': 0.7924, 'Pearson': 0.8947, 'MedAE': 19.648, 'LnQ': 1.3697, 'KS': 0.2034, 'KendallTau': 0.6196, 'MannWhitneyU': 1743.0, 'AUC': 0.5007} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_male_OC_Forecast') {'Signal': 'SA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0847, 'RMSE': 15.9562, 'MAE': 12.7448, 'SMAPE': 0.0803, 'DiffSMAPE': 0.0803, 'MASE': 0.6571, 'RMSSE': 0.6348, 'ErrorMean': 2.7873, 'ErrorStdDev': 15.7109, 'R2': 0.9238, 'Pearson': 0.9627, 'MedAE': 12.2419, 'LnQ': 0.7348, 'KS': 0.0847, 'KendallTau': 0.8189, 'MannWhitneyU': 1707.0, 'AUC': 0.4904} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_male_PHA_TD_Forecast') {'Signal': 'SA_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1281, 'RMSE': 26.7019, 'MAE': 21.4198, 'SMAPE': 0.1197, 'DiffSMAPE': 0.1196, 'MASE': 1.1043, 'RMSSE': 1.0622, 'ErrorMean': 2.8901, 'ErrorStdDev': 26.545, 'R2': 0.7867, 'Pearson': 0.89, 'MedAE': 19.5175, 'LnQ': 1.3777, 'KS': 0.1864, 'KendallTau': 0.5926, 'MannWhitneyU': 1742.0, 'AUC': 0.5004} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_male_AHP_TD_Forecast') {'Signal': 'SA_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1277, 'RMSE': 26.6378, 'MAE': 21.5563, 'SMAPE': 0.12, 'DiffSMAPE': 0.12, 'MASE': 1.1113, 'RMSSE': 1.0597, 'ErrorMean': 1.7477, 'ErrorStdDev': 26.5804, 'R2': 0.7878, 'Pearson': 0.89, 'MedAE': 19.194, 'LnQ': 1.3553, 'KS': 0.2034, 'KendallTau': 0.5926, 'MannWhitneyU': 1767.0, 'AUC': 0.5076} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_male_BU_Forecast') {'Signal': 'SA_male_BU_Forecast', 'Length': 59, 'MAPE': 0.066, 'RMSE': 13.2662, 'MAE': 10.46, 'SMAPE': 0.0629, 'DiffSMAPE': 0.0629, 'MASE': 0.5393, 'RMSSE': 0.5278, 'ErrorMean': 3.7082, 'ErrorStdDev': 12.7374, 'R2': 0.9474, 'Pearson': 0.9758, 'MedAE': 8.8205, 'LnQ': 0.4538, 'KS': 0.1017, 'KendallTau': 0.8529, 'MannWhitneyU': 1676.0, 'AUC': 0.4815} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_male_Forecast') {'Signal': 'SA_male', 'Length': 59, 'MAPE': 0.066, 'RMSE': 13.2662, 'MAE': 10.46, 'SMAPE': 0.0629, 'DiffSMAPE': 0.0629, 'MASE': 0.5393, 'RMSSE': 0.5278, 'ErrorMean': 3.7082, 'ErrorStdDev': 12.7374, 'R2': 0.9474, 'Pearson': 0.9758, 'MedAE': 8.8205, 'LnQ': 0.4538, 'KS': 0.1017, 'KendallTau': 0.8529, 'MannWhitneyU': 1676.0, 'AUC': 0.4815} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_male_MO_Forecast') {'Signal': 'SA_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1282, 'RMSE': 26.3467, 'MAE': 21.3683, 'SMAPE': 0.1199, 'DiffSMAPE': 0.1198, 'MASE': 1.1017, 'RMSSE': 1.0481, 'ErrorMean': 2.8576, 'ErrorStdDev': 26.1913, 'R2': 0.7924, 'Pearson': 0.8947, 'MedAE': 19.648, 'LnQ': 1.3697, 'KS': 0.2034, 'KendallTau': 0.6196, 'MannWhitneyU': 1743.0, 'AUC': 0.5007} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_male_OC_Forecast') {'Signal': 'SA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0847, 'RMSE': 15.9562, 'MAE': 12.7448, 'SMAPE': 0.0803, 'DiffSMAPE': 0.0803, 'MASE': 0.6571, 'RMSSE': 0.6348, 'ErrorMean': 2.7873, 'ErrorStdDev': 15.7109, 'R2': 0.9238, 'Pearson': 0.9627, 'MedAE': 12.2419, 'LnQ': 0.7348, 'KS': 0.0847, 'KendallTau': 0.8189, 'MannWhitneyU': 1707.0, 'AUC': 0.4904} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_male_PHA_TD_Forecast') {'Signal': 'SA_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1281, 'RMSE': 26.7019, 'MAE': 21.4198, 'SMAPE': 0.1197, 'DiffSMAPE': 0.1196, 'MASE': 1.1043, 'RMSSE': 1.0622, 'ErrorMean': 2.8901, 'ErrorStdDev': 26.545, 'R2': 0.7867, 'Pearson': 0.89, 'MedAE': 19.5175, 'LnQ': 1.3777, 'KS': 0.1864, 'KendallTau': 0.5926, 'MannWhitneyU': 1742.0, 'AUC': 0.5004} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_male_AHP_TD_Forecast') {'Signal': 'SA_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1277, 'RMSE': 26.6378, 'MAE': 21.5563, 'SMAPE': 0.12, 'DiffSMAPE': 0.12, 'MASE': 1.1113, 'RMSSE': 1.0597, 'ErrorMean': 1.7477, 'ErrorStdDev': 26.5804, 'R2': 0.7878, 'Pearson': 0.89, 'MedAE': 19.194, 'LnQ': 1.3553, 'KS': 0.2034, 'KendallTau': 0.5926, 'MannWhitneyU': 1767.0, 'AUC': 0.5076} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_male_BU_Forecast') {'Signal': 'SA_male_BU_Forecast', 'Length': 59, 'MAPE': 0.066, 'RMSE': 13.2662, 'MAE': 10.46, 'SMAPE': 0.0629, 'DiffSMAPE': 0.0629, 'MASE': 0.5393, 'RMSSE': 0.5278, 'ErrorMean': 3.7082, 'ErrorStdDev': 12.7374, 'R2': 0.9474, 'Pearson': 0.9758, 'MedAE': 8.8205, 'LnQ': 0.4538, 'KS': 0.1017, 'KendallTau': 0.8529, 'MannWhitneyU': 1676.0, 'AUC': 0.4815} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_male_Forecast') {'Signal': 'SA_male', 'Length': 59, 'MAPE': 0.066, 'RMSE': 13.2662, 'MAE': 10.46, 'SMAPE': 0.0629, 'DiffSMAPE': 0.0629, 'MASE': 0.5393, 'RMSSE': 0.5278, 'ErrorMean': 3.7082, 'ErrorStdDev': 12.7374, 'R2': 0.9474, 'Pearson': 0.9758, 'MedAE': 8.8205, 'LnQ': 0.4538, 'KS': 0.1017, 'KendallTau': 0.8529, 'MannWhitneyU': 1676.0, 'AUC': 0.4815} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_male_MO_Forecast') {'Signal': 'SA_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1282, 'RMSE': 26.3467, 'MAE': 21.3683, 'SMAPE': 0.1199, 'DiffSMAPE': 0.1198, 'MASE': 1.1017, 'RMSSE': 1.0481, 'ErrorMean': 2.8576, 'ErrorStdDev': 26.1913, 'R2': 0.7924, 'Pearson': 0.8947, 'MedAE': 19.648, 'LnQ': 1.3697, 'KS': 0.2034, 'KendallTau': 0.6196, 'MannWhitneyU': 1743.0, 'AUC': 0.5007} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_male_OC_Forecast') {'Signal': 'SA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0847, 'RMSE': 15.9562, 'MAE': 12.7448, 'SMAPE': 0.0803, 'DiffSMAPE': 0.0803, 'MASE': 0.6571, 'RMSSE': 0.6348, 'ErrorMean': 2.7873, 'ErrorStdDev': 15.7109, 'R2': 0.9238, 'Pearson': 0.9627, 'MedAE': 12.2419, 'LnQ': 0.7348, 'KS': 0.0847, 'KendallTau': 0.8189, 'MannWhitneyU': 1707.0, 'AUC': 0.4904} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_male_PHA_TD_Forecast') {'Signal': 'SA_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1281, 'RMSE': 26.7019, 'MAE': 21.4198, 'SMAPE': 0.1197, 'DiffSMAPE': 0.1196, 'MASE': 1.1043, 'RMSSE': 1.0622, 'ErrorMean': 2.8901, 'ErrorStdDev': 26.545, 'R2': 0.7867, 'Pearson': 0.89, 'MedAE': 19.5175, 'LnQ': 1.3777, 'KS': 0.1864, 'KendallTau': 0.5926, 'MannWhitneyU': 1742.0, 'AUC': 0.5004} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_AHP_TD_Forecast') {'Signal': 'TAS_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1438, 'RMSE': 14.6198, 'MAE': 11.0044, 'SMAPE': 0.1351, 'DiffSMAPE': 0.135, 'MASE': 0.9598, 'RMSSE': 0.9727, 'ErrorMean': -0.0385, 'ErrorStdDev': 14.6197, 'R2': 0.7672, 'Pearson': 0.8935, 'MedAE': 8.7446, 'LnQ': 1.8725, 'KS': 0.2373, 'KendallTau': 0.7256, 'MannWhitneyU': 1800.0, 'AUC': 0.5171} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_BU_Forecast') {'Signal': 'TAS_female_BU_Forecast', 'Length': 59, 'MAPE': 0.1052, 'RMSE': 9.5591, 'MAE': 7.5842, 'SMAPE': 0.0984, 'DiffSMAPE': 0.0983, 'MASE': 0.6615, 'RMSSE': 0.636, 'ErrorMean': 2.2263, 'ErrorStdDev': 9.2962, 'R2': 0.9005, 'Pearson': 0.953, 'MedAE': 6.0705, 'LnQ': 1.0018, 'KS': 0.1356, 'KendallTau': 0.833, 'MannWhitneyU': 1636.0, 'AUC': 0.47} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_Forecast') {'Signal': 'TAS_female', 'Length': 59, 'MAPE': 0.1052, 'RMSE': 9.5591, 'MAE': 7.5842, 'SMAPE': 0.0984, 'DiffSMAPE': 0.0983, 'MASE': 0.6615, 'RMSSE': 0.636, 'ErrorMean': 2.2263, 'ErrorStdDev': 9.2962, 'R2': 0.9005, 'Pearson': 0.953, 'MedAE': 6.0705, 'LnQ': 1.0018, 'KS': 0.1356, 'KendallTau': 0.833, 'MannWhitneyU': 1636.0, 'AUC': 0.47} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_MO_Forecast') {'Signal': 'TAS_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1442, 'RMSE': 14.2311, 'MAE': 10.7958, 'SMAPE': 0.1342, 'DiffSMAPE': 0.1341, 'MASE': 0.9416, 'RMSSE': 0.9468, 'ErrorMean': 1.3371, 'ErrorStdDev': 14.1681, 'R2': 0.7794, 'Pearson': 0.8986, 'MedAE': 6.9355, 'LnQ': 1.8419, 'KS': 0.1695, 'KendallTau': 0.7256, 'MannWhitneyU': 1715.0, 'AUC': 0.4927} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_OC_Forecast') {'Signal': 'TAS_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1049, 'RMSE': 9.7427, 'MAE': 7.9829, 'SMAPE': 0.1024, 'DiffSMAPE': 0.1023, 'MASE': 0.6963, 'RMSSE': 0.6482, 'ErrorMean': 1.2603, 'ErrorStdDev': 9.6609, 'R2': 0.8966, 'Pearson': 0.9479, 'MedAE': 7.7797, 'LnQ': 1.0206, 'KS': 0.1017, 'KendallTau': 0.7725, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_PHA_TD_Forecast') {'Signal': 'TAS_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1489, 'RMSE': 14.5554, 'MAE': 11.1114, 'SMAPE': 0.1379, 'DiffSMAPE': 0.1378, 'MASE': 0.9691, 'RMSSE': 0.9684, 'ErrorMean': 1.3179, 'ErrorStdDev': 14.4956, 'R2': 0.7692, 'Pearson': 0.8935, 'MedAE': 8.2749, 'LnQ': 1.9509, 'KS': 0.1864, 'KendallTau': 0.7256, 'MannWhitneyU': 1720.0, 'AUC': 0.4941} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_AHP_TD_Forecast') {'Signal': 'TAS_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1438, 'RMSE': 14.6198, 'MAE': 11.0044, 'SMAPE': 0.1351, 'DiffSMAPE': 0.135, 'MASE': 0.9598, 'RMSSE': 0.9727, 'ErrorMean': -0.0385, 'ErrorStdDev': 14.6197, 'R2': 0.7672, 'Pearson': 0.8935, 'MedAE': 8.7446, 'LnQ': 1.8725, 'KS': 0.2373, 'KendallTau': 0.7256, 'MannWhitneyU': 1800.0, 'AUC': 0.5171} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_BU_Forecast') {'Signal': 'TAS_female_BU_Forecast', 'Length': 59, 'MAPE': 0.1052, 'RMSE': 9.5591, 'MAE': 7.5842, 'SMAPE': 0.0984, 'DiffSMAPE': 0.0983, 'MASE': 0.6615, 'RMSSE': 0.636, 'ErrorMean': 2.2263, 'ErrorStdDev': 9.2962, 'R2': 0.9005, 'Pearson': 0.953, 'MedAE': 6.0705, 'LnQ': 1.0018, 'KS': 0.1356, 'KendallTau': 0.833, 'MannWhitneyU': 1636.0, 'AUC': 0.47} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_Forecast') {'Signal': 'TAS_female', 'Length': 59, 'MAPE': 0.1052, 'RMSE': 9.5591, 'MAE': 7.5842, 'SMAPE': 0.0984, 'DiffSMAPE': 0.0983, 'MASE': 0.6615, 'RMSSE': 0.636, 'ErrorMean': 2.2263, 'ErrorStdDev': 9.2962, 'R2': 0.9005, 'Pearson': 0.953, 'MedAE': 6.0705, 'LnQ': 1.0018, 'KS': 0.1356, 'KendallTau': 0.833, 'MannWhitneyU': 1636.0, 'AUC': 0.47} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_MO_Forecast') {'Signal': 'TAS_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1442, 'RMSE': 14.2311, 'MAE': 10.7958, 'SMAPE': 0.1342, 'DiffSMAPE': 0.1341, 'MASE': 0.9416, 'RMSSE': 0.9468, 'ErrorMean': 1.3371, 'ErrorStdDev': 14.1681, 'R2': 0.7794, 'Pearson': 0.8986, 'MedAE': 6.9355, 'LnQ': 1.8419, 'KS': 0.1695, 'KendallTau': 0.7256, 'MannWhitneyU': 1715.0, 'AUC': 0.4927} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_OC_Forecast') {'Signal': 'TAS_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1049, 'RMSE': 9.7427, 'MAE': 7.9829, 'SMAPE': 0.1024, 'DiffSMAPE': 0.1023, 'MASE': 0.6963, 'RMSSE': 0.6482, 'ErrorMean': 1.2603, 'ErrorStdDev': 9.6609, 'R2': 0.8966, 'Pearson': 0.9479, 'MedAE': 7.7797, 'LnQ': 1.0206, 'KS': 0.1017, 'KendallTau': 0.7725, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_PHA_TD_Forecast') {'Signal': 'TAS_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1489, 'RMSE': 14.5554, 'MAE': 11.1114, 'SMAPE': 0.1379, 'DiffSMAPE': 0.1378, 'MASE': 0.9691, 'RMSSE': 0.9684, 'ErrorMean': 1.3179, 'ErrorStdDev': 14.4956, 'R2': 0.7692, 'Pearson': 0.8935, 'MedAE': 8.2749, 'LnQ': 1.9509, 'KS': 0.1864, 'KendallTau': 0.7256, 'MannWhitneyU': 1720.0, 'AUC': 0.4941} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_AHP_TD_Forecast') {'Signal': 'TAS_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1438, 'RMSE': 14.6198, 'MAE': 11.0044, 'SMAPE': 0.1351, 'DiffSMAPE': 0.135, 'MASE': 0.9598, 'RMSSE': 0.9727, 'ErrorMean': -0.0385, 'ErrorStdDev': 14.6197, 'R2': 0.7672, 'Pearson': 0.8935, 'MedAE': 8.7446, 'LnQ': 1.8725, 'KS': 0.2373, 'KendallTau': 0.7256, 'MannWhitneyU': 1800.0, 'AUC': 0.5171} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_BU_Forecast') {'Signal': 'TAS_female_BU_Forecast', 'Length': 59, 'MAPE': 0.1052, 'RMSE': 9.5591, 'MAE': 7.5842, 'SMAPE': 0.0984, 'DiffSMAPE': 0.0983, 'MASE': 0.6615, 'RMSSE': 0.636, 'ErrorMean': 2.2263, 'ErrorStdDev': 9.2962, 'R2': 0.9005, 'Pearson': 0.953, 'MedAE': 6.0705, 'LnQ': 1.0018, 'KS': 0.1356, 'KendallTau': 0.833, 'MannWhitneyU': 1636.0, 'AUC': 0.47} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_Forecast') {'Signal': 'TAS_female', 'Length': 59, 'MAPE': 0.1052, 'RMSE': 9.5591, 'MAE': 7.5842, 'SMAPE': 0.0984, 'DiffSMAPE': 0.0983, 'MASE': 0.6615, 'RMSSE': 0.636, 'ErrorMean': 2.2263, 'ErrorStdDev': 9.2962, 'R2': 0.9005, 'Pearson': 0.953, 'MedAE': 6.0705, 'LnQ': 1.0018, 'KS': 0.1356, 'KendallTau': 0.833, 'MannWhitneyU': 1636.0, 'AUC': 0.47} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_MO_Forecast') {'Signal': 'TAS_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1442, 'RMSE': 14.2311, 'MAE': 10.7958, 'SMAPE': 0.1342, 'DiffSMAPE': 0.1341, 'MASE': 0.9416, 'RMSSE': 0.9468, 'ErrorMean': 1.3371, 'ErrorStdDev': 14.1681, 'R2': 0.7794, 'Pearson': 0.8986, 'MedAE': 6.9355, 'LnQ': 1.8419, 'KS': 0.1695, 'KendallTau': 0.7256, 'MannWhitneyU': 1715.0, 'AUC': 0.4927} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_OC_Forecast') {'Signal': 'TAS_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1049, 'RMSE': 9.7427, 'MAE': 7.9829, 'SMAPE': 0.1024, 'DiffSMAPE': 0.1023, 'MASE': 0.6963, 'RMSSE': 0.6482, 'ErrorMean': 1.2603, 'ErrorStdDev': 9.6609, 'R2': 0.8966, 'Pearson': 0.9479, 'MedAE': 7.7797, 'LnQ': 1.0206, 'KS': 0.1017, 'KendallTau': 0.7725, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_PHA_TD_Forecast') {'Signal': 'TAS_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1489, 'RMSE': 14.5554, 'MAE': 11.1114, 'SMAPE': 0.1379, 'DiffSMAPE': 0.1378, 'MASE': 0.9691, 'RMSSE': 0.9684, 'ErrorMean': 1.3179, 'ErrorStdDev': 14.4956, 'R2': 0.7692, 'Pearson': 0.8935, 'MedAE': 8.2749, 'LnQ': 1.9509, 'KS': 0.1864, 'KendallTau': 0.7256, 'MannWhitneyU': 1720.0, 'AUC': 0.4941} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_AHP_TD_Forecast') {'Signal': 'TAS_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1443, 'RMSE': 14.6067, 'MAE': 11.0113, 'SMAPE': 0.1354, 'DiffSMAPE': 0.1353, 'MASE': 0.9604, 'RMSSE': 0.9718, 'ErrorMean': 0.1045, 'ErrorStdDev': 14.6063, 'R2': 0.7676, 'Pearson': 0.8935, 'MedAE': 8.8205, 'LnQ': 1.8794, 'KS': 0.2373, 'KendallTau': 0.7256, 'MannWhitneyU': 1796.0, 'AUC': 0.5159} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_BU_Forecast') {'Signal': 'TAS_male_BU_Forecast', 'Length': 59, 'MAPE': 0.1052, 'RMSE': 9.5591, 'MAE': 7.5842, 'SMAPE': 0.0984, 'DiffSMAPE': 0.0983, 'MASE': 0.6615, 'RMSSE': 0.636, 'ErrorMean': 2.2263, 'ErrorStdDev': 9.2962, 'R2': 0.9005, 'Pearson': 0.953, 'MedAE': 6.0705, 'LnQ': 1.0018, 'KS': 0.1356, 'KendallTau': 0.833, 'MannWhitneyU': 1636.0, 'AUC': 0.47} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_Forecast') {'Signal': 'TAS_male', 'Length': 59, 'MAPE': 0.1052, 'RMSE': 9.5591, 'MAE': 7.5842, 'SMAPE': 0.0984, 'DiffSMAPE': 0.0983, 'MASE': 0.6615, 'RMSSE': 0.636, 'ErrorMean': 2.2263, 'ErrorStdDev': 9.2962, 'R2': 0.9005, 'Pearson': 0.953, 'MedAE': 6.0705, 'LnQ': 1.0018, 'KS': 0.1356, 'KendallTau': 0.833, 'MannWhitneyU': 1636.0, 'AUC': 0.47} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_MO_Forecast') {'Signal': 'TAS_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1542, 'RMSE': 15.1707, 'MAE': 11.5607, 'SMAPE': 0.1428, 'DiffSMAPE': 0.1427, 'MASE': 1.0083, 'RMSSE': 1.0093, 'ErrorMean': 1.3031, 'ErrorStdDev': 15.1146, 'R2': 0.7493, 'Pearson': 0.8831, 'MedAE': 9.5113, 'LnQ': 2.0766, 'KS': 0.2034, 'KendallTau': 0.7185, 'MannWhitneyU': 1743.0, 'AUC': 0.5007} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_OC_Forecast') {'Signal': 'TAS_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1193, 'RMSE': 10.7001, 'MAE': 8.4789, 'SMAPE': 0.1122, 'DiffSMAPE': 0.1121, 'MASE': 0.7395, 'RMSSE': 0.7119, 'ErrorMean': 1.3054, 'ErrorStdDev': 10.6201, 'R2': 0.8753, 'Pearson': 0.937, 'MedAE': 6.8319, 'LnQ': 1.3766, 'KS': 0.0678, 'KendallTau': 0.7502, 'MannWhitneyU': 1688.0, 'AUC': 0.4849} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_PHA_TD_Forecast') {'Signal': 'TAS_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1489, 'RMSE': 14.5554, 'MAE': 11.1114, 'SMAPE': 0.1379, 'DiffSMAPE': 0.1378, 'MASE': 0.9691, 'RMSSE': 0.9684, 'ErrorMean': 1.3179, 'ErrorStdDev': 14.4956, 'R2': 0.7692, 'Pearson': 0.8935, 'MedAE': 8.2749, 'LnQ': 1.9509, 'KS': 0.1864, 'KendallTau': 0.7256, 'MannWhitneyU': 1720.0, 'AUC': 0.4941} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_AHP_TD_Forecast') {'Signal': 'TAS_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1443, 'RMSE': 14.6067, 'MAE': 11.0113, 'SMAPE': 0.1354, 'DiffSMAPE': 0.1353, 'MASE': 0.9604, 'RMSSE': 0.9718, 'ErrorMean': 0.1045, 'ErrorStdDev': 14.6063, 'R2': 0.7676, 'Pearson': 0.8935, 'MedAE': 8.8205, 'LnQ': 1.8794, 'KS': 0.2373, 'KendallTau': 0.7256, 'MannWhitneyU': 1796.0, 'AUC': 0.5159} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_BU_Forecast') {'Signal': 'TAS_male_BU_Forecast', 'Length': 59, 'MAPE': 0.1052, 'RMSE': 9.5591, 'MAE': 7.5842, 'SMAPE': 0.0984, 'DiffSMAPE': 0.0983, 'MASE': 0.6615, 'RMSSE': 0.636, 'ErrorMean': 2.2263, 'ErrorStdDev': 9.2962, 'R2': 0.9005, 'Pearson': 0.953, 'MedAE': 6.0705, 'LnQ': 1.0018, 'KS': 0.1356, 'KendallTau': 0.833, 'MannWhitneyU': 1636.0, 'AUC': 0.47} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_Forecast') {'Signal': 'TAS_male', 'Length': 59, 'MAPE': 0.1052, 'RMSE': 9.5591, 'MAE': 7.5842, 'SMAPE': 0.0984, 'DiffSMAPE': 0.0983, 'MASE': 0.6615, 'RMSSE': 0.636, 'ErrorMean': 2.2263, 'ErrorStdDev': 9.2962, 'R2': 0.9005, 'Pearson': 0.953, 'MedAE': 6.0705, 'LnQ': 1.0018, 'KS': 0.1356, 'KendallTau': 0.833, 'MannWhitneyU': 1636.0, 'AUC': 0.47} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_MO_Forecast') {'Signal': 'TAS_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1542, 'RMSE': 15.1707, 'MAE': 11.5607, 'SMAPE': 0.1428, 'DiffSMAPE': 0.1427, 'MASE': 1.0083, 'RMSSE': 1.0093, 'ErrorMean': 1.3031, 'ErrorStdDev': 15.1146, 'R2': 0.7493, 'Pearson': 0.8831, 'MedAE': 9.5113, 'LnQ': 2.0766, 'KS': 0.2034, 'KendallTau': 0.7185, 'MannWhitneyU': 1743.0, 'AUC': 0.5007} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_OC_Forecast') {'Signal': 'TAS_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1193, 'RMSE': 10.7001, 'MAE': 8.4789, 'SMAPE': 0.1122, 'DiffSMAPE': 0.1121, 'MASE': 0.7395, 'RMSSE': 0.7119, 'ErrorMean': 1.3054, 'ErrorStdDev': 10.6201, 'R2': 0.8753, 'Pearson': 0.937, 'MedAE': 6.8319, 'LnQ': 1.3766, 'KS': 0.0678, 'KendallTau': 0.7502, 'MannWhitneyU': 1688.0, 'AUC': 0.4849} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_PHA_TD_Forecast') {'Signal': 'TAS_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1489, 'RMSE': 14.5554, 'MAE': 11.1114, 'SMAPE': 0.1379, 'DiffSMAPE': 0.1378, 'MASE': 0.9691, 'RMSSE': 0.9684, 'ErrorMean': 1.3179, 'ErrorStdDev': 14.4956, 'R2': 0.7692, 'Pearson': 0.8935, 'MedAE': 8.2749, 'LnQ': 1.9509, 'KS': 0.1864, 'KendallTau': 0.7256, 'MannWhitneyU': 1720.0, 'AUC': 0.4941} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_AHP_TD_Forecast') {'Signal': 'TAS_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1443, 'RMSE': 14.6067, 'MAE': 11.0113, 'SMAPE': 0.1354, 'DiffSMAPE': 0.1353, 'MASE': 0.9604, 'RMSSE': 0.9718, 'ErrorMean': 0.1045, 'ErrorStdDev': 14.6063, 'R2': 0.7676, 'Pearson': 0.8935, 'MedAE': 8.8205, 'LnQ': 1.8794, 'KS': 0.2373, 'KendallTau': 0.7256, 'MannWhitneyU': 1796.0, 'AUC': 0.5159} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_BU_Forecast') {'Signal': 'TAS_male_BU_Forecast', 'Length': 59, 'MAPE': 0.1052, 'RMSE': 9.5591, 'MAE': 7.5842, 'SMAPE': 0.0984, 'DiffSMAPE': 0.0983, 'MASE': 0.6615, 'RMSSE': 0.636, 'ErrorMean': 2.2263, 'ErrorStdDev': 9.2962, 'R2': 0.9005, 'Pearson': 0.953, 'MedAE': 6.0705, 'LnQ': 1.0018, 'KS': 0.1356, 'KendallTau': 0.833, 'MannWhitneyU': 1636.0, 'AUC': 0.47} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_Forecast') {'Signal': 'TAS_male', 'Length': 59, 'MAPE': 0.1052, 'RMSE': 9.5591, 'MAE': 7.5842, 'SMAPE': 0.0984, 'DiffSMAPE': 0.0983, 'MASE': 0.6615, 'RMSSE': 0.636, 'ErrorMean': 2.2263, 'ErrorStdDev': 9.2962, 'R2': 0.9005, 'Pearson': 0.953, 'MedAE': 6.0705, 'LnQ': 1.0018, 'KS': 0.1356, 'KendallTau': 0.833, 'MannWhitneyU': 1636.0, 'AUC': 0.47} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_MO_Forecast') {'Signal': 'TAS_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1542, 'RMSE': 15.1707, 'MAE': 11.5607, 'SMAPE': 0.1428, 'DiffSMAPE': 0.1427, 'MASE': 1.0083, 'RMSSE': 1.0093, 'ErrorMean': 1.3031, 'ErrorStdDev': 15.1146, 'R2': 0.7493, 'Pearson': 0.8831, 'MedAE': 9.5113, 'LnQ': 2.0766, 'KS': 0.2034, 'KendallTau': 0.7185, 'MannWhitneyU': 1743.0, 'AUC': 0.5007} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_OC_Forecast') {'Signal': 'TAS_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1193, 'RMSE': 10.7001, 'MAE': 8.4789, 'SMAPE': 0.1122, 'DiffSMAPE': 0.1121, 'MASE': 0.7395, 'RMSSE': 0.7119, 'ErrorMean': 1.3054, 'ErrorStdDev': 10.6201, 'R2': 0.8753, 'Pearson': 0.937, 'MedAE': 6.8319, 'LnQ': 1.3766, 'KS': 0.0678, 'KendallTau': 0.7502, 'MannWhitneyU': 1688.0, 'AUC': 0.4849} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_PHA_TD_Forecast') {'Signal': 'TAS_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1489, 'RMSE': 14.5554, 'MAE': 11.1114, 'SMAPE': 0.1379, 'DiffSMAPE': 0.1378, 'MASE': 0.9691, 'RMSSE': 0.9684, 'ErrorMean': 1.3179, 'ErrorStdDev': 14.4956, 'R2': 0.7692, 'Pearson': 0.8935, 'MedAE': 8.2749, 'LnQ': 1.9509, 'KS': 0.1864, 'KendallTau': 0.7256, 'MannWhitneyU': 1720.0, 'AUC': 0.4941} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_female_AHP_TD_Forecast') {'Signal': 'VIC_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0789, 'RMSE': 37.4076, 'MAE': 30.6969, 'SMAPE': 0.0767, 'DiffSMAPE': 0.0767, 'MASE': 0.8398, 'RMSSE': 0.8298, 'ErrorMean': 4.8296, 'ErrorStdDev': 37.0945, 'R2': 0.9065, 'Pearson': 0.9541, 'MedAE': 22.998, 'LnQ': 0.5151, 'KS': 0.1186, 'KendallTau': 0.6372, 'MannWhitneyU': 1687.0, 'AUC': 0.4846} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_female_BU_Forecast') {'Signal': 'VIC_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0588, 'RMSE': 27.2485, 'MAE': 21.9697, 'SMAPE': 0.0568, 'DiffSMAPE': 0.0568, 'MASE': 0.6011, 'RMSSE': 0.6045, 'ErrorMean': 8.5543, 'ErrorStdDev': 25.8709, 'R2': 0.9504, 'Pearson': 0.9781, 'MedAE': 16.7804, 'LnQ': 0.3155, 'KS': 0.1186, 'KendallTau': 0.8057, 'MannWhitneyU': 1614.0, 'AUC': 0.4637} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_female_Forecast') {'Signal': 'VIC_female', 'Length': 59, 'MAPE': 0.0588, 'RMSE': 27.2485, 'MAE': 21.9697, 'SMAPE': 0.0568, 'DiffSMAPE': 0.0568, 'MASE': 0.6011, 'RMSSE': 0.6045, 'ErrorMean': 8.5543, 'ErrorStdDev': 25.8709, 'R2': 0.9504, 'Pearson': 0.9781, 'MedAE': 16.7804, 'LnQ': 0.3155, 'KS': 0.1186, 'KendallTau': 0.8057, 'MannWhitneyU': 1614.0, 'AUC': 0.4637} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_female_MO_Forecast') {'Signal': 'VIC_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0784, 'RMSE': 37.2237, 'MAE': 30.0543, 'SMAPE': 0.0758, 'DiffSMAPE': 0.0757, 'MASE': 0.8222, 'RMSSE': 0.8257, 'ErrorMean': 6.747, 'ErrorStdDev': 36.6072, 'R2': 0.9074, 'Pearson': 0.9548, 'MedAE': 23.0921, 'LnQ': 0.526, 'KS': 0.1356, 'KendallTau': 0.6571, 'MannWhitneyU': 1639.0, 'AUC': 0.4708} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_female_OC_Forecast') {'Signal': 'VIC_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0607, 'RMSE': 27.5476, 'MAE': 22.6214, 'SMAPE': 0.0591, 'DiffSMAPE': 0.0591, 'MASE': 0.6189, 'RMSSE': 0.6111, 'ErrorMean': 7.5883, 'ErrorStdDev': 26.4819, 'R2': 0.9493, 'Pearson': 0.9766, 'MedAE': 21.1123, 'LnQ': 0.3267, 'KS': 0.1017, 'KendallTau': 0.7882, 'MannWhitneyU': 1626.0, 'AUC': 0.4671} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_female_PHA_TD_Forecast') {'Signal': 'VIC_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0798, 'RMSE': 37.6163, 'MAE': 30.8871, 'SMAPE': 0.0773, 'DiffSMAPE': 0.0773, 'MASE': 0.845, 'RMSSE': 0.8344, 'ErrorMean': 6.6497, 'ErrorStdDev': 37.0239, 'R2': 0.9055, 'Pearson': 0.9541, 'MedAE': 24.7021, 'LnQ': 0.527, 'KS': 0.1356, 'KendallTau': 0.6372, 'MannWhitneyU': 1659.0, 'AUC': 0.4766} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_female_AHP_TD_Forecast') {'Signal': 'VIC_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0789, 'RMSE': 37.4076, 'MAE': 30.6969, 'SMAPE': 0.0767, 'DiffSMAPE': 0.0767, 'MASE': 0.8398, 'RMSSE': 0.8298, 'ErrorMean': 4.8296, 'ErrorStdDev': 37.0945, 'R2': 0.9065, 'Pearson': 0.9541, 'MedAE': 22.998, 'LnQ': 0.5151, 'KS': 0.1186, 'KendallTau': 0.6372, 'MannWhitneyU': 1687.0, 'AUC': 0.4846} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_female_BU_Forecast') {'Signal': 'VIC_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0588, 'RMSE': 27.2485, 'MAE': 21.9697, 'SMAPE': 0.0568, 'DiffSMAPE': 0.0568, 'MASE': 0.6011, 'RMSSE': 0.6045, 'ErrorMean': 8.5543, 'ErrorStdDev': 25.8709, 'R2': 0.9504, 'Pearson': 0.9781, 'MedAE': 16.7804, 'LnQ': 0.3155, 'KS': 0.1186, 'KendallTau': 0.8057, 'MannWhitneyU': 1614.0, 'AUC': 0.4637} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_female_Forecast') {'Signal': 'VIC_female', 'Length': 59, 'MAPE': 0.0588, 'RMSE': 27.2485, 'MAE': 21.9697, 'SMAPE': 0.0568, 'DiffSMAPE': 0.0568, 'MASE': 0.6011, 'RMSSE': 0.6045, 'ErrorMean': 8.5543, 'ErrorStdDev': 25.8709, 'R2': 0.9504, 'Pearson': 0.9781, 'MedAE': 16.7804, 'LnQ': 0.3155, 'KS': 0.1186, 'KendallTau': 0.8057, 'MannWhitneyU': 1614.0, 'AUC': 0.4637} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_female_MO_Forecast') {'Signal': 'VIC_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0784, 'RMSE': 37.2237, 'MAE': 30.0543, 'SMAPE': 0.0758, 'DiffSMAPE': 0.0757, 'MASE': 0.8222, 'RMSSE': 0.8257, 'ErrorMean': 6.747, 'ErrorStdDev': 36.6072, 'R2': 0.9074, 'Pearson': 0.9548, 'MedAE': 23.0921, 'LnQ': 0.526, 'KS': 0.1356, 'KendallTau': 0.6571, 'MannWhitneyU': 1639.0, 'AUC': 0.4708} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_female_OC_Forecast') {'Signal': 'VIC_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0607, 'RMSE': 27.5476, 'MAE': 22.6214, 'SMAPE': 0.0591, 'DiffSMAPE': 0.0591, 'MASE': 0.6189, 'RMSSE': 0.6111, 'ErrorMean': 7.5883, 'ErrorStdDev': 26.4819, 'R2': 0.9493, 'Pearson': 0.9766, 'MedAE': 21.1123, 'LnQ': 0.3267, 'KS': 0.1017, 'KendallTau': 0.7882, 'MannWhitneyU': 1626.0, 'AUC': 0.4671} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_female_PHA_TD_Forecast') {'Signal': 'VIC_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0798, 'RMSE': 37.6163, 'MAE': 30.8871, 'SMAPE': 0.0773, 'DiffSMAPE': 0.0773, 'MASE': 0.845, 'RMSSE': 0.8344, 'ErrorMean': 6.6497, 'ErrorStdDev': 37.0239, 'R2': 0.9055, 'Pearson': 0.9541, 'MedAE': 24.7021, 'LnQ': 0.527, 'KS': 0.1356, 'KendallTau': 0.6372, 'MannWhitneyU': 1659.0, 'AUC': 0.4766} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_female_AHP_TD_Forecast') {'Signal': 'VIC_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0789, 'RMSE': 37.4076, 'MAE': 30.6969, 'SMAPE': 0.0767, 'DiffSMAPE': 0.0767, 'MASE': 0.8398, 'RMSSE': 0.8298, 'ErrorMean': 4.8296, 'ErrorStdDev': 37.0945, 'R2': 0.9065, 'Pearson': 0.9541, 'MedAE': 22.998, 'LnQ': 0.5151, 'KS': 0.1186, 'KendallTau': 0.6372, 'MannWhitneyU': 1687.0, 'AUC': 0.4846} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_female_BU_Forecast') {'Signal': 'VIC_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0588, 'RMSE': 27.2485, 'MAE': 21.9697, 'SMAPE': 0.0568, 'DiffSMAPE': 0.0568, 'MASE': 0.6011, 'RMSSE': 0.6045, 'ErrorMean': 8.5543, 'ErrorStdDev': 25.8709, 'R2': 0.9504, 'Pearson': 0.9781, 'MedAE': 16.7804, 'LnQ': 0.3155, 'KS': 0.1186, 'KendallTau': 0.8057, 'MannWhitneyU': 1614.0, 'AUC': 0.4637} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_female_Forecast') {'Signal': 'VIC_female', 'Length': 59, 'MAPE': 0.0588, 'RMSE': 27.2485, 'MAE': 21.9697, 'SMAPE': 0.0568, 'DiffSMAPE': 0.0568, 'MASE': 0.6011, 'RMSSE': 0.6045, 'ErrorMean': 8.5543, 'ErrorStdDev': 25.8709, 'R2': 0.9504, 'Pearson': 0.9781, 'MedAE': 16.7804, 'LnQ': 0.3155, 'KS': 0.1186, 'KendallTau': 0.8057, 'MannWhitneyU': 1614.0, 'AUC': 0.4637} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_female_MO_Forecast') {'Signal': 'VIC_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0784, 'RMSE': 37.2237, 'MAE': 30.0543, 'SMAPE': 0.0758, 'DiffSMAPE': 0.0757, 'MASE': 0.8222, 'RMSSE': 0.8257, 'ErrorMean': 6.747, 'ErrorStdDev': 36.6072, 'R2': 0.9074, 'Pearson': 0.9548, 'MedAE': 23.0921, 'LnQ': 0.526, 'KS': 0.1356, 'KendallTau': 0.6571, 'MannWhitneyU': 1639.0, 'AUC': 0.4708} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_female_OC_Forecast') {'Signal': 'VIC_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0607, 'RMSE': 27.5476, 'MAE': 22.6214, 'SMAPE': 0.0591, 'DiffSMAPE': 0.0591, 'MASE': 0.6189, 'RMSSE': 0.6111, 'ErrorMean': 7.5883, 'ErrorStdDev': 26.4819, 'R2': 0.9493, 'Pearson': 0.9766, 'MedAE': 21.1123, 'LnQ': 0.3267, 'KS': 0.1017, 'KendallTau': 0.7882, 'MannWhitneyU': 1626.0, 'AUC': 0.4671} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_female_PHA_TD_Forecast') {'Signal': 'VIC_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0798, 'RMSE': 37.6163, 'MAE': 30.8871, 'SMAPE': 0.0773, 'DiffSMAPE': 0.0773, 'MASE': 0.845, 'RMSSE': 0.8344, 'ErrorMean': 6.6497, 'ErrorStdDev': 37.0239, 'R2': 0.9055, 'Pearson': 0.9541, 'MedAE': 24.7021, 'LnQ': 0.527, 'KS': 0.1356, 'KendallTau': 0.6372, 'MannWhitneyU': 1659.0, 'AUC': 0.4766} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_AHP_TD_Forecast') {'Signal': 'VIC_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0661, 'RMSE': 41.8585, 'MAE': 34.3188, 'SMAPE': 0.0644, 'DiffSMAPE': 0.0644, 'MASE': 0.7736, 'RMSSE': 0.773, 'ErrorMean': 7.338, 'ErrorStdDev': 41.2103, 'R2': 0.93, 'Pearson': 0.9664, 'MedAE': 27.867, 'LnQ': 0.3671, 'KS': 0.1695, 'KendallTau': 0.7117, 'MannWhitneyU': 1652.0, 'AUC': 0.4746} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_BU_Forecast') {'Signal': 'VIC_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0509, 'RMSE': 34.3256, 'MAE': 26.6943, 'SMAPE': 0.0496, 'DiffSMAPE': 0.0496, 'MASE': 0.6017, 'RMSSE': 0.6339, 'ErrorMean': 10.4659, 'ErrorStdDev': 32.6912, 'R2': 0.9529, 'Pearson': 0.9784, 'MedAE': 20.9444, 'LnQ': 0.246, 'KS': 0.1695, 'KendallTau': 0.8111, 'MannWhitneyU': 1594.0, 'AUC': 0.4579} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_Forecast') {'Signal': 'VIC_male', 'Length': 59, 'MAPE': 0.0509, 'RMSE': 34.3256, 'MAE': 26.6943, 'SMAPE': 0.0496, 'DiffSMAPE': 0.0496, 'MASE': 0.6017, 'RMSSE': 0.6339, 'ErrorMean': 10.4659, 'ErrorStdDev': 32.6912, 'R2': 0.9529, 'Pearson': 0.9784, 'MedAE': 20.9444, 'LnQ': 0.246, 'KS': 0.1695, 'KendallTau': 0.8111, 'MannWhitneyU': 1594.0, 'AUC': 0.4579} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_MO_Forecast') {'Signal': 'VIC_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0668, 'RMSE': 42.3542, 'MAE': 34.384, 'SMAPE': 0.0649, 'DiffSMAPE': 0.0649, 'MASE': 0.7751, 'RMSSE': 0.7822, 'ErrorMean': 8.6511, 'ErrorStdDev': 41.4613, 'R2': 0.9283, 'Pearson': 0.9669, 'MedAE': 25.4053, 'LnQ': 0.3847, 'KS': 0.1864, 'KendallTau': 0.714, 'MannWhitneyU': 1636.0, 'AUC': 0.47} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_OC_Forecast') {'Signal': 'VIC_male_OC_Forecast', 'Length': 59, 'MAPE': 0.052, 'RMSE': 34.1357, 'MAE': 27.0282, 'SMAPE': 0.0508, 'DiffSMAPE': 0.0508, 'MASE': 0.6093, 'RMSSE': 0.6304, 'ErrorMean': 9.545, 'ErrorStdDev': 32.7741, 'R2': 0.9534, 'Pearson': 0.9784, 'MedAE': 22.4395, 'LnQ': 0.2461, 'KS': 0.1695, 'KendallTau': 0.7936, 'MannWhitneyU': 1603.0, 'AUC': 0.4605} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_PHA_TD_Forecast') {'Signal': 'VIC_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0667, 'RMSE': 42.073, 'MAE': 34.4704, 'SMAPE': 0.0648, 'DiffSMAPE': 0.0648, 'MASE': 0.777, 'RMSSE': 0.777, 'ErrorMean': 8.7494, 'ErrorStdDev': 41.1532, 'R2': 0.9292, 'Pearson': 0.9664, 'MedAE': 29.3852, 'LnQ': 0.3736, 'KS': 0.1695, 'KendallTau': 0.7117, 'MannWhitneyU': 1634.0, 'AUC': 0.4694} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_AHP_TD_Forecast') {'Signal': 'VIC_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0661, 'RMSE': 41.8585, 'MAE': 34.3188, 'SMAPE': 0.0644, 'DiffSMAPE': 0.0644, 'MASE': 0.7736, 'RMSSE': 0.773, 'ErrorMean': 7.338, 'ErrorStdDev': 41.2103, 'R2': 0.93, 'Pearson': 0.9664, 'MedAE': 27.867, 'LnQ': 0.3671, 'KS': 0.1695, 'KendallTau': 0.7117, 'MannWhitneyU': 1652.0, 'AUC': 0.4746} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_BU_Forecast') {'Signal': 'VIC_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0509, 'RMSE': 34.3256, 'MAE': 26.6943, 'SMAPE': 0.0496, 'DiffSMAPE': 0.0496, 'MASE': 0.6017, 'RMSSE': 0.6339, 'ErrorMean': 10.4659, 'ErrorStdDev': 32.6912, 'R2': 0.9529, 'Pearson': 0.9784, 'MedAE': 20.9444, 'LnQ': 0.246, 'KS': 0.1695, 'KendallTau': 0.8111, 'MannWhitneyU': 1594.0, 'AUC': 0.4579} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_Forecast') {'Signal': 'VIC_male', 'Length': 59, 'MAPE': 0.0509, 'RMSE': 34.3256, 'MAE': 26.6943, 'SMAPE': 0.0496, 'DiffSMAPE': 0.0496, 'MASE': 0.6017, 'RMSSE': 0.6339, 'ErrorMean': 10.4659, 'ErrorStdDev': 32.6912, 'R2': 0.9529, 'Pearson': 0.9784, 'MedAE': 20.9444, 'LnQ': 0.246, 'KS': 0.1695, 'KendallTau': 0.8111, 'MannWhitneyU': 1594.0, 'AUC': 0.4579} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_MO_Forecast') {'Signal': 'VIC_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0668, 'RMSE': 42.3542, 'MAE': 34.384, 'SMAPE': 0.0649, 'DiffSMAPE': 0.0649, 'MASE': 0.7751, 'RMSSE': 0.7822, 'ErrorMean': 8.6511, 'ErrorStdDev': 41.4613, 'R2': 0.9283, 'Pearson': 0.9669, 'MedAE': 25.4053, 'LnQ': 0.3847, 'KS': 0.1864, 'KendallTau': 0.714, 'MannWhitneyU': 1636.0, 'AUC': 0.47} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_OC_Forecast') {'Signal': 'VIC_male_OC_Forecast', 'Length': 59, 'MAPE': 0.052, 'RMSE': 34.1357, 'MAE': 27.0282, 'SMAPE': 0.0508, 'DiffSMAPE': 0.0508, 'MASE': 0.6093, 'RMSSE': 0.6304, 'ErrorMean': 9.545, 'ErrorStdDev': 32.7741, 'R2': 0.9534, 'Pearson': 0.9784, 'MedAE': 22.4395, 'LnQ': 0.2461, 'KS': 0.1695, 'KendallTau': 0.7936, 'MannWhitneyU': 1603.0, 'AUC': 0.4605} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_PHA_TD_Forecast') {'Signal': 'VIC_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0667, 'RMSE': 42.073, 'MAE': 34.4704, 'SMAPE': 0.0648, 'DiffSMAPE': 0.0648, 'MASE': 0.777, 'RMSSE': 0.777, 'ErrorMean': 8.7494, 'ErrorStdDev': 41.1532, 'R2': 0.9292, 'Pearson': 0.9664, 'MedAE': 29.3852, 'LnQ': 0.3736, 'KS': 0.1695, 'KendallTau': 0.7117, 'MannWhitneyU': 1634.0, 'AUC': 0.4694} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_AHP_TD_Forecast') {'Signal': 'VIC_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0661, 'RMSE': 41.8585, 'MAE': 34.3188, 'SMAPE': 0.0644, 'DiffSMAPE': 0.0644, 'MASE': 0.7736, 'RMSSE': 0.773, 'ErrorMean': 7.338, 'ErrorStdDev': 41.2103, 'R2': 0.93, 'Pearson': 0.9664, 'MedAE': 27.867, 'LnQ': 0.3671, 'KS': 0.1695, 'KendallTau': 0.7117, 'MannWhitneyU': 1652.0, 'AUC': 0.4746} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_BU_Forecast') {'Signal': 'VIC_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0509, 'RMSE': 34.3256, 'MAE': 26.6943, 'SMAPE': 0.0496, 'DiffSMAPE': 0.0496, 'MASE': 0.6017, 'RMSSE': 0.6339, 'ErrorMean': 10.4659, 'ErrorStdDev': 32.6912, 'R2': 0.9529, 'Pearson': 0.9784, 'MedAE': 20.9444, 'LnQ': 0.246, 'KS': 0.1695, 'KendallTau': 0.8111, 'MannWhitneyU': 1594.0, 'AUC': 0.4579} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_Forecast') {'Signal': 'VIC_male', 'Length': 59, 'MAPE': 0.0509, 'RMSE': 34.3256, 'MAE': 26.6943, 'SMAPE': 0.0496, 'DiffSMAPE': 0.0496, 'MASE': 0.6017, 'RMSSE': 0.6339, 'ErrorMean': 10.4659, 'ErrorStdDev': 32.6912, 'R2': 0.9529, 'Pearson': 0.9784, 'MedAE': 20.9444, 'LnQ': 0.246, 'KS': 0.1695, 'KendallTau': 0.8111, 'MannWhitneyU': 1594.0, 'AUC': 0.4579} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_MO_Forecast') {'Signal': 'VIC_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0668, 'RMSE': 42.3542, 'MAE': 34.384, 'SMAPE': 0.0649, 'DiffSMAPE': 0.0649, 'MASE': 0.7751, 'RMSSE': 0.7822, 'ErrorMean': 8.6511, 'ErrorStdDev': 41.4613, 'R2': 0.9283, 'Pearson': 0.9669, 'MedAE': 25.4053, 'LnQ': 0.3847, 'KS': 0.1864, 'KendallTau': 0.714, 'MannWhitneyU': 1636.0, 'AUC': 0.47} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_OC_Forecast') {'Signal': 'VIC_male_OC_Forecast', 'Length': 59, 'MAPE': 0.052, 'RMSE': 34.1357, 'MAE': 27.0282, 'SMAPE': 0.0508, 'DiffSMAPE': 0.0508, 'MASE': 0.6093, 'RMSSE': 0.6304, 'ErrorMean': 9.545, 'ErrorStdDev': 32.7741, 'R2': 0.9534, 'Pearson': 0.9784, 'MedAE': 22.4395, 'LnQ': 0.2461, 'KS': 0.1695, 'KendallTau': 0.7936, 'MannWhitneyU': 1603.0, 'AUC': 0.4605} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_PHA_TD_Forecast') {'Signal': 'VIC_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0667, 'RMSE': 42.073, 'MAE': 34.4704, 'SMAPE': 0.0648, 'DiffSMAPE': 0.0648, 'MASE': 0.777, 'RMSSE': 0.777, 'ErrorMean': 8.7494, 'ErrorStdDev': 41.1532, 'R2': 0.9292, 'Pearson': 0.9664, 'MedAE': 29.3852, 'LnQ': 0.3736, 'KS': 0.1695, 'KendallTau': 0.7117, 'MannWhitneyU': 1634.0, 'AUC': 0.4694} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_female_AHP_TD_Forecast') {'Signal': 'WA_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1305, 'RMSE': 23.5116, 'MAE': 17.5181, 'SMAPE': 0.1253, 'DiffSMAPE': 0.1252, 'MASE': 0.9971, 'RMSSE': 1.0769, 'ErrorMean': 5.491, 'ErrorStdDev': 22.8614, 'R2': 0.5253, 'Pearson': 0.7955, 'MedAE': 11.6658, 'LnQ': 1.5718, 'KS': 0.2881, 'KendallTau': 0.4672, 'MannWhitneyU': 1460.0, 'AUC': 0.4194} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_female_BU_Forecast') {'Signal': 'WA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0813, 'RMSE': 13.0489, 'MAE': 10.3941, 'SMAPE': 0.0784, 'DiffSMAPE': 0.0784, 'MASE': 0.5916, 'RMSSE': 0.5977, 'ErrorMean': 2.4534, 'ErrorStdDev': 12.8162, 'R2': 0.8538, 'Pearson': 0.9331, 'MedAE': 8.3497, 'LnQ': 0.5854, 'KS': 0.1525, 'KendallTau': 0.7292, 'MannWhitneyU': 1624.0, 'AUC': 0.4665} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_female_Forecast') {'Signal': 'WA_female', 'Length': 59, 'MAPE': 0.0813, 'RMSE': 13.0489, 'MAE': 10.3941, 'SMAPE': 0.0784, 'DiffSMAPE': 0.0784, 'MASE': 0.5916, 'RMSSE': 0.5977, 'ErrorMean': 2.4534, 'ErrorStdDev': 12.8162, 'R2': 0.8538, 'Pearson': 0.9331, 'MedAE': 8.3497, 'LnQ': 0.5854, 'KS': 0.1525, 'KendallTau': 0.7292, 'MannWhitneyU': 1624.0, 'AUC': 0.4665} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_female_MO_Forecast') {'Signal': 'WA_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1253, 'RMSE': 23.3444, 'MAE': 16.9592, 'SMAPE': 0.123, 'DiffSMAPE': 0.1229, 'MASE': 0.9653, 'RMSSE': 1.0692, 'ErrorMean': 2.1828, 'ErrorStdDev': 23.2421, 'R2': 0.532, 'Pearson': 0.785, 'MedAE': 11.5484, 'LnQ': 1.5977, 'KS': 0.2373, 'KendallTau': 0.4777, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_female_OC_Forecast') {'Signal': 'WA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0825, 'RMSE': 13.3913, 'MAE': 10.7435, 'SMAPE': 0.081, 'DiffSMAPE': 0.081, 'MASE': 0.6115, 'RMSSE': 0.6133, 'ErrorMean': 1.4874, 'ErrorStdDev': 13.3084, 'R2': 0.846, 'Pearson': 0.9222, 'MedAE': 8.4059, 'LnQ': 0.5887, 'KS': 0.1186, 'KendallTau': 0.7005, 'MannWhitneyU': 1652.0, 'AUC': 0.4746} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_female_PHA_TD_Forecast') {'Signal': 'WA_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1246, 'RMSE': 22.6106, 'MAE': 16.7689, 'SMAPE': 0.1224, 'DiffSMAPE': 0.1224, 'MASE': 0.9545, 'RMSSE': 1.0356, 'ErrorMean': 2.1513, 'ErrorStdDev': 22.508, 'R2': 0.561, 'Pearson': 0.7955, 'MedAE': 11.7042, 'LnQ': 1.5167, 'KS': 0.2373, 'KendallTau': 0.4672, 'MannWhitneyU': 1567.0, 'AUC': 0.4502} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_female_AHP_TD_Forecast') {'Signal': 'WA_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1305, 'RMSE': 23.5116, 'MAE': 17.5181, 'SMAPE': 0.1253, 'DiffSMAPE': 0.1252, 'MASE': 0.9971, 'RMSSE': 1.0769, 'ErrorMean': 5.491, 'ErrorStdDev': 22.8614, 'R2': 0.5253, 'Pearson': 0.7955, 'MedAE': 11.6658, 'LnQ': 1.5718, 'KS': 0.2881, 'KendallTau': 0.4672, 'MannWhitneyU': 1460.0, 'AUC': 0.4194} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_female_BU_Forecast') {'Signal': 'WA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0813, 'RMSE': 13.0489, 'MAE': 10.3941, 'SMAPE': 0.0784, 'DiffSMAPE': 0.0784, 'MASE': 0.5916, 'RMSSE': 0.5977, 'ErrorMean': 2.4534, 'ErrorStdDev': 12.8162, 'R2': 0.8538, 'Pearson': 0.9331, 'MedAE': 8.3497, 'LnQ': 0.5854, 'KS': 0.1525, 'KendallTau': 0.7292, 'MannWhitneyU': 1624.0, 'AUC': 0.4665} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_female_Forecast') {'Signal': 'WA_female', 'Length': 59, 'MAPE': 0.0813, 'RMSE': 13.0489, 'MAE': 10.3941, 'SMAPE': 0.0784, 'DiffSMAPE': 0.0784, 'MASE': 0.5916, 'RMSSE': 0.5977, 'ErrorMean': 2.4534, 'ErrorStdDev': 12.8162, 'R2': 0.8538, 'Pearson': 0.9331, 'MedAE': 8.3497, 'LnQ': 0.5854, 'KS': 0.1525, 'KendallTau': 0.7292, 'MannWhitneyU': 1624.0, 'AUC': 0.4665} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_female_MO_Forecast') {'Signal': 'WA_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1253, 'RMSE': 23.3444, 'MAE': 16.9592, 'SMAPE': 0.123, 'DiffSMAPE': 0.1229, 'MASE': 0.9653, 'RMSSE': 1.0692, 'ErrorMean': 2.1828, 'ErrorStdDev': 23.2421, 'R2': 0.532, 'Pearson': 0.785, 'MedAE': 11.5484, 'LnQ': 1.5977, 'KS': 0.2373, 'KendallTau': 0.4777, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_female_OC_Forecast') {'Signal': 'WA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0825, 'RMSE': 13.3913, 'MAE': 10.7435, 'SMAPE': 0.081, 'DiffSMAPE': 0.081, 'MASE': 0.6115, 'RMSSE': 0.6133, 'ErrorMean': 1.4874, 'ErrorStdDev': 13.3084, 'R2': 0.846, 'Pearson': 0.9222, 'MedAE': 8.4059, 'LnQ': 0.5887, 'KS': 0.1186, 'KendallTau': 0.7005, 'MannWhitneyU': 1652.0, 'AUC': 0.4746} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_female_PHA_TD_Forecast') {'Signal': 'WA_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1246, 'RMSE': 22.6106, 'MAE': 16.7689, 'SMAPE': 0.1224, 'DiffSMAPE': 0.1224, 'MASE': 0.9545, 'RMSSE': 1.0356, 'ErrorMean': 2.1513, 'ErrorStdDev': 22.508, 'R2': 0.561, 'Pearson': 0.7955, 'MedAE': 11.7042, 'LnQ': 1.5167, 'KS': 0.2373, 'KendallTau': 0.4672, 'MannWhitneyU': 1567.0, 'AUC': 0.4502} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_female_AHP_TD_Forecast') {'Signal': 'WA_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1305, 'RMSE': 23.5116, 'MAE': 17.5181, 'SMAPE': 0.1253, 'DiffSMAPE': 0.1252, 'MASE': 0.9971, 'RMSSE': 1.0769, 'ErrorMean': 5.491, 'ErrorStdDev': 22.8614, 'R2': 0.5253, 'Pearson': 0.7955, 'MedAE': 11.6658, 'LnQ': 1.5718, 'KS': 0.2881, 'KendallTau': 0.4672, 'MannWhitneyU': 1460.0, 'AUC': 0.4194} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_female_BU_Forecast') {'Signal': 'WA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0813, 'RMSE': 13.0489, 'MAE': 10.3941, 'SMAPE': 0.0784, 'DiffSMAPE': 0.0784, 'MASE': 0.5916, 'RMSSE': 0.5977, 'ErrorMean': 2.4534, 'ErrorStdDev': 12.8162, 'R2': 0.8538, 'Pearson': 0.9331, 'MedAE': 8.3497, 'LnQ': 0.5854, 'KS': 0.1525, 'KendallTau': 0.7292, 'MannWhitneyU': 1624.0, 'AUC': 0.4665} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_female_Forecast') {'Signal': 'WA_female', 'Length': 59, 'MAPE': 0.0813, 'RMSE': 13.0489, 'MAE': 10.3941, 'SMAPE': 0.0784, 'DiffSMAPE': 0.0784, 'MASE': 0.5916, 'RMSSE': 0.5977, 'ErrorMean': 2.4534, 'ErrorStdDev': 12.8162, 'R2': 0.8538, 'Pearson': 0.9331, 'MedAE': 8.3497, 'LnQ': 0.5854, 'KS': 0.1525, 'KendallTau': 0.7292, 'MannWhitneyU': 1624.0, 'AUC': 0.4665} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_female_MO_Forecast') {'Signal': 'WA_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1253, 'RMSE': 23.3444, 'MAE': 16.9592, 'SMAPE': 0.123, 'DiffSMAPE': 0.1229, 'MASE': 0.9653, 'RMSSE': 1.0692, 'ErrorMean': 2.1828, 'ErrorStdDev': 23.2421, 'R2': 0.532, 'Pearson': 0.785, 'MedAE': 11.5484, 'LnQ': 1.5977, 'KS': 0.2373, 'KendallTau': 0.4777, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_female_OC_Forecast') {'Signal': 'WA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0825, 'RMSE': 13.3913, 'MAE': 10.7435, 'SMAPE': 0.081, 'DiffSMAPE': 0.081, 'MASE': 0.6115, 'RMSSE': 0.6133, 'ErrorMean': 1.4874, 'ErrorStdDev': 13.3084, 'R2': 0.846, 'Pearson': 0.9222, 'MedAE': 8.4059, 'LnQ': 0.5887, 'KS': 0.1186, 'KendallTau': 0.7005, 'MannWhitneyU': 1652.0, 'AUC': 0.4746} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_female_PHA_TD_Forecast') {'Signal': 'WA_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1246, 'RMSE': 22.6106, 'MAE': 16.7689, 'SMAPE': 0.1224, 'DiffSMAPE': 0.1224, 'MASE': 0.9545, 'RMSSE': 1.0356, 'ErrorMean': 2.1513, 'ErrorStdDev': 22.508, 'R2': 0.561, 'Pearson': 0.7955, 'MedAE': 11.7042, 'LnQ': 1.5167, 'KS': 0.2373, 'KendallTau': 0.4672, 'MannWhitneyU': 1567.0, 'AUC': 0.4502} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_AHP_TD_Forecast') {'Signal': 'WA_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1205, 'RMSE': 27.1494, 'MAE': 22.288, 'SMAPE': 0.1177, 'DiffSMAPE': 0.1177, 'MASE': 1.3313, 'RMSSE': 1.2601, 'ErrorMean': 7.3012, 'ErrorStdDev': 26.1492, 'R2': 0.5846, 'Pearson': 0.8474, 'MedAE': 16.9729, 'LnQ': 1.1146, 'KS': 0.339, 'KendallTau': 0.4616, 'MannWhitneyU': 1404.0, 'AUC': 0.4033} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_BU_Forecast') {'Signal': 'WA_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0511, 'RMSE': 11.2449, 'MAE': 8.9231, 'SMAPE': 0.0499, 'DiffSMAPE': 0.0499, 'MASE': 0.533, 'RMSSE': 0.5219, 'ErrorMean': 2.911, 'ErrorStdDev': 10.8616, 'R2': 0.9287, 'Pearson': 0.9699, 'MedAE': 7.2196, 'LnQ': 0.2397, 'KS': 0.1864, 'KendallTau': 0.8287, 'MannWhitneyU': 1586.0, 'AUC': 0.4556} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_Forecast') {'Signal': 'WA_male', 'Length': 59, 'MAPE': 0.0511, 'RMSE': 11.2449, 'MAE': 8.9231, 'SMAPE': 0.0499, 'DiffSMAPE': 0.0499, 'MASE': 0.533, 'RMSSE': 0.5219, 'ErrorMean': 2.911, 'ErrorStdDev': 10.8616, 'R2': 0.9287, 'Pearson': 0.9699, 'MedAE': 7.2196, 'LnQ': 0.2397, 'KS': 0.1864, 'KendallTau': 0.8287, 'MannWhitneyU': 1586.0, 'AUC': 0.4556} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_MO_Forecast') {'Signal': 'WA_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1094, 'RMSE': 24.6065, 'MAE': 19.981, 'SMAPE': 0.1093, 'DiffSMAPE': 0.1092, 'MASE': 1.1935, 'RMSSE': 1.1421, 'ErrorMean': 2.839, 'ErrorStdDev': 24.4422, 'R2': 0.6588, 'Pearson': 0.8557, 'MedAE': 16.7486, 'LnQ': 0.9883, 'KS': 0.2881, 'KendallTau': 0.4886, 'MannWhitneyU': 1502.0, 'AUC': 0.4315} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_OC_Forecast') {'Signal': 'WA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0636, 'RMSE': 13.8676, 'MAE': 11.2088, 'SMAPE': 0.0624, 'DiffSMAPE': 0.0624, 'MASE': 0.6695, 'RMSSE': 0.6437, 'ErrorMean': 1.9901, 'ErrorStdDev': 13.7241, 'R2': 0.8916, 'Pearson': 0.9485, 'MedAE': 8.9992, 'LnQ': 0.348, 'KS': 0.1356, 'KendallTau': 0.7408, 'MannWhitneyU': 1656.0, 'AUC': 0.4757} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_PHA_TD_Forecast') {'Signal': 'WA_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.113, 'RMSE': 25.7376, 'MAE': 20.746, 'SMAPE': 0.113, 'DiffSMAPE': 0.1129, 'MASE': 1.2392, 'RMSSE': 1.1946, 'ErrorMean': 2.8713, 'ErrorStdDev': 25.577, 'R2': 0.6267, 'Pearson': 0.8474, 'MedAE': 15.0801, 'LnQ': 1.0715, 'KS': 0.2881, 'KendallTau': 0.4616, 'MannWhitneyU': 1512.0, 'AUC': 0.4344} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_AHP_TD_Forecast') {'Signal': 'WA_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1205, 'RMSE': 27.1494, 'MAE': 22.288, 'SMAPE': 0.1177, 'DiffSMAPE': 0.1177, 'MASE': 1.3313, 'RMSSE': 1.2601, 'ErrorMean': 7.3012, 'ErrorStdDev': 26.1492, 'R2': 0.5846, 'Pearson': 0.8474, 'MedAE': 16.9729, 'LnQ': 1.1146, 'KS': 0.339, 'KendallTau': 0.4616, 'MannWhitneyU': 1404.0, 'AUC': 0.4033} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_BU_Forecast') {'Signal': 'WA_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0511, 'RMSE': 11.2449, 'MAE': 8.9231, 'SMAPE': 0.0499, 'DiffSMAPE': 0.0499, 'MASE': 0.533, 'RMSSE': 0.5219, 'ErrorMean': 2.911, 'ErrorStdDev': 10.8616, 'R2': 0.9287, 'Pearson': 0.9699, 'MedAE': 7.2196, 'LnQ': 0.2397, 'KS': 0.1864, 'KendallTau': 0.8287, 'MannWhitneyU': 1586.0, 'AUC': 0.4556} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_Forecast') {'Signal': 'WA_male', 'Length': 59, 'MAPE': 0.0511, 'RMSE': 11.2449, 'MAE': 8.9231, 'SMAPE': 0.0499, 'DiffSMAPE': 0.0499, 'MASE': 0.533, 'RMSSE': 0.5219, 'ErrorMean': 2.911, 'ErrorStdDev': 10.8616, 'R2': 0.9287, 'Pearson': 0.9699, 'MedAE': 7.2196, 'LnQ': 0.2397, 'KS': 0.1864, 'KendallTau': 0.8287, 'MannWhitneyU': 1586.0, 'AUC': 0.4556} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_MO_Forecast') {'Signal': 'WA_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1094, 'RMSE': 24.6065, 'MAE': 19.981, 'SMAPE': 0.1093, 'DiffSMAPE': 0.1092, 'MASE': 1.1935, 'RMSSE': 1.1421, 'ErrorMean': 2.839, 'ErrorStdDev': 24.4422, 'R2': 0.6588, 'Pearson': 0.8557, 'MedAE': 16.7486, 'LnQ': 0.9883, 'KS': 0.2881, 'KendallTau': 0.4886, 'MannWhitneyU': 1502.0, 'AUC': 0.4315} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_OC_Forecast') {'Signal': 'WA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0636, 'RMSE': 13.8676, 'MAE': 11.2088, 'SMAPE': 0.0624, 'DiffSMAPE': 0.0624, 'MASE': 0.6695, 'RMSSE': 0.6437, 'ErrorMean': 1.9901, 'ErrorStdDev': 13.7241, 'R2': 0.8916, 'Pearson': 0.9485, 'MedAE': 8.9992, 'LnQ': 0.348, 'KS': 0.1356, 'KendallTau': 0.7408, 'MannWhitneyU': 1656.0, 'AUC': 0.4757} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_PHA_TD_Forecast') {'Signal': 'WA_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.113, 'RMSE': 25.7376, 'MAE': 20.746, 'SMAPE': 0.113, 'DiffSMAPE': 0.1129, 'MASE': 1.2392, 'RMSSE': 1.1946, 'ErrorMean': 2.8713, 'ErrorStdDev': 25.577, 'R2': 0.6267, 'Pearson': 0.8474, 'MedAE': 15.0801, 'LnQ': 1.0715, 'KS': 0.2881, 'KendallTau': 0.4616, 'MannWhitneyU': 1512.0, 'AUC': 0.4344} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_AHP_TD_Forecast') {'Signal': 'WA_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1205, 'RMSE': 27.1494, 'MAE': 22.288, 'SMAPE': 0.1177, 'DiffSMAPE': 0.1177, 'MASE': 1.3313, 'RMSSE': 1.2601, 'ErrorMean': 7.3012, 'ErrorStdDev': 26.1492, 'R2': 0.5846, 'Pearson': 0.8474, 'MedAE': 16.9729, 'LnQ': 1.1146, 'KS': 0.339, 'KendallTau': 0.4616, 'MannWhitneyU': 1404.0, 'AUC': 0.4033} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_BU_Forecast') {'Signal': 'WA_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0511, 'RMSE': 11.2449, 'MAE': 8.9231, 'SMAPE': 0.0499, 'DiffSMAPE': 0.0499, 'MASE': 0.533, 'RMSSE': 0.5219, 'ErrorMean': 2.911, 'ErrorStdDev': 10.8616, 'R2': 0.9287, 'Pearson': 0.9699, 'MedAE': 7.2196, 'LnQ': 0.2397, 'KS': 0.1864, 'KendallTau': 0.8287, 'MannWhitneyU': 1586.0, 'AUC': 0.4556} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_Forecast') {'Signal': 'WA_male', 'Length': 59, 'MAPE': 0.0511, 'RMSE': 11.2449, 'MAE': 8.9231, 'SMAPE': 0.0499, 'DiffSMAPE': 0.0499, 'MASE': 0.533, 'RMSSE': 0.5219, 'ErrorMean': 2.911, 'ErrorStdDev': 10.8616, 'R2': 0.9287, 'Pearson': 0.9699, 'MedAE': 7.2196, 'LnQ': 0.2397, 'KS': 0.1864, 'KendallTau': 0.8287, 'MannWhitneyU': 1586.0, 'AUC': 0.4556} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_MO_Forecast') {'Signal': 'WA_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1094, 'RMSE': 24.6065, 'MAE': 19.981, 'SMAPE': 0.1093, 'DiffSMAPE': 0.1092, 'MASE': 1.1935, 'RMSSE': 1.1421, 'ErrorMean': 2.839, 'ErrorStdDev': 24.4422, 'R2': 0.6588, 'Pearson': 0.8557, 'MedAE': 16.7486, 'LnQ': 0.9883, 'KS': 0.2881, 'KendallTau': 0.4886, 'MannWhitneyU': 1502.0, 'AUC': 0.4315} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_OC_Forecast') {'Signal': 'WA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0636, 'RMSE': 13.8676, 'MAE': 11.2088, 'SMAPE': 0.0624, 'DiffSMAPE': 0.0624, 'MASE': 0.6695, 'RMSSE': 0.6437, 'ErrorMean': 1.9901, 'ErrorStdDev': 13.7241, 'R2': 0.8916, 'Pearson': 0.9485, 'MedAE': 8.9992, 'LnQ': 0.348, 'KS': 0.1356, 'KendallTau': 0.7408, 'MannWhitneyU': 1656.0, 'AUC': 0.4757} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_PHA_TD_Forecast') {'Signal': 'WA_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.113, 'RMSE': 25.7376, 'MAE': 20.746, 'SMAPE': 0.113, 'DiffSMAPE': 0.1129, 'MASE': 1.2392, 'RMSSE': 1.1946, 'ErrorMean': 2.8713, 'ErrorStdDev': 25.577, 'R2': 0.6267, 'Pearson': 0.8474, 'MedAE': 15.0801, 'LnQ': 1.0715, 'KS': 0.2881, 'KendallTau': 0.4616, 'MannWhitneyU': 1512.0, 'AUC': 0.4344} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9467574333.9861, 'RMSE': 12.1871, 'MAE': 10.9816, 'SMAPE': 0.8712, 'DiffSMAPE': 0.8675, 'MASE': 2.5997, 'RMSSE': 2.2719, 'ErrorMean': 3.2775, 'ErrorStdDev': 11.7381, 'R2': -0.7993, 'Pearson': -0.5438, 'MedAE': 11.2034, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4573, 'MannWhitneyU': 1298.0, 'AUC': 0.3729} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 727985315.6517, 'RMSE': 2.1099, 'MAE': 1.641, 'SMAPE': 0.3108, 'DiffSMAPE': 0.2867, 'MASE': 0.3885, 'RMSSE': 0.3933, 'ErrorMean': -0.0078, 'ErrorStdDev': 2.1099, 'R2': 0.9461, 'Pearson': 0.9735, 'MedAE': 1.389, 'LnQ': inf, 'KS': 0.0847, 'KendallTau': 0.8675, 'MannWhitneyU': 1716.0, 'AUC': 0.493} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 727985315.6517, 'RMSE': 2.1099, 'MAE': 1.641, 'SMAPE': 0.3108, 'DiffSMAPE': 0.2867, 'MASE': 0.3885, 'RMSSE': 0.3933, 'ErrorMean': -0.0078, 'ErrorStdDev': 2.1099, 'R2': 0.9461, 'Pearson': 0.9735, 'MedAE': 1.389, 'LnQ': inf, 'KS': 0.0847, 'KendallTau': 0.8675, 'MannWhitneyU': 1716.0, 'AUC': 0.493} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7800875542.4039, 'RMSE': 11.2315, 'MAE': 10.0936, 'SMAPE': 0.8894, 'DiffSMAPE': 0.8851, 'MASE': 2.3895, 'RMSSE': 2.0937, 'ErrorMean': 0.0244, 'ErrorStdDev': 11.2315, 'R2': -0.5282, 'Pearson': -0.5374, 'MedAE': 10.9563, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4489, 'MannWhitneyU': 1612.0, 'AUC': 0.4631} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 2991007171.4862, 'RMSE': 8.606, 'MAE': 6.5406, 'SMAPE': 0.6702, 'DiffSMAPE': 0.6425, 'MASE': 1.5484, 'RMSSE': 1.6043, 'ErrorMean': 4.0424, 'ErrorStdDev': 7.5976, 'R2': 0.1028, 'Pearson': 0.8069, 'MedAE': 4.5093, 'LnQ': inf, 'KS': 0.1864, 'KendallTau': 0.6023, 'MannWhitneyU': 1459.0, 'AUC': 0.4191} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7623172002.4918, 'RMSE': 11.1616, 'MAE': 10.0601, 'SMAPE': 0.8826, 'DiffSMAPE': 0.8783, 'MASE': 2.3816, 'RMSSE': 2.0807, 'ErrorMean': 0.222, 'ErrorStdDev': 11.1594, 'R2': -0.5092, 'Pearson': -0.5438, 'MedAE': 11.1675, 'LnQ': inf, 'KS': 0.3898, 'KendallTau': -0.4573, 'MannWhitneyU': 1593.0, 'AUC': 0.4576} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9467574333.9861, 'RMSE': 12.1871, 'MAE': 10.9816, 'SMAPE': 0.8712, 'DiffSMAPE': 0.8675, 'MASE': 2.5997, 'RMSSE': 2.2719, 'ErrorMean': 3.2775, 'ErrorStdDev': 11.7381, 'R2': -0.7993, 'Pearson': -0.5438, 'MedAE': 11.2034, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4573, 'MannWhitneyU': 1298.0, 'AUC': 0.3729} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 727985315.6517, 'RMSE': 2.1099, 'MAE': 1.641, 'SMAPE': 0.3108, 'DiffSMAPE': 0.2867, 'MASE': 0.3885, 'RMSSE': 0.3933, 'ErrorMean': -0.0078, 'ErrorStdDev': 2.1099, 'R2': 0.9461, 'Pearson': 0.9735, 'MedAE': 1.389, 'LnQ': inf, 'KS': 0.0847, 'KendallTau': 0.8675, 'MannWhitneyU': 1716.0, 'AUC': 0.493} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 727985315.6517, 'RMSE': 2.1099, 'MAE': 1.641, 'SMAPE': 0.3108, 'DiffSMAPE': 0.2867, 'MASE': 0.3885, 'RMSSE': 0.3933, 'ErrorMean': -0.0078, 'ErrorStdDev': 2.1099, 'R2': 0.9461, 'Pearson': 0.9735, 'MedAE': 1.389, 'LnQ': inf, 'KS': 0.0847, 'KendallTau': 0.8675, 'MannWhitneyU': 1716.0, 'AUC': 0.493} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7800875542.4039, 'RMSE': 11.2315, 'MAE': 10.0936, 'SMAPE': 0.8894, 'DiffSMAPE': 0.8851, 'MASE': 2.3895, 'RMSSE': 2.0937, 'ErrorMean': 0.0244, 'ErrorStdDev': 11.2315, 'R2': -0.5282, 'Pearson': -0.5374, 'MedAE': 10.9563, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4489, 'MannWhitneyU': 1612.0, 'AUC': 0.4631} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 2991007171.4862, 'RMSE': 8.606, 'MAE': 6.5406, 'SMAPE': 0.6702, 'DiffSMAPE': 0.6425, 'MASE': 1.5484, 'RMSSE': 1.6043, 'ErrorMean': 4.0424, 'ErrorStdDev': 7.5976, 'R2': 0.1028, 'Pearson': 0.8069, 'MedAE': 4.5093, 'LnQ': inf, 'KS': 0.1864, 'KendallTau': 0.6023, 'MannWhitneyU': 1459.0, 'AUC': 0.4191} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7623172002.4918, 'RMSE': 11.1616, 'MAE': 10.0601, 'SMAPE': 0.8826, 'DiffSMAPE': 0.8783, 'MASE': 2.3816, 'RMSSE': 2.0807, 'ErrorMean': 0.222, 'ErrorStdDev': 11.1594, 'R2': -0.5092, 'Pearson': -0.5438, 'MedAE': 11.1675, 'LnQ': inf, 'KS': 0.3898, 'KendallTau': -0.4573, 'MannWhitneyU': 1593.0, 'AUC': 0.4576} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9467574333.9861, 'RMSE': 12.1871, 'MAE': 10.9816, 'SMAPE': 0.8712, 'DiffSMAPE': 0.8675, 'MASE': 2.5997, 'RMSSE': 2.2719, 'ErrorMean': 3.2775, 'ErrorStdDev': 11.7381, 'R2': -0.7993, 'Pearson': -0.5438, 'MedAE': 11.2034, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4573, 'MannWhitneyU': 1298.0, 'AUC': 0.3729} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 727985315.6517, 'RMSE': 2.1099, 'MAE': 1.641, 'SMAPE': 0.3108, 'DiffSMAPE': 0.2867, 'MASE': 0.3885, 'RMSSE': 0.3933, 'ErrorMean': -0.0078, 'ErrorStdDev': 2.1099, 'R2': 0.9461, 'Pearson': 0.9735, 'MedAE': 1.389, 'LnQ': inf, 'KS': 0.0847, 'KendallTau': 0.8675, 'MannWhitneyU': 1716.0, 'AUC': 0.493} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 727985315.6517, 'RMSE': 2.1099, 'MAE': 1.641, 'SMAPE': 0.3108, 'DiffSMAPE': 0.2867, 'MASE': 0.3885, 'RMSSE': 0.3933, 'ErrorMean': -0.0078, 'ErrorStdDev': 2.1099, 'R2': 0.9461, 'Pearson': 0.9735, 'MedAE': 1.389, 'LnQ': inf, 'KS': 0.0847, 'KendallTau': 0.8675, 'MannWhitneyU': 1716.0, 'AUC': 0.493} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7800875542.4039, 'RMSE': 11.2315, 'MAE': 10.0936, 'SMAPE': 0.8894, 'DiffSMAPE': 0.8851, 'MASE': 2.3895, 'RMSSE': 2.0937, 'ErrorMean': 0.0244, 'ErrorStdDev': 11.2315, 'R2': -0.5282, 'Pearson': -0.5374, 'MedAE': 10.9563, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4489, 'MannWhitneyU': 1612.0, 'AUC': 0.4631} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 2991007171.4862, 'RMSE': 8.606, 'MAE': 6.5406, 'SMAPE': 0.6702, 'DiffSMAPE': 0.6425, 'MASE': 1.5484, 'RMSSE': 1.6043, 'ErrorMean': 4.0424, 'ErrorStdDev': 7.5976, 'R2': 0.1028, 'Pearson': 0.8069, 'MedAE': 4.5093, 'LnQ': inf, 'KS': 0.1864, 'KendallTau': 0.6023, 'MannWhitneyU': 1459.0, 'AUC': 0.4191} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7623172002.4918, 'RMSE': 11.1616, 'MAE': 10.0601, 'SMAPE': 0.8826, 'DiffSMAPE': 0.8783, 'MASE': 2.3816, 'RMSSE': 2.0807, 'ErrorMean': 0.222, 'ErrorStdDev': 11.1594, 'R2': -0.5092, 'Pearson': -0.5438, 'MedAE': 11.1675, 'LnQ': inf, 'KS': 0.3898, 'KendallTau': -0.4573, 'MannWhitneyU': 1593.0, 'AUC': 0.4576} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_AHP_TD_Forecast') {'Signal': 'ACT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.3246, 'RMSE': 17.725, 'MAE': 16.1051, 'SMAPE': 0.8622, 'DiffSMAPE': 0.8597, 'MASE': 3.1557, 'RMSSE': 2.5393, 'ErrorMean': 4.4774, 'ErrorStdDev': 17.1501, 'R2': -0.7329, 'Pearson': -0.5035, 'MedAE': 16.666, 'LnQ': 106.3711, 'KS': 0.3898, 'KendallTau': -0.4749, 'MannWhitneyU': 1229.0, 'AUC': 0.3531} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_BU_Forecast') {'Signal': 'ACT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.3046, 'RMSE': 3.0089, 'MAE': 2.272, 'SMAPE': 0.2613, 'DiffSMAPE': 0.2573, 'MASE': 0.4452, 'RMSSE': 0.4311, 'ErrorMean': 0.0125, 'ErrorStdDev': 3.0089, 'R2': 0.9501, 'Pearson': 0.975, 'MedAE': 1.6842, 'LnQ': inf, 'KS': 0.0678, 'KendallTau': 0.8629, 'MannWhitneyU': 1722.0, 'AUC': 0.4947} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_Forecast') {'Signal': 'ACT_male', 'Length': 59, 'MAPE': 0.3046, 'RMSE': 3.0089, 'MAE': 2.272, 'SMAPE': 0.2613, 'DiffSMAPE': 0.2573, 'MASE': 0.4452, 'RMSSE': 0.4311, 'ErrorMean': 0.0125, 'ErrorStdDev': 3.0089, 'R2': 0.9501, 'Pearson': 0.975, 'MedAE': 1.6842, 'LnQ': inf, 'KS': 0.0678, 'KendallTau': 0.8629, 'MannWhitneyU': 1722.0, 'AUC': 0.4947} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6815, 'RMSE': 16.562, 'MAE': 15.1085, 'SMAPE': 0.89, 'DiffSMAPE': 0.8872, 'MASE': 2.9605, 'RMSSE': 2.3727, 'ErrorMean': -0.2248, 'ErrorStdDev': 16.5605, 'R2': -0.513, 'Pearson': -0.529, 'MedAE': 15.6519, 'LnQ': 96.3206, 'KS': 0.3559, 'KendallTau': -0.5352, 'MannWhitneyU': 1670.0, 'AUC': 0.4797} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_OC_Forecast') {'Signal': 'ACT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.0213, 'RMSE': 10.2427, 'MAE': 8.5556, 'SMAPE': 0.7352, 'DiffSMAPE': 0.7284, 'MASE': 1.6764, 'RMSSE': 1.4674, 'ErrorMean': -2.0263, 'ErrorStdDev': 10.0403, 'R2': 0.4213, 'Pearson': 0.6937, 'MedAE': 6.8469, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.4725, 'MannWhitneyU': 1855.0, 'AUC': 0.5329} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_PHA_TD_Forecast') {'Signal': 'ACT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 2.7097, 'RMSE': 16.395, 'MAE': 14.9915, 'SMAPE': 0.8765, 'DiffSMAPE': 0.8737, 'MASE': 2.9375, 'RMSSE': 2.3488, 'ErrorMean': 0.33, 'ErrorStdDev': 16.3916, 'R2': -0.4826, 'Pearson': -0.5035, 'MedAE': 16.129, 'LnQ': 95.218, 'KS': 0.3559, 'KendallTau': -0.4749, 'MannWhitneyU': 1635.0, 'AUC': 0.4697} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_AHP_TD_Forecast') {'Signal': 'ACT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.3246, 'RMSE': 17.725, 'MAE': 16.1051, 'SMAPE': 0.8622, 'DiffSMAPE': 0.8597, 'MASE': 3.1557, 'RMSSE': 2.5393, 'ErrorMean': 4.4774, 'ErrorStdDev': 17.1501, 'R2': -0.7329, 'Pearson': -0.5035, 'MedAE': 16.666, 'LnQ': 106.3711, 'KS': 0.3898, 'KendallTau': -0.4749, 'MannWhitneyU': 1229.0, 'AUC': 0.3531} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_BU_Forecast') {'Signal': 'ACT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.3046, 'RMSE': 3.0089, 'MAE': 2.272, 'SMAPE': 0.2613, 'DiffSMAPE': 0.2573, 'MASE': 0.4452, 'RMSSE': 0.4311, 'ErrorMean': 0.0125, 'ErrorStdDev': 3.0089, 'R2': 0.9501, 'Pearson': 0.975, 'MedAE': 1.6842, 'LnQ': inf, 'KS': 0.0678, 'KendallTau': 0.8629, 'MannWhitneyU': 1722.0, 'AUC': 0.4947} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_Forecast') {'Signal': 'ACT_male', 'Length': 59, 'MAPE': 0.3046, 'RMSE': 3.0089, 'MAE': 2.272, 'SMAPE': 0.2613, 'DiffSMAPE': 0.2573, 'MASE': 0.4452, 'RMSSE': 0.4311, 'ErrorMean': 0.0125, 'ErrorStdDev': 3.0089, 'R2': 0.9501, 'Pearson': 0.975, 'MedAE': 1.6842, 'LnQ': inf, 'KS': 0.0678, 'KendallTau': 0.8629, 'MannWhitneyU': 1722.0, 'AUC': 0.4947} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6815, 'RMSE': 16.562, 'MAE': 15.1085, 'SMAPE': 0.89, 'DiffSMAPE': 0.8872, 'MASE': 2.9605, 'RMSSE': 2.3727, 'ErrorMean': -0.2248, 'ErrorStdDev': 16.5605, 'R2': -0.513, 'Pearson': -0.529, 'MedAE': 15.6519, 'LnQ': 96.3206, 'KS': 0.3559, 'KendallTau': -0.5352, 'MannWhitneyU': 1670.0, 'AUC': 0.4797} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_OC_Forecast') {'Signal': 'ACT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.0213, 'RMSE': 10.2427, 'MAE': 8.5556, 'SMAPE': 0.7352, 'DiffSMAPE': 0.7284, 'MASE': 1.6764, 'RMSSE': 1.4674, 'ErrorMean': -2.0263, 'ErrorStdDev': 10.0403, 'R2': 0.4213, 'Pearson': 0.6937, 'MedAE': 6.8469, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.4725, 'MannWhitneyU': 1855.0, 'AUC': 0.5329} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_PHA_TD_Forecast') {'Signal': 'ACT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 2.7097, 'RMSE': 16.395, 'MAE': 14.9915, 'SMAPE': 0.8765, 'DiffSMAPE': 0.8737, 'MASE': 2.9375, 'RMSSE': 2.3488, 'ErrorMean': 0.33, 'ErrorStdDev': 16.3916, 'R2': -0.4826, 'Pearson': -0.5035, 'MedAE': 16.129, 'LnQ': 95.218, 'KS': 0.3559, 'KendallTau': -0.4749, 'MannWhitneyU': 1635.0, 'AUC': 0.4697} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_AHP_TD_Forecast') {'Signal': 'ACT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.3246, 'RMSE': 17.725, 'MAE': 16.1051, 'SMAPE': 0.8622, 'DiffSMAPE': 0.8597, 'MASE': 3.1557, 'RMSSE': 2.5393, 'ErrorMean': 4.4774, 'ErrorStdDev': 17.1501, 'R2': -0.7329, 'Pearson': -0.5035, 'MedAE': 16.666, 'LnQ': 106.3711, 'KS': 0.3898, 'KendallTau': -0.4749, 'MannWhitneyU': 1229.0, 'AUC': 0.3531} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_BU_Forecast') {'Signal': 'ACT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.3046, 'RMSE': 3.0089, 'MAE': 2.272, 'SMAPE': 0.2613, 'DiffSMAPE': 0.2573, 'MASE': 0.4452, 'RMSSE': 0.4311, 'ErrorMean': 0.0125, 'ErrorStdDev': 3.0089, 'R2': 0.9501, 'Pearson': 0.975, 'MedAE': 1.6842, 'LnQ': inf, 'KS': 0.0678, 'KendallTau': 0.8629, 'MannWhitneyU': 1722.0, 'AUC': 0.4947} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_Forecast') {'Signal': 'ACT_male', 'Length': 59, 'MAPE': 0.3046, 'RMSE': 3.0089, 'MAE': 2.272, 'SMAPE': 0.2613, 'DiffSMAPE': 0.2573, 'MASE': 0.4452, 'RMSSE': 0.4311, 'ErrorMean': 0.0125, 'ErrorStdDev': 3.0089, 'R2': 0.9501, 'Pearson': 0.975, 'MedAE': 1.6842, 'LnQ': inf, 'KS': 0.0678, 'KendallTau': 0.8629, 'MannWhitneyU': 1722.0, 'AUC': 0.4947} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6815, 'RMSE': 16.562, 'MAE': 15.1085, 'SMAPE': 0.89, 'DiffSMAPE': 0.8872, 'MASE': 2.9605, 'RMSSE': 2.3727, 'ErrorMean': -0.2248, 'ErrorStdDev': 16.5605, 'R2': -0.513, 'Pearson': -0.529, 'MedAE': 15.6519, 'LnQ': 96.3206, 'KS': 0.3559, 'KendallTau': -0.5352, 'MannWhitneyU': 1670.0, 'AUC': 0.4797} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_OC_Forecast') {'Signal': 'ACT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.0213, 'RMSE': 10.2427, 'MAE': 8.5556, 'SMAPE': 0.7352, 'DiffSMAPE': 0.7284, 'MASE': 1.6764, 'RMSSE': 1.4674, 'ErrorMean': -2.0263, 'ErrorStdDev': 10.0403, 'R2': 0.4213, 'Pearson': 0.6937, 'MedAE': 6.8469, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.4725, 'MannWhitneyU': 1855.0, 'AUC': 0.5329} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_PHA_TD_Forecast') {'Signal': 'ACT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 2.7097, 'RMSE': 16.395, 'MAE': 14.9915, 'SMAPE': 0.8765, 'DiffSMAPE': 0.8737, 'MASE': 2.9375, 'RMSSE': 2.3488, 'ErrorMean': 0.33, 'ErrorStdDev': 16.3916, 'R2': -0.4826, 'Pearson': -0.5035, 'MedAE': 16.129, 'LnQ': 95.218, 'KS': 0.3559, 'KendallTau': -0.4749, 'MannWhitneyU': 1635.0, 'AUC': 0.4697} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0916, 'RMSE': 65.4026, 'MAE': 52.5986, 'SMAPE': 0.0885, 'DiffSMAPE': 0.0885, 'MASE': 1.1954, 'RMSSE': 1.1356, 'ErrorMean': 0.7876, 'ErrorStdDev': 65.3979, 'R2': 0.9014, 'Pearson': 0.9645, 'MedAE': 42.3055, 'LnQ': 0.7152, 'KS': 0.2203, 'KendallTau': 0.8115, 'MannWhitneyU': 1859.0, 'AUC': 0.534} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0469, 'RMSE': 36.9372, 'MAE': 27.4812, 'SMAPE': 0.046, 'DiffSMAPE': 0.046, 'MASE': 0.6246, 'RMSSE': 0.6414, 'ErrorMean': -0.0105, 'ErrorStdDev': 36.9372, 'R2': 0.9686, 'Pearson': 0.9853, 'MedAE': 18.6351, 'LnQ': 0.2286, 'KS': 0.1525, 'KendallTau': 0.8649, 'MannWhitneyU': 1704.0, 'AUC': 0.4895} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0469, 'RMSE': 36.9372, 'MAE': 27.4812, 'SMAPE': 0.046, 'DiffSMAPE': 0.046, 'MASE': 0.6246, 'RMSSE': 0.6414, 'ErrorMean': -0.0105, 'ErrorStdDev': 36.9372, 'R2': 0.9686, 'Pearson': 0.9853, 'MedAE': 18.6351, 'LnQ': 0.2286, 'KS': 0.1525, 'KendallTau': 0.8649, 'MannWhitneyU': 1704.0, 'AUC': 0.4895} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0811, 'RMSE': 58.2844, 'MAE': 47.696, 'SMAPE': 0.0785, 'DiffSMAPE': 0.0785, 'MASE': 1.084, 'RMSSE': 1.012, 'ErrorMean': 1.2793, 'ErrorStdDev': 58.2703, 'R2': 0.9217, 'Pearson': 0.9689, 'MedAE': 43.2546, 'LnQ': 0.5513, 'KS': 0.1695, 'KendallTau': 0.7963, 'MannWhitneyU': 1839.0, 'AUC': 0.5283} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0457, 'RMSE': 35.5144, 'MAE': 26.6316, 'SMAPE': 0.0447, 'DiffSMAPE': 0.0447, 'MASE': 0.6053, 'RMSSE': 0.6167, 'ErrorMean': 4.0396, 'ErrorStdDev': 35.2839, 'R2': 0.9709, 'Pearson': 0.9866, 'MedAE': 19.0643, 'LnQ': 0.2144, 'KS': 0.1017, 'KendallTau': 0.8559, 'MannWhitneyU': 1705.0, 'AUC': 0.4898} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.094, 'RMSE': 64.9988, 'MAE': 51.2966, 'SMAPE': 0.0893, 'DiffSMAPE': 0.0893, 'MASE': 1.1658, 'RMSSE': 1.1286, 'ErrorMean': 11.6479, 'ErrorStdDev': 63.9466, 'R2': 0.9027, 'Pearson': 0.9645, 'MedAE': 42.6074, 'LnQ': 0.7804, 'KS': 0.1864, 'KendallTau': 0.8115, 'MannWhitneyU': 1768.0, 'AUC': 0.5079} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0916, 'RMSE': 65.4026, 'MAE': 52.5986, 'SMAPE': 0.0885, 'DiffSMAPE': 0.0885, 'MASE': 1.1954, 'RMSSE': 1.1356, 'ErrorMean': 0.7876, 'ErrorStdDev': 65.3979, 'R2': 0.9014, 'Pearson': 0.9645, 'MedAE': 42.3055, 'LnQ': 0.7152, 'KS': 0.2203, 'KendallTau': 0.8115, 'MannWhitneyU': 1859.0, 'AUC': 0.534} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0469, 'RMSE': 36.9372, 'MAE': 27.4812, 'SMAPE': 0.046, 'DiffSMAPE': 0.046, 'MASE': 0.6246, 'RMSSE': 0.6414, 'ErrorMean': -0.0105, 'ErrorStdDev': 36.9372, 'R2': 0.9686, 'Pearson': 0.9853, 'MedAE': 18.6351, 'LnQ': 0.2286, 'KS': 0.1525, 'KendallTau': 0.8649, 'MannWhitneyU': 1704.0, 'AUC': 0.4895} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0469, 'RMSE': 36.9372, 'MAE': 27.4812, 'SMAPE': 0.046, 'DiffSMAPE': 0.046, 'MASE': 0.6246, 'RMSSE': 0.6414, 'ErrorMean': -0.0105, 'ErrorStdDev': 36.9372, 'R2': 0.9686, 'Pearson': 0.9853, 'MedAE': 18.6351, 'LnQ': 0.2286, 'KS': 0.1525, 'KendallTau': 0.8649, 'MannWhitneyU': 1704.0, 'AUC': 0.4895} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0811, 'RMSE': 58.2844, 'MAE': 47.696, 'SMAPE': 0.0785, 'DiffSMAPE': 0.0785, 'MASE': 1.084, 'RMSSE': 1.012, 'ErrorMean': 1.2793, 'ErrorStdDev': 58.2703, 'R2': 0.9217, 'Pearson': 0.9689, 'MedAE': 43.2546, 'LnQ': 0.5513, 'KS': 0.1695, 'KendallTau': 0.7963, 'MannWhitneyU': 1839.0, 'AUC': 0.5283} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0457, 'RMSE': 35.5144, 'MAE': 26.6316, 'SMAPE': 0.0447, 'DiffSMAPE': 0.0447, 'MASE': 0.6053, 'RMSSE': 0.6167, 'ErrorMean': 4.0396, 'ErrorStdDev': 35.2839, 'R2': 0.9709, 'Pearson': 0.9866, 'MedAE': 19.0643, 'LnQ': 0.2144, 'KS': 0.1017, 'KendallTau': 0.8559, 'MannWhitneyU': 1705.0, 'AUC': 0.4898} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.094, 'RMSE': 64.9988, 'MAE': 51.2966, 'SMAPE': 0.0893, 'DiffSMAPE': 0.0893, 'MASE': 1.1658, 'RMSSE': 1.1286, 'ErrorMean': 11.6479, 'ErrorStdDev': 63.9466, 'R2': 0.9027, 'Pearson': 0.9645, 'MedAE': 42.6074, 'LnQ': 0.7804, 'KS': 0.1864, 'KendallTau': 0.8115, 'MannWhitneyU': 1768.0, 'AUC': 0.5079} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0916, 'RMSE': 65.4026, 'MAE': 52.5986, 'SMAPE': 0.0885, 'DiffSMAPE': 0.0885, 'MASE': 1.1954, 'RMSSE': 1.1356, 'ErrorMean': 0.7876, 'ErrorStdDev': 65.3979, 'R2': 0.9014, 'Pearson': 0.9645, 'MedAE': 42.3055, 'LnQ': 0.7152, 'KS': 0.2203, 'KendallTau': 0.8115, 'MannWhitneyU': 1859.0, 'AUC': 0.534} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0469, 'RMSE': 36.9372, 'MAE': 27.4812, 'SMAPE': 0.046, 'DiffSMAPE': 0.046, 'MASE': 0.6246, 'RMSSE': 0.6414, 'ErrorMean': -0.0105, 'ErrorStdDev': 36.9372, 'R2': 0.9686, 'Pearson': 0.9853, 'MedAE': 18.6351, 'LnQ': 0.2286, 'KS': 0.1525, 'KendallTau': 0.8649, 'MannWhitneyU': 1704.0, 'AUC': 0.4895} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0469, 'RMSE': 36.9372, 'MAE': 27.4812, 'SMAPE': 0.046, 'DiffSMAPE': 0.046, 'MASE': 0.6246, 'RMSSE': 0.6414, 'ErrorMean': -0.0105, 'ErrorStdDev': 36.9372, 'R2': 0.9686, 'Pearson': 0.9853, 'MedAE': 18.6351, 'LnQ': 0.2286, 'KS': 0.1525, 'KendallTau': 0.8649, 'MannWhitneyU': 1704.0, 'AUC': 0.4895} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0811, 'RMSE': 58.2844, 'MAE': 47.696, 'SMAPE': 0.0785, 'DiffSMAPE': 0.0785, 'MASE': 1.084, 'RMSSE': 1.012, 'ErrorMean': 1.2793, 'ErrorStdDev': 58.2703, 'R2': 0.9217, 'Pearson': 0.9689, 'MedAE': 43.2546, 'LnQ': 0.5513, 'KS': 0.1695, 'KendallTau': 0.7963, 'MannWhitneyU': 1839.0, 'AUC': 0.5283} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0457, 'RMSE': 35.5144, 'MAE': 26.6316, 'SMAPE': 0.0447, 'DiffSMAPE': 0.0447, 'MASE': 0.6053, 'RMSSE': 0.6167, 'ErrorMean': 4.0396, 'ErrorStdDev': 35.2839, 'R2': 0.9709, 'Pearson': 0.9866, 'MedAE': 19.0643, 'LnQ': 0.2144, 'KS': 0.1017, 'KendallTau': 0.8559, 'MannWhitneyU': 1705.0, 'AUC': 0.4898} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.094, 'RMSE': 64.9988, 'MAE': 51.2966, 'SMAPE': 0.0893, 'DiffSMAPE': 0.0893, 'MASE': 1.1658, 'RMSSE': 1.1286, 'ErrorMean': 11.6479, 'ErrorStdDev': 63.9466, 'R2': 0.9027, 'Pearson': 0.9645, 'MedAE': 42.6074, 'LnQ': 0.7804, 'KS': 0.1864, 'KendallTau': 0.8115, 'MannWhitneyU': 1768.0, 'AUC': 0.5079} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_AHP_TD_Forecast') {'Signal': 'NSW_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0757, 'RMSE': 69.148, 'MAE': 57.1257, 'SMAPE': 0.0731, 'DiffSMAPE': 0.0731, 'MASE': 1.0312, 'RMSSE': 0.9634, 'ErrorMean': 4.0314, 'ErrorStdDev': 69.0304, 'R2': 0.9343, 'Pearson': 0.9773, 'MedAE': 48.506, 'LnQ': 0.5084, 'KS': 0.1864, 'KendallTau': 0.8088, 'MannWhitneyU': 1810.0, 'AUC': 0.52} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_BU_Forecast') {'Signal': 'NSW_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0609, 'RMSE': 59.7182, 'MAE': 47.997, 'SMAPE': 0.0587, 'DiffSMAPE': 0.0587, 'MASE': 0.8664, 'RMSSE': 0.832, 'ErrorMean': 23.2866, 'ErrorStdDev': 54.9909, 'R2': 0.951, 'Pearson': 0.9797, 'MedAE': 37.0889, 'LnQ': 0.315, 'KS': 0.1356, 'KendallTau': 0.8228, 'MannWhitneyU': 1589.0, 'AUC': 0.4565} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_Forecast') {'Signal': 'NSW_male', 'Length': 59, 'MAPE': 0.0609, 'RMSE': 59.7182, 'MAE': 47.997, 'SMAPE': 0.0587, 'DiffSMAPE': 0.0587, 'MASE': 0.8664, 'RMSSE': 0.832, 'ErrorMean': 23.2866, 'ErrorStdDev': 54.9909, 'R2': 0.951, 'Pearson': 0.9797, 'MedAE': 37.0889, 'LnQ': 0.315, 'KS': 0.1356, 'KendallTau': 0.8228, 'MannWhitneyU': 1589.0, 'AUC': 0.4565} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_MO_Forecast') {'Signal': 'NSW_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0636, 'RMSE': 64.659, 'MAE': 52.7232, 'SMAPE': 0.0628, 'DiffSMAPE': 0.0628, 'MASE': 0.9517, 'RMSSE': 0.9008, 'ErrorMean': -10.7509, 'ErrorStdDev': 63.759, 'R2': 0.9426, 'Pearson': 0.9786, 'MedAE': 43.6535, 'LnQ': 0.3526, 'KS': 0.2034, 'KendallTau': 0.8076, 'MannWhitneyU': 1887.0, 'AUC': 0.5421} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_OC_Forecast') {'Signal': 'NSW_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0575, 'RMSE': 58.765, 'MAE': 45.9747, 'SMAPE': 0.0556, 'DiffSMAPE': 0.0556, 'MASE': 0.8299, 'RMSSE': 0.8187, 'ErrorMean': 21.2478, 'ErrorStdDev': 54.7892, 'R2': 0.9526, 'Pearson': 0.9795, 'MedAE': 35.648, 'LnQ': 0.2975, 'KS': 0.1525, 'KendallTau': 0.8287, 'MannWhitneyU': 1606.0, 'AUC': 0.4614} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_PHA_TD_Forecast') {'Signal': 'NSW_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.079, 'RMSE': 69.2268, 'MAE': 57.5154, 'SMAPE': 0.0753, 'DiffSMAPE': 0.0753, 'MASE': 1.0382, 'RMSSE': 0.9645, 'ErrorMean': 15.7797, 'ErrorStdDev': 67.4044, 'R2': 0.9342, 'Pearson': 0.9773, 'MedAE': 51.4848, 'LnQ': 0.5565, 'KS': 0.1525, 'KendallTau': 0.8088, 'MannWhitneyU': 1731.0, 'AUC': 0.4973} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_male_AHP_TD_Forecast') {'Signal': 'NSW_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0757, 'RMSE': 69.148, 'MAE': 57.1257, 'SMAPE': 0.0731, 'DiffSMAPE': 0.0731, 'MASE': 1.0312, 'RMSSE': 0.9634, 'ErrorMean': 4.0314, 'ErrorStdDev': 69.0304, 'R2': 0.9343, 'Pearson': 0.9773, 'MedAE': 48.506, 'LnQ': 0.5084, 'KS': 0.1864, 'KendallTau': 0.8088, 'MannWhitneyU': 1810.0, 'AUC': 0.52} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_male_BU_Forecast') {'Signal': 'NSW_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0609, 'RMSE': 59.7182, 'MAE': 47.997, 'SMAPE': 0.0587, 'DiffSMAPE': 0.0587, 'MASE': 0.8664, 'RMSSE': 0.832, 'ErrorMean': 23.2866, 'ErrorStdDev': 54.9909, 'R2': 0.951, 'Pearson': 0.9797, 'MedAE': 37.0889, 'LnQ': 0.315, 'KS': 0.1356, 'KendallTau': 0.8228, 'MannWhitneyU': 1589.0, 'AUC': 0.4565} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_male_Forecast') {'Signal': 'NSW_male', 'Length': 59, 'MAPE': 0.0609, 'RMSE': 59.7182, 'MAE': 47.997, 'SMAPE': 0.0587, 'DiffSMAPE': 0.0587, 'MASE': 0.8664, 'RMSSE': 0.832, 'ErrorMean': 23.2866, 'ErrorStdDev': 54.9909, 'R2': 0.951, 'Pearson': 0.9797, 'MedAE': 37.0889, 'LnQ': 0.315, 'KS': 0.1356, 'KendallTau': 0.8228, 'MannWhitneyU': 1589.0, 'AUC': 0.4565} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_male_MO_Forecast') {'Signal': 'NSW_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0636, 'RMSE': 64.659, 'MAE': 52.7232, 'SMAPE': 0.0628, 'DiffSMAPE': 0.0628, 'MASE': 0.9517, 'RMSSE': 0.9008, 'ErrorMean': -10.7509, 'ErrorStdDev': 63.759, 'R2': 0.9426, 'Pearson': 0.9786, 'MedAE': 43.6535, 'LnQ': 0.3526, 'KS': 0.2034, 'KendallTau': 0.8076, 'MannWhitneyU': 1887.0, 'AUC': 0.5421} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_male_OC_Forecast') {'Signal': 'NSW_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0575, 'RMSE': 58.765, 'MAE': 45.9747, 'SMAPE': 0.0556, 'DiffSMAPE': 0.0556, 'MASE': 0.8299, 'RMSSE': 0.8187, 'ErrorMean': 21.2478, 'ErrorStdDev': 54.7892, 'R2': 0.9526, 'Pearson': 0.9795, 'MedAE': 35.648, 'LnQ': 0.2975, 'KS': 0.1525, 'KendallTau': 0.8287, 'MannWhitneyU': 1606.0, 'AUC': 0.4614} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_male_PHA_TD_Forecast') {'Signal': 'NSW_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.079, 'RMSE': 69.2268, 'MAE': 57.5154, 'SMAPE': 0.0753, 'DiffSMAPE': 0.0753, 'MASE': 1.0382, 'RMSSE': 0.9645, 'ErrorMean': 15.7797, 'ErrorStdDev': 67.4044, 'R2': 0.9342, 'Pearson': 0.9773, 'MedAE': 51.4848, 'LnQ': 0.5565, 'KS': 0.1525, 'KendallTau': 0.8088, 'MannWhitneyU': 1731.0, 'AUC': 0.4973} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_male_AHP_TD_Forecast') {'Signal': 'NSW_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0757, 'RMSE': 69.148, 'MAE': 57.1257, 'SMAPE': 0.0731, 'DiffSMAPE': 0.0731, 'MASE': 1.0312, 'RMSSE': 0.9634, 'ErrorMean': 4.0314, 'ErrorStdDev': 69.0304, 'R2': 0.9343, 'Pearson': 0.9773, 'MedAE': 48.506, 'LnQ': 0.5084, 'KS': 0.1864, 'KendallTau': 0.8088, 'MannWhitneyU': 1810.0, 'AUC': 0.52} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_male_BU_Forecast') {'Signal': 'NSW_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0609, 'RMSE': 59.7182, 'MAE': 47.997, 'SMAPE': 0.0587, 'DiffSMAPE': 0.0587, 'MASE': 0.8664, 'RMSSE': 0.832, 'ErrorMean': 23.2866, 'ErrorStdDev': 54.9909, 'R2': 0.951, 'Pearson': 0.9797, 'MedAE': 37.0889, 'LnQ': 0.315, 'KS': 0.1356, 'KendallTau': 0.8228, 'MannWhitneyU': 1589.0, 'AUC': 0.4565} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_male_Forecast') {'Signal': 'NSW_male', 'Length': 59, 'MAPE': 0.0609, 'RMSE': 59.7182, 'MAE': 47.997, 'SMAPE': 0.0587, 'DiffSMAPE': 0.0587, 'MASE': 0.8664, 'RMSSE': 0.832, 'ErrorMean': 23.2866, 'ErrorStdDev': 54.9909, 'R2': 0.951, 'Pearson': 0.9797, 'MedAE': 37.0889, 'LnQ': 0.315, 'KS': 0.1356, 'KendallTau': 0.8228, 'MannWhitneyU': 1589.0, 'AUC': 0.4565} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_male_MO_Forecast') {'Signal': 'NSW_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0636, 'RMSE': 64.659, 'MAE': 52.7232, 'SMAPE': 0.0628, 'DiffSMAPE': 0.0628, 'MASE': 0.9517, 'RMSSE': 0.9008, 'ErrorMean': -10.7509, 'ErrorStdDev': 63.759, 'R2': 0.9426, 'Pearson': 0.9786, 'MedAE': 43.6535, 'LnQ': 0.3526, 'KS': 0.2034, 'KendallTau': 0.8076, 'MannWhitneyU': 1887.0, 'AUC': 0.5421} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_male_OC_Forecast') {'Signal': 'NSW_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0575, 'RMSE': 58.765, 'MAE': 45.9747, 'SMAPE': 0.0556, 'DiffSMAPE': 0.0556, 'MASE': 0.8299, 'RMSSE': 0.8187, 'ErrorMean': 21.2478, 'ErrorStdDev': 54.7892, 'R2': 0.9526, 'Pearson': 0.9795, 'MedAE': 35.648, 'LnQ': 0.2975, 'KS': 0.1525, 'KendallTau': 0.8287, 'MannWhitneyU': 1606.0, 'AUC': 0.4614} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_male_PHA_TD_Forecast') {'Signal': 'NSW_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.079, 'RMSE': 69.2268, 'MAE': 57.5154, 'SMAPE': 0.0753, 'DiffSMAPE': 0.0753, 'MASE': 1.0382, 'RMSSE': 0.9645, 'ErrorMean': 15.7797, 'ErrorStdDev': 67.4044, 'R2': 0.9342, 'Pearson': 0.9773, 'MedAE': 51.4848, 'LnQ': 0.5565, 'KS': 0.1525, 'KendallTau': 0.8088, 'MannWhitneyU': 1731.0, 'AUC': 0.4973} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_female_AHP_TD_Forecast') {'Signal': 'NT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 5.0341, 'RMSE': 21.1856, 'MAE': 19.4527, 'SMAPE': 1.0247, 'DiffSMAPE': 1.0218, 'MASE': 2.7319, 'RMSSE': 1.9496, 'ErrorMean': 4.574, 'ErrorStdDev': 20.686, 'R2': -0.428, 'Pearson': -0.3874, 'MedAE': 20.8242, 'LnQ': 153.3013, 'KS': 0.4915, 'KendallTau': -0.4669, 'MannWhitneyU': 1110.0, 'AUC': 0.3189} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_female_BU_Forecast') {'Signal': 'NT_female_BU_Forecast', 'Length': 59, 'MAPE': 0.5189, 'RMSE': 6.5654, 'MAE': 4.0976, 'SMAPE': 0.3437, 'DiffSMAPE': 0.3397, 'MASE': 0.5754, 'RMSSE': 0.6042, 'ErrorMean': -0.0228, 'ErrorStdDev': 6.5654, 'R2': 0.8629, 'Pearson': 0.9321, 'MedAE': 2.5816, 'LnQ': 15.485, 'KS': 0.2034, 'KendallTau': 0.8392, 'MannWhitneyU': 1653.0, 'AUC': 0.4749} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_female_Forecast') {'Signal': 'NT_female', 'Length': 59, 'MAPE': 0.5189, 'RMSE': 6.5654, 'MAE': 4.0976, 'SMAPE': 0.3437, 'DiffSMAPE': 0.3397, 'MASE': 0.5754, 'RMSSE': 0.6042, 'ErrorMean': -0.0228, 'ErrorStdDev': 6.5654, 'R2': 0.8629, 'Pearson': 0.9321, 'MedAE': 2.5816, 'LnQ': 15.485, 'KS': 0.2034, 'KendallTau': 0.8392, 'MannWhitneyU': 1653.0, 'AUC': 0.4749} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_female_MO_Forecast') {'Signal': 'NT_female_MO_Forecast', 'Length': 59, 'MAPE': 4.0638, 'RMSE': 20.0852, 'MAE': 17.9792, 'SMAPE': 1.0418, 'DiffSMAPE': 1.0383, 'MASE': 2.5249, 'RMSSE': 1.8483, 'ErrorMean': 0.036, 'ErrorStdDev': 20.0852, 'R2': -0.2835, 'Pearson': -0.373, 'MedAE': 16.9329, 'LnQ': 137.7167, 'KS': 0.4068, 'KendallTau': -0.4456, 'MannWhitneyU': 1419.0, 'AUC': 0.4076} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_female_OC_Forecast') {'Signal': 'NT_female_OC_Forecast', 'Length': 59, 'MAPE': 1.3056, 'RMSE': 9.7394, 'MAE': 7.2852, 'SMAPE': 0.6222, 'DiffSMAPE': 0.6143, 'MASE': 1.0231, 'RMSSE': 0.8963, 'ErrorMean': 4.0273, 'ErrorStdDev': 8.8677, 'R2': 0.6982, 'Pearson': 0.8869, 'MedAE': 5.5366, 'LnQ': inf, 'KS': 0.2203, 'KendallTau': 0.6764, 'MannWhitneyU': 1472.0, 'AUC': 0.4229} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_female_PHA_TD_Forecast') {'Signal': 'NT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 4.0714, 'RMSE': 20.0456, 'MAE': 17.9562, 'SMAPE': 1.0347, 'DiffSMAPE': 1.0313, 'MASE': 2.5217, 'RMSSE': 1.8447, 'ErrorMean': 0.3276, 'ErrorStdDev': 20.043, 'R2': -0.2784, 'Pearson': -0.3874, 'MedAE': 17.7581, 'LnQ': 136.9718, 'KS': 0.4237, 'KendallTau': -0.4669, 'MannWhitneyU': 1402.0, 'AUC': 0.4028} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_female_AHP_TD_Forecast') {'Signal': 'NT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 5.0341, 'RMSE': 21.1856, 'MAE': 19.4527, 'SMAPE': 1.0247, 'DiffSMAPE': 1.0218, 'MASE': 2.7319, 'RMSSE': 1.9496, 'ErrorMean': 4.574, 'ErrorStdDev': 20.686, 'R2': -0.428, 'Pearson': -0.3874, 'MedAE': 20.8242, 'LnQ': 153.3013, 'KS': 0.4915, 'KendallTau': -0.4669, 'MannWhitneyU': 1110.0, 'AUC': 0.3189} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_female_BU_Forecast') {'Signal': 'NT_female_BU_Forecast', 'Length': 59, 'MAPE': 0.5189, 'RMSE': 6.5654, 'MAE': 4.0976, 'SMAPE': 0.3437, 'DiffSMAPE': 0.3397, 'MASE': 0.5754, 'RMSSE': 0.6042, 'ErrorMean': -0.0228, 'ErrorStdDev': 6.5654, 'R2': 0.8629, 'Pearson': 0.9321, 'MedAE': 2.5816, 'LnQ': 15.485, 'KS': 0.2034, 'KendallTau': 0.8392, 'MannWhitneyU': 1653.0, 'AUC': 0.4749} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_female_Forecast') {'Signal': 'NT_female', 'Length': 59, 'MAPE': 0.5189, 'RMSE': 6.5654, 'MAE': 4.0976, 'SMAPE': 0.3437, 'DiffSMAPE': 0.3397, 'MASE': 0.5754, 'RMSSE': 0.6042, 'ErrorMean': -0.0228, 'ErrorStdDev': 6.5654, 'R2': 0.8629, 'Pearson': 0.9321, 'MedAE': 2.5816, 'LnQ': 15.485, 'KS': 0.2034, 'KendallTau': 0.8392, 'MannWhitneyU': 1653.0, 'AUC': 0.4749} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_female_MO_Forecast') {'Signal': 'NT_female_MO_Forecast', 'Length': 59, 'MAPE': 4.0638, 'RMSE': 20.0852, 'MAE': 17.9792, 'SMAPE': 1.0418, 'DiffSMAPE': 1.0383, 'MASE': 2.5249, 'RMSSE': 1.8483, 'ErrorMean': 0.036, 'ErrorStdDev': 20.0852, 'R2': -0.2835, 'Pearson': -0.373, 'MedAE': 16.9329, 'LnQ': 137.7167, 'KS': 0.4068, 'KendallTau': -0.4456, 'MannWhitneyU': 1419.0, 'AUC': 0.4076} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_female_OC_Forecast') {'Signal': 'NT_female_OC_Forecast', 'Length': 59, 'MAPE': 1.3056, 'RMSE': 9.7394, 'MAE': 7.2852, 'SMAPE': 0.6222, 'DiffSMAPE': 0.6143, 'MASE': 1.0231, 'RMSSE': 0.8963, 'ErrorMean': 4.0273, 'ErrorStdDev': 8.8677, 'R2': 0.6982, 'Pearson': 0.8869, 'MedAE': 5.5366, 'LnQ': inf, 'KS': 0.2203, 'KendallTau': 0.6764, 'MannWhitneyU': 1472.0, 'AUC': 0.4229} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_female_PHA_TD_Forecast') {'Signal': 'NT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 4.0714, 'RMSE': 20.0456, 'MAE': 17.9562, 'SMAPE': 1.0347, 'DiffSMAPE': 1.0313, 'MASE': 2.5217, 'RMSSE': 1.8447, 'ErrorMean': 0.3276, 'ErrorStdDev': 20.043, 'R2': -0.2784, 'Pearson': -0.3874, 'MedAE': 17.7581, 'LnQ': 136.9718, 'KS': 0.4237, 'KendallTau': -0.4669, 'MannWhitneyU': 1402.0, 'AUC': 0.4028} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_AHP_TD_Forecast') {'Signal': 'NT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 5.0341, 'RMSE': 21.1856, 'MAE': 19.4527, 'SMAPE': 1.0247, 'DiffSMAPE': 1.0218, 'MASE': 2.7319, 'RMSSE': 1.9496, 'ErrorMean': 4.574, 'ErrorStdDev': 20.686, 'R2': -0.428, 'Pearson': -0.3874, 'MedAE': 20.8242, 'LnQ': 153.3013, 'KS': 0.4915, 'KendallTau': -0.4669, 'MannWhitneyU': 1110.0, 'AUC': 0.3189} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_BU_Forecast') {'Signal': 'NT_female_BU_Forecast', 'Length': 59, 'MAPE': 0.5189, 'RMSE': 6.5654, 'MAE': 4.0976, 'SMAPE': 0.3437, 'DiffSMAPE': 0.3397, 'MASE': 0.5754, 'RMSSE': 0.6042, 'ErrorMean': -0.0228, 'ErrorStdDev': 6.5654, 'R2': 0.8629, 'Pearson': 0.9321, 'MedAE': 2.5816, 'LnQ': 15.485, 'KS': 0.2034, 'KendallTau': 0.8392, 'MannWhitneyU': 1653.0, 'AUC': 0.4749} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_Forecast') {'Signal': 'NT_female', 'Length': 59, 'MAPE': 0.5189, 'RMSE': 6.5654, 'MAE': 4.0976, 'SMAPE': 0.3437, 'DiffSMAPE': 0.3397, 'MASE': 0.5754, 'RMSSE': 0.6042, 'ErrorMean': -0.0228, 'ErrorStdDev': 6.5654, 'R2': 0.8629, 'Pearson': 0.9321, 'MedAE': 2.5816, 'LnQ': 15.485, 'KS': 0.2034, 'KendallTau': 0.8392, 'MannWhitneyU': 1653.0, 'AUC': 0.4749} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_MO_Forecast') {'Signal': 'NT_female_MO_Forecast', 'Length': 59, 'MAPE': 4.0638, 'RMSE': 20.0852, 'MAE': 17.9792, 'SMAPE': 1.0418, 'DiffSMAPE': 1.0383, 'MASE': 2.5249, 'RMSSE': 1.8483, 'ErrorMean': 0.036, 'ErrorStdDev': 20.0852, 'R2': -0.2835, 'Pearson': -0.373, 'MedAE': 16.9329, 'LnQ': 137.7167, 'KS': 0.4068, 'KendallTau': -0.4456, 'MannWhitneyU': 1419.0, 'AUC': 0.4076} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_OC_Forecast') {'Signal': 'NT_female_OC_Forecast', 'Length': 59, 'MAPE': 1.3056, 'RMSE': 9.7394, 'MAE': 7.2852, 'SMAPE': 0.6222, 'DiffSMAPE': 0.6143, 'MASE': 1.0231, 'RMSSE': 0.8963, 'ErrorMean': 4.0273, 'ErrorStdDev': 8.8677, 'R2': 0.6982, 'Pearson': 0.8869, 'MedAE': 5.5366, 'LnQ': inf, 'KS': 0.2203, 'KendallTau': 0.6764, 'MannWhitneyU': 1472.0, 'AUC': 0.4229} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_PHA_TD_Forecast') {'Signal': 'NT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 4.0714, 'RMSE': 20.0456, 'MAE': 17.9562, 'SMAPE': 1.0347, 'DiffSMAPE': 1.0313, 'MASE': 2.5217, 'RMSSE': 1.8447, 'ErrorMean': 0.3276, 'ErrorStdDev': 20.043, 'R2': -0.2784, 'Pearson': -0.3874, 'MedAE': 17.7581, 'LnQ': 136.9718, 'KS': 0.4237, 'KendallTau': -0.4669, 'MannWhitneyU': 1402.0, 'AUC': 0.4028} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_AHP_TD_Forecast') {'Signal': 'NT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.8824, 'RMSE': 24.7019, 'MAE': 22.3752, 'SMAPE': 0.9451, 'DiffSMAPE': 0.9429, 'MASE': 3.173, 'RMSSE': 1.8744, 'ErrorMean': 5.0256, 'ErrorStdDev': 24.1853, 'R2': -0.4205, 'Pearson': -0.3603, 'MedAE': 20.2636, 'LnQ': 122.0331, 'KS': 0.4407, 'KendallTau': -0.5281, 'MannWhitneyU': 1014.0, 'AUC': 0.2913} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.353, 'RMSE': 7.2604, 'MAE': 4.1024, 'SMAPE': 0.2431, 'DiffSMAPE': 0.2409, 'MASE': 0.5818, 'RMSSE': 0.5509, 'ErrorMean': -0.0302, 'ErrorStdDev': 7.2603, 'R2': 0.8773, 'Pearson': 0.9386, 'MedAE': 2.2205, 'LnQ': 9.2781, 'KS': 0.1864, 'KendallTau': 0.8574, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.353, 'RMSE': 7.2604, 'MAE': 4.1024, 'SMAPE': 0.2431, 'DiffSMAPE': 0.2409, 'MASE': 0.5818, 'RMSSE': 0.5509, 'ErrorMean': -0.0302, 'ErrorStdDev': 7.2603, 'R2': 0.8773, 'Pearson': 0.9386, 'MedAE': 2.2205, 'LnQ': 9.2781, 'KS': 0.1864, 'KendallTau': 0.8574, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_MO_Forecast') {'Signal': 'NT_male_MO_Forecast', 'Length': 59, 'MAPE': 3.1731, 'RMSE': 23.7256, 'MAE': 20.8213, 'SMAPE': 0.9585, 'DiffSMAPE': 0.956, 'MASE': 2.9527, 'RMSSE': 1.8003, 'ErrorMean': -0.2777, 'ErrorStdDev': 23.724, 'R2': -0.3104, 'Pearson': -0.3901, 'MedAE': 19.9126, 'LnQ': 111.014, 'KS': 0.339, 'KendallTau': -0.5849, 'MannWhitneyU': 1436.0, 'AUC': 0.4125} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_OC_Forecast') {'Signal': 'NT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.4889, 'RMSE': 12.5282, 'MAE': 9.9207, 'SMAPE': 0.6706, 'DiffSMAPE': 0.6665, 'MASE': 1.4069, 'RMSSE': 0.9507, 'ErrorMean': -2.069, 'ErrorStdDev': 12.3562, 'R2': 0.6346, 'Pearson': 0.8035, 'MedAE': 6.9455, 'LnQ': inf, 'KS': 0.1186, 'KendallTau': 0.4903, 'MannWhitneyU': 1753.0, 'AUC': 0.5036} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_PHA_TD_Forecast') {'Signal': 'NT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 3.2122, 'RMSE': 23.5028, 'MAE': 20.7478, 'SMAPE': 0.9475, 'DiffSMAPE': 0.9451, 'MASE': 2.9422, 'RMSSE': 1.7834, 'ErrorMean': 0.4076, 'ErrorStdDev': 23.4993, 'R2': -0.2859, 'Pearson': -0.3603, 'MedAE': 19.8897, 'LnQ': 110.099, 'KS': 0.3559, 'KendallTau': -0.5281, 'MannWhitneyU': 1387.0, 'AUC': 0.3984} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_AHP_TD_Forecast') {'Signal': 'NT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.8824, 'RMSE': 24.7019, 'MAE': 22.3752, 'SMAPE': 0.9451, 'DiffSMAPE': 0.9429, 'MASE': 3.173, 'RMSSE': 1.8744, 'ErrorMean': 5.0256, 'ErrorStdDev': 24.1853, 'R2': -0.4205, 'Pearson': -0.3603, 'MedAE': 20.2636, 'LnQ': 122.0331, 'KS': 0.4407, 'KendallTau': -0.5281, 'MannWhitneyU': 1014.0, 'AUC': 0.2913} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.353, 'RMSE': 7.2604, 'MAE': 4.1024, 'SMAPE': 0.2431, 'DiffSMAPE': 0.2409, 'MASE': 0.5818, 'RMSSE': 0.5509, 'ErrorMean': -0.0302, 'ErrorStdDev': 7.2603, 'R2': 0.8773, 'Pearson': 0.9386, 'MedAE': 2.2205, 'LnQ': 9.2781, 'KS': 0.1864, 'KendallTau': 0.8574, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.353, 'RMSE': 7.2604, 'MAE': 4.1024, 'SMAPE': 0.2431, 'DiffSMAPE': 0.2409, 'MASE': 0.5818, 'RMSSE': 0.5509, 'ErrorMean': -0.0302, 'ErrorStdDev': 7.2603, 'R2': 0.8773, 'Pearson': 0.9386, 'MedAE': 2.2205, 'LnQ': 9.2781, 'KS': 0.1864, 'KendallTau': 0.8574, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_MO_Forecast') {'Signal': 'NT_male_MO_Forecast', 'Length': 59, 'MAPE': 3.1731, 'RMSE': 23.7256, 'MAE': 20.8213, 'SMAPE': 0.9585, 'DiffSMAPE': 0.956, 'MASE': 2.9527, 'RMSSE': 1.8003, 'ErrorMean': -0.2777, 'ErrorStdDev': 23.724, 'R2': -0.3104, 'Pearson': -0.3901, 'MedAE': 19.9126, 'LnQ': 111.014, 'KS': 0.339, 'KendallTau': -0.5849, 'MannWhitneyU': 1436.0, 'AUC': 0.4125} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_OC_Forecast') {'Signal': 'NT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.4889, 'RMSE': 12.5282, 'MAE': 9.9207, 'SMAPE': 0.6706, 'DiffSMAPE': 0.6665, 'MASE': 1.4069, 'RMSSE': 0.9507, 'ErrorMean': -2.069, 'ErrorStdDev': 12.3562, 'R2': 0.6346, 'Pearson': 0.8035, 'MedAE': 6.9455, 'LnQ': inf, 'KS': 0.1186, 'KendallTau': 0.4903, 'MannWhitneyU': 1753.0, 'AUC': 0.5036} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_PHA_TD_Forecast') {'Signal': 'NT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 3.2122, 'RMSE': 23.5028, 'MAE': 20.7478, 'SMAPE': 0.9475, 'DiffSMAPE': 0.9451, 'MASE': 2.9422, 'RMSSE': 1.7834, 'ErrorMean': 0.4076, 'ErrorStdDev': 23.4993, 'R2': -0.2859, 'Pearson': -0.3603, 'MedAE': 19.8897, 'LnQ': 110.099, 'KS': 0.3559, 'KendallTau': -0.5281, 'MannWhitneyU': 1387.0, 'AUC': 0.3984} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_AHP_TD_Forecast') {'Signal': 'NT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.8824, 'RMSE': 24.7019, 'MAE': 22.3752, 'SMAPE': 0.9451, 'DiffSMAPE': 0.9429, 'MASE': 3.173, 'RMSSE': 1.8744, 'ErrorMean': 5.0256, 'ErrorStdDev': 24.1853, 'R2': -0.4205, 'Pearson': -0.3603, 'MedAE': 20.2636, 'LnQ': 122.0331, 'KS': 0.4407, 'KendallTau': -0.5281, 'MannWhitneyU': 1014.0, 'AUC': 0.2913} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.353, 'RMSE': 7.2604, 'MAE': 4.1024, 'SMAPE': 0.2431, 'DiffSMAPE': 0.2409, 'MASE': 0.5818, 'RMSSE': 0.5509, 'ErrorMean': -0.0302, 'ErrorStdDev': 7.2603, 'R2': 0.8773, 'Pearson': 0.9386, 'MedAE': 2.2205, 'LnQ': 9.2781, 'KS': 0.1864, 'KendallTau': 0.8574, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.353, 'RMSE': 7.2604, 'MAE': 4.1024, 'SMAPE': 0.2431, 'DiffSMAPE': 0.2409, 'MASE': 0.5818, 'RMSSE': 0.5509, 'ErrorMean': -0.0302, 'ErrorStdDev': 7.2603, 'R2': 0.8773, 'Pearson': 0.9386, 'MedAE': 2.2205, 'LnQ': 9.2781, 'KS': 0.1864, 'KendallTau': 0.8574, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_MO_Forecast') {'Signal': 'NT_male_MO_Forecast', 'Length': 59, 'MAPE': 3.1731, 'RMSE': 23.7256, 'MAE': 20.8213, 'SMAPE': 0.9585, 'DiffSMAPE': 0.956, 'MASE': 2.9527, 'RMSSE': 1.8003, 'ErrorMean': -0.2777, 'ErrorStdDev': 23.724, 'R2': -0.3104, 'Pearson': -0.3901, 'MedAE': 19.9126, 'LnQ': 111.014, 'KS': 0.339, 'KendallTau': -0.5849, 'MannWhitneyU': 1436.0, 'AUC': 0.4125} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_OC_Forecast') {'Signal': 'NT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.4889, 'RMSE': 12.5282, 'MAE': 9.9207, 'SMAPE': 0.6706, 'DiffSMAPE': 0.6665, 'MASE': 1.4069, 'RMSSE': 0.9507, 'ErrorMean': -2.069, 'ErrorStdDev': 12.3562, 'R2': 0.6346, 'Pearson': 0.8035, 'MedAE': 6.9455, 'LnQ': inf, 'KS': 0.1186, 'KendallTau': 0.4903, 'MannWhitneyU': 1753.0, 'AUC': 0.5036} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_PHA_TD_Forecast') {'Signal': 'NT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 3.2122, 'RMSE': 23.5028, 'MAE': 20.7478, 'SMAPE': 0.9475, 'DiffSMAPE': 0.9451, 'MASE': 2.9422, 'RMSSE': 1.7834, 'ErrorMean': 0.4076, 'ErrorStdDev': 23.4993, 'R2': -0.2859, 'Pearson': -0.3603, 'MedAE': 19.8897, 'LnQ': 110.099, 'KS': 0.3559, 'KendallTau': -0.5281, 'MannWhitneyU': 1387.0, 'AUC': 0.3984} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_AHP_TD_Forecast') {'Signal': 'QLD_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0851, 'RMSE': 27.8784, 'MAE': 22.6715, 'SMAPE': 0.0828, 'DiffSMAPE': 0.0828, 'MASE': 0.7553, 'RMSSE': 0.7524, 'ErrorMean': 8.9597, 'ErrorStdDev': 26.3994, 'R2': 0.8254, 'Pearson': 0.9292, 'MedAE': 17.3406, 'LnQ': 0.591, 'KS': 0.322, 'KendallTau': 0.6528, 'MannWhitneyU': 1459.0, 'AUC': 0.4191} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_BU_Forecast') {'Signal': 'QLD_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0596, 'RMSE': 21.5808, 'MAE': 15.783, 'SMAPE': 0.059, 'DiffSMAPE': 0.059, 'MASE': 0.5258, 'RMSSE': 0.5824, 'ErrorMean': -0.0324, 'ErrorStdDev': 21.5808, 'R2': 0.8954, 'Pearson': 0.9485, 'MedAE': 12.6371, 'LnQ': 0.3565, 'KS': 0.1525, 'KendallTau': 0.7593, 'MannWhitneyU': 1721.0, 'AUC': 0.4944} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_Forecast') {'Signal': 'QLD_female', 'Length': 59, 'MAPE': 0.0596, 'RMSE': 21.5808, 'MAE': 15.783, 'SMAPE': 0.059, 'DiffSMAPE': 0.059, 'MASE': 0.5258, 'RMSSE': 0.5824, 'ErrorMean': -0.0324, 'ErrorStdDev': 21.5808, 'R2': 0.8954, 'Pearson': 0.9485, 'MedAE': 12.6371, 'LnQ': 0.3565, 'KS': 0.1525, 'KendallTau': 0.7593, 'MannWhitneyU': 1721.0, 'AUC': 0.4944} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_MO_Forecast') {'Signal': 'QLD_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0868, 'RMSE': 27.7081, 'MAE': 22.5304, 'SMAPE': 0.0877, 'DiffSMAPE': 0.0876, 'MASE': 0.7506, 'RMSSE': 0.7478, 'ErrorMean': 0.5351, 'ErrorStdDev': 27.7029, 'R2': 0.8276, 'Pearson': 0.9254, 'MedAE': 20.5985, 'LnQ': 0.7213, 'KS': 0.2034, 'KendallTau': 0.6223, 'MannWhitneyU': 1645.0, 'AUC': 0.4726} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_OC_Forecast') {'Signal': 'QLD_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0667, 'RMSE': 22.3243, 'MAE': 17.6821, 'SMAPE': 0.0653, 'DiffSMAPE': 0.0653, 'MASE': 0.5891, 'RMSSE': 0.6025, 'ErrorMean': 4.0178, 'ErrorStdDev': 21.9598, 'R2': 0.8881, 'Pearson': 0.945, 'MedAE': 16.2391, 'LnQ': 0.3809, 'KS': 0.2034, 'KendallTau': 0.7044, 'MannWhitneyU': 1615.0, 'AUC': 0.4639} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_PHA_TD_Forecast') {'Signal': 'QLD_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0816, 'RMSE': 26.4982, 'MAE': 21.6846, 'SMAPE': 0.0806, 'DiffSMAPE': 0.0806, 'MASE': 0.7224, 'RMSSE': 0.7152, 'ErrorMean': 4.8718, 'ErrorStdDev': 26.0465, 'R2': 0.8423, 'Pearson': 0.9292, 'MedAE': 15.5949, 'LnQ': 0.5581, 'KS': 0.2542, 'KendallTau': 0.6528, 'MannWhitneyU': 1548.0, 'AUC': 0.4447} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_AHP_TD_Forecast') {'Signal': 'QLD_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0851, 'RMSE': 27.8784, 'MAE': 22.6715, 'SMAPE': 0.0828, 'DiffSMAPE': 0.0828, 'MASE': 0.7553, 'RMSSE': 0.7524, 'ErrorMean': 8.9597, 'ErrorStdDev': 26.3994, 'R2': 0.8254, 'Pearson': 0.9292, 'MedAE': 17.3406, 'LnQ': 0.591, 'KS': 0.322, 'KendallTau': 0.6528, 'MannWhitneyU': 1459.0, 'AUC': 0.4191} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_BU_Forecast') {'Signal': 'QLD_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0596, 'RMSE': 21.5808, 'MAE': 15.783, 'SMAPE': 0.059, 'DiffSMAPE': 0.059, 'MASE': 0.5258, 'RMSSE': 0.5824, 'ErrorMean': -0.0324, 'ErrorStdDev': 21.5808, 'R2': 0.8954, 'Pearson': 0.9485, 'MedAE': 12.6371, 'LnQ': 0.3565, 'KS': 0.1525, 'KendallTau': 0.7593, 'MannWhitneyU': 1721.0, 'AUC': 0.4944} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_Forecast') {'Signal': 'QLD_female', 'Length': 59, 'MAPE': 0.0596, 'RMSE': 21.5808, 'MAE': 15.783, 'SMAPE': 0.059, 'DiffSMAPE': 0.059, 'MASE': 0.5258, 'RMSSE': 0.5824, 'ErrorMean': -0.0324, 'ErrorStdDev': 21.5808, 'R2': 0.8954, 'Pearson': 0.9485, 'MedAE': 12.6371, 'LnQ': 0.3565, 'KS': 0.1525, 'KendallTau': 0.7593, 'MannWhitneyU': 1721.0, 'AUC': 0.4944} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_MO_Forecast') {'Signal': 'QLD_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0868, 'RMSE': 27.7081, 'MAE': 22.5304, 'SMAPE': 0.0877, 'DiffSMAPE': 0.0876, 'MASE': 0.7506, 'RMSSE': 0.7478, 'ErrorMean': 0.5351, 'ErrorStdDev': 27.7029, 'R2': 0.8276, 'Pearson': 0.9254, 'MedAE': 20.5985, 'LnQ': 0.7213, 'KS': 0.2034, 'KendallTau': 0.6223, 'MannWhitneyU': 1645.0, 'AUC': 0.4726} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_OC_Forecast') {'Signal': 'QLD_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0667, 'RMSE': 22.3243, 'MAE': 17.6821, 'SMAPE': 0.0653, 'DiffSMAPE': 0.0653, 'MASE': 0.5891, 'RMSSE': 0.6025, 'ErrorMean': 4.0178, 'ErrorStdDev': 21.9598, 'R2': 0.8881, 'Pearson': 0.945, 'MedAE': 16.2391, 'LnQ': 0.3809, 'KS': 0.2034, 'KendallTau': 0.7044, 'MannWhitneyU': 1615.0, 'AUC': 0.4639} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_PHA_TD_Forecast') {'Signal': 'QLD_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0816, 'RMSE': 26.4982, 'MAE': 21.6846, 'SMAPE': 0.0806, 'DiffSMAPE': 0.0806, 'MASE': 0.7224, 'RMSSE': 0.7152, 'ErrorMean': 4.8718, 'ErrorStdDev': 26.0465, 'R2': 0.8423, 'Pearson': 0.9292, 'MedAE': 15.5949, 'LnQ': 0.5581, 'KS': 0.2542, 'KendallTau': 0.6528, 'MannWhitneyU': 1548.0, 'AUC': 0.4447} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_AHP_TD_Forecast') {'Signal': 'QLD_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0851, 'RMSE': 27.8784, 'MAE': 22.6715, 'SMAPE': 0.0828, 'DiffSMAPE': 0.0828, 'MASE': 0.7553, 'RMSSE': 0.7524, 'ErrorMean': 8.9597, 'ErrorStdDev': 26.3994, 'R2': 0.8254, 'Pearson': 0.9292, 'MedAE': 17.3406, 'LnQ': 0.591, 'KS': 0.322, 'KendallTau': 0.6528, 'MannWhitneyU': 1459.0, 'AUC': 0.4191} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_BU_Forecast') {'Signal': 'QLD_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0596, 'RMSE': 21.5808, 'MAE': 15.783, 'SMAPE': 0.059, 'DiffSMAPE': 0.059, 'MASE': 0.5258, 'RMSSE': 0.5824, 'ErrorMean': -0.0324, 'ErrorStdDev': 21.5808, 'R2': 0.8954, 'Pearson': 0.9485, 'MedAE': 12.6371, 'LnQ': 0.3565, 'KS': 0.1525, 'KendallTau': 0.7593, 'MannWhitneyU': 1721.0, 'AUC': 0.4944} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_Forecast') {'Signal': 'QLD_female', 'Length': 59, 'MAPE': 0.0596, 'RMSE': 21.5808, 'MAE': 15.783, 'SMAPE': 0.059, 'DiffSMAPE': 0.059, 'MASE': 0.5258, 'RMSSE': 0.5824, 'ErrorMean': -0.0324, 'ErrorStdDev': 21.5808, 'R2': 0.8954, 'Pearson': 0.9485, 'MedAE': 12.6371, 'LnQ': 0.3565, 'KS': 0.1525, 'KendallTau': 0.7593, 'MannWhitneyU': 1721.0, 'AUC': 0.4944} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_MO_Forecast') {'Signal': 'QLD_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0868, 'RMSE': 27.7081, 'MAE': 22.5304, 'SMAPE': 0.0877, 'DiffSMAPE': 0.0876, 'MASE': 0.7506, 'RMSSE': 0.7478, 'ErrorMean': 0.5351, 'ErrorStdDev': 27.7029, 'R2': 0.8276, 'Pearson': 0.9254, 'MedAE': 20.5985, 'LnQ': 0.7213, 'KS': 0.2034, 'KendallTau': 0.6223, 'MannWhitneyU': 1645.0, 'AUC': 0.4726} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_OC_Forecast') {'Signal': 'QLD_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0667, 'RMSE': 22.3243, 'MAE': 17.6821, 'SMAPE': 0.0653, 'DiffSMAPE': 0.0653, 'MASE': 0.5891, 'RMSSE': 0.6025, 'ErrorMean': 4.0178, 'ErrorStdDev': 21.9598, 'R2': 0.8881, 'Pearson': 0.945, 'MedAE': 16.2391, 'LnQ': 0.3809, 'KS': 0.2034, 'KendallTau': 0.7044, 'MannWhitneyU': 1615.0, 'AUC': 0.4639} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_PHA_TD_Forecast') {'Signal': 'QLD_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0816, 'RMSE': 26.4982, 'MAE': 21.6846, 'SMAPE': 0.0806, 'DiffSMAPE': 0.0806, 'MASE': 0.7224, 'RMSSE': 0.7152, 'ErrorMean': 4.8718, 'ErrorStdDev': 26.0465, 'R2': 0.8423, 'Pearson': 0.9292, 'MedAE': 15.5949, 'LnQ': 0.5581, 'KS': 0.2542, 'KendallTau': 0.6528, 'MannWhitneyU': 1548.0, 'AUC': 0.4447} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_AHP_TD_Forecast') {'Signal': 'QLD_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0626, 'RMSE': 27.3863, 'MAE': 20.4076, 'SMAPE': 0.0605, 'DiffSMAPE': 0.0605, 'MASE': 0.8522, 'RMSSE': 0.9132, 'ErrorMean': 9.8118, 'ErrorStdDev': 25.5683, 'R2': 0.9078, 'Pearson': 0.9624, 'MedAE': 15.575, 'LnQ': 0.4071, 'KS': 0.2373, 'KendallTau': 0.7395, 'MannWhitneyU': 1500.0, 'AUC': 0.4309} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0511, 'RMSE': 20.372, 'MAE': 16.0018, 'SMAPE': 0.0502, 'DiffSMAPE': 0.0502, 'MASE': 0.6682, 'RMSSE': 0.6793, 'ErrorMean': 0.005, 'ErrorStdDev': 20.372, 'R2': 0.949, 'Pearson': 0.9754, 'MedAE': 13.7233, 'LnQ': 0.2766, 'KS': 0.1525, 'KendallTau': 0.7933, 'MannWhitneyU': 1743.0, 'AUC': 0.5007} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0511, 'RMSE': 20.372, 'MAE': 16.0018, 'SMAPE': 0.0502, 'DiffSMAPE': 0.0502, 'MASE': 0.6682, 'RMSSE': 0.6793, 'ErrorMean': 0.005, 'ErrorStdDev': 20.372, 'R2': 0.949, 'Pearson': 0.9754, 'MedAE': 13.7233, 'LnQ': 0.2766, 'KS': 0.1525, 'KendallTau': 0.7933, 'MannWhitneyU': 1743.0, 'AUC': 0.5007} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_MO_Forecast') {'Signal': 'QLD_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0687, 'RMSE': 27.3089, 'MAE': 22.2177, 'SMAPE': 0.0696, 'DiffSMAPE': 0.0696, 'MASE': 0.9277, 'RMSSE': 0.9107, 'ErrorMean': -4.3966, 'ErrorStdDev': 26.9526, 'R2': 0.9083, 'Pearson': 0.9591, 'MedAE': 19.6899, 'LnQ': 0.4928, 'KS': 0.0847, 'KendallTau': 0.6985, 'MannWhitneyU': 1764.0, 'AUC': 0.5068} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0543, 'RMSE': 22.6626, 'MAE': 18.0142, 'SMAPE': 0.054, 'DiffSMAPE': 0.054, 'MASE': 0.7522, 'RMSSE': 0.7557, 'ErrorMean': -2.0338, 'ErrorStdDev': 22.5712, 'R2': 0.9369, 'Pearson': 0.9683, 'MedAE': 14.2128, 'LnQ': 0.297, 'KS': 0.1017, 'KendallTau': 0.7524, 'MannWhitneyU': 1797.0, 'AUC': 0.5162} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_PHA_TD_Forecast') {'Signal': 'QLD_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0611, 'RMSE': 26.1471, 'MAE': 19.8763, 'SMAPE': 0.0595, 'DiffSMAPE': 0.0595, 'MASE': 0.83, 'RMSSE': 0.8719, 'ErrorMean': 6.4532, 'ErrorStdDev': 25.3382, 'R2': 0.916, 'Pearson': 0.9624, 'MedAE': 13.9607, 'LnQ': 0.386, 'KS': 0.2034, 'KendallTau': 0.7395, 'MannWhitneyU': 1577.0, 'AUC': 0.453} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_AHP_TD_Forecast') {'Signal': 'QLD_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0626, 'RMSE': 27.3863, 'MAE': 20.4076, 'SMAPE': 0.0605, 'DiffSMAPE': 0.0605, 'MASE': 0.8522, 'RMSSE': 0.9132, 'ErrorMean': 9.8118, 'ErrorStdDev': 25.5683, 'R2': 0.9078, 'Pearson': 0.9624, 'MedAE': 15.575, 'LnQ': 0.4071, 'KS': 0.2373, 'KendallTau': 0.7395, 'MannWhitneyU': 1500.0, 'AUC': 0.4309} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0511, 'RMSE': 20.372, 'MAE': 16.0018, 'SMAPE': 0.0502, 'DiffSMAPE': 0.0502, 'MASE': 0.6682, 'RMSSE': 0.6793, 'ErrorMean': 0.005, 'ErrorStdDev': 20.372, 'R2': 0.949, 'Pearson': 0.9754, 'MedAE': 13.7233, 'LnQ': 0.2766, 'KS': 0.1525, 'KendallTau': 0.7933, 'MannWhitneyU': 1743.0, 'AUC': 0.5007} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0511, 'RMSE': 20.372, 'MAE': 16.0018, 'SMAPE': 0.0502, 'DiffSMAPE': 0.0502, 'MASE': 0.6682, 'RMSSE': 0.6793, 'ErrorMean': 0.005, 'ErrorStdDev': 20.372, 'R2': 0.949, 'Pearson': 0.9754, 'MedAE': 13.7233, 'LnQ': 0.2766, 'KS': 0.1525, 'KendallTau': 0.7933, 'MannWhitneyU': 1743.0, 'AUC': 0.5007} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_MO_Forecast') {'Signal': 'QLD_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0687, 'RMSE': 27.3089, 'MAE': 22.2177, 'SMAPE': 0.0696, 'DiffSMAPE': 0.0696, 'MASE': 0.9277, 'RMSSE': 0.9107, 'ErrorMean': -4.3966, 'ErrorStdDev': 26.9526, 'R2': 0.9083, 'Pearson': 0.9591, 'MedAE': 19.6899, 'LnQ': 0.4928, 'KS': 0.0847, 'KendallTau': 0.6985, 'MannWhitneyU': 1764.0, 'AUC': 0.5068} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0543, 'RMSE': 22.6626, 'MAE': 18.0142, 'SMAPE': 0.054, 'DiffSMAPE': 0.054, 'MASE': 0.7522, 'RMSSE': 0.7557, 'ErrorMean': -2.0338, 'ErrorStdDev': 22.5712, 'R2': 0.9369, 'Pearson': 0.9683, 'MedAE': 14.2128, 'LnQ': 0.297, 'KS': 0.1017, 'KendallTau': 0.7524, 'MannWhitneyU': 1797.0, 'AUC': 0.5162} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_PHA_TD_Forecast') {'Signal': 'QLD_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0611, 'RMSE': 26.1471, 'MAE': 19.8763, 'SMAPE': 0.0595, 'DiffSMAPE': 0.0595, 'MASE': 0.83, 'RMSSE': 0.8719, 'ErrorMean': 6.4532, 'ErrorStdDev': 25.3382, 'R2': 0.916, 'Pearson': 0.9624, 'MedAE': 13.9607, 'LnQ': 0.386, 'KS': 0.2034, 'KendallTau': 0.7395, 'MannWhitneyU': 1577.0, 'AUC': 0.453} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_AHP_TD_Forecast') {'Signal': 'QLD_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0626, 'RMSE': 27.3863, 'MAE': 20.4076, 'SMAPE': 0.0605, 'DiffSMAPE': 0.0605, 'MASE': 0.8522, 'RMSSE': 0.9132, 'ErrorMean': 9.8118, 'ErrorStdDev': 25.5683, 'R2': 0.9078, 'Pearson': 0.9624, 'MedAE': 15.575, 'LnQ': 0.4071, 'KS': 0.2373, 'KendallTau': 0.7395, 'MannWhitneyU': 1500.0, 'AUC': 0.4309} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0511, 'RMSE': 20.372, 'MAE': 16.0018, 'SMAPE': 0.0502, 'DiffSMAPE': 0.0502, 'MASE': 0.6682, 'RMSSE': 0.6793, 'ErrorMean': 0.005, 'ErrorStdDev': 20.372, 'R2': 0.949, 'Pearson': 0.9754, 'MedAE': 13.7233, 'LnQ': 0.2766, 'KS': 0.1525, 'KendallTau': 0.7933, 'MannWhitneyU': 1743.0, 'AUC': 0.5007} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0511, 'RMSE': 20.372, 'MAE': 16.0018, 'SMAPE': 0.0502, 'DiffSMAPE': 0.0502, 'MASE': 0.6682, 'RMSSE': 0.6793, 'ErrorMean': 0.005, 'ErrorStdDev': 20.372, 'R2': 0.949, 'Pearson': 0.9754, 'MedAE': 13.7233, 'LnQ': 0.2766, 'KS': 0.1525, 'KendallTau': 0.7933, 'MannWhitneyU': 1743.0, 'AUC': 0.5007} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_MO_Forecast') {'Signal': 'QLD_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0687, 'RMSE': 27.3089, 'MAE': 22.2177, 'SMAPE': 0.0696, 'DiffSMAPE': 0.0696, 'MASE': 0.9277, 'RMSSE': 0.9107, 'ErrorMean': -4.3966, 'ErrorStdDev': 26.9526, 'R2': 0.9083, 'Pearson': 0.9591, 'MedAE': 19.6899, 'LnQ': 0.4928, 'KS': 0.0847, 'KendallTau': 0.6985, 'MannWhitneyU': 1764.0, 'AUC': 0.5068} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0543, 'RMSE': 22.6626, 'MAE': 18.0142, 'SMAPE': 0.054, 'DiffSMAPE': 0.054, 'MASE': 0.7522, 'RMSSE': 0.7557, 'ErrorMean': -2.0338, 'ErrorStdDev': 22.5712, 'R2': 0.9369, 'Pearson': 0.9683, 'MedAE': 14.2128, 'LnQ': 0.297, 'KS': 0.1017, 'KendallTau': 0.7524, 'MannWhitneyU': 1797.0, 'AUC': 0.5162} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_PHA_TD_Forecast') {'Signal': 'QLD_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0611, 'RMSE': 26.1471, 'MAE': 19.8763, 'SMAPE': 0.0595, 'DiffSMAPE': 0.0595, 'MASE': 0.83, 'RMSSE': 0.8719, 'ErrorMean': 6.4532, 'ErrorStdDev': 25.3382, 'R2': 0.916, 'Pearson': 0.9624, 'MedAE': 13.9607, 'LnQ': 0.386, 'KS': 0.2034, 'KendallTau': 0.7395, 'MannWhitneyU': 1577.0, 'AUC': 0.453} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_AHP_TD_Forecast') {'Signal': 'SA_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1369, 'RMSE': 21.2288, 'MAE': 16.7352, 'SMAPE': 0.1298, 'DiffSMAPE': 0.1298, 'MASE': 0.9306, 'RMSSE': 0.9382, 'ErrorMean': 0.7097, 'ErrorStdDev': 21.2169, 'R2': 0.7818, 'Pearson': 0.8933, 'MedAE': 12.9843, 'LnQ': 1.5786, 'KS': 0.2034, 'KendallTau': 0.6583, 'MannWhitneyU': 1766.0, 'AUC': 0.5073} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_BU_Forecast') {'Signal': 'SA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0508, 'RMSE': 8.7043, 'MAE': 6.542, 'SMAPE': 0.0506, 'DiffSMAPE': 0.0506, 'MASE': 0.3638, 'RMSSE': 0.3847, 'ErrorMean': 0.0012, 'ErrorStdDev': 8.7043, 'R2': 0.9633, 'Pearson': 0.9817, 'MedAE': 4.8435, 'LnQ': 0.2459, 'KS': 0.0847, 'KendallTau': 0.9007, 'MannWhitneyU': 1708.0, 'AUC': 0.4907} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_Forecast') {'Signal': 'SA_female', 'Length': 59, 'MAPE': 0.0508, 'RMSE': 8.7043, 'MAE': 6.542, 'SMAPE': 0.0506, 'DiffSMAPE': 0.0506, 'MASE': 0.3638, 'RMSSE': 0.3847, 'ErrorMean': 0.0012, 'ErrorStdDev': 8.7043, 'R2': 0.9633, 'Pearson': 0.9817, 'MedAE': 4.8435, 'LnQ': 0.2459, 'KS': 0.0847, 'KendallTau': 0.9007, 'MannWhitneyU': 1708.0, 'AUC': 0.4907} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_MO_Forecast') {'Signal': 'SA_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1365, 'RMSE': 22.3589, 'MAE': 17.7433, 'SMAPE': 0.131, 'DiffSMAPE': 0.131, 'MASE': 0.9867, 'RMSSE': 0.9881, 'ErrorMean': 0.2683, 'ErrorStdDev': 22.3573, 'R2': 0.758, 'Pearson': 0.8732, 'MedAE': 13.5156, 'LnQ': 1.5064, 'KS': 0.1864, 'KendallTau': 0.5529, 'MannWhitneyU': 1762.0, 'AUC': 0.5062} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_OC_Forecast') {'Signal': 'SA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0764, 'RMSE': 11.4335, 'MAE': 9.4723, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.5267, 'RMSSE': 0.5053, 'ErrorMean': 4.0513, 'ErrorStdDev': 10.6917, 'R2': 0.9367, 'Pearson': 0.9723, 'MedAE': 8.5898, 'LnQ': 0.4788, 'KS': 0.1356, 'KendallTau': 0.8761, 'MannWhitneyU': 1611.0, 'AUC': 0.4628} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_PHA_TD_Forecast') {'Signal': 'SA_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1396, 'RMSE': 21.2428, 'MAE': 16.7345, 'SMAPE': 0.1308, 'DiffSMAPE': 0.1307, 'MASE': 0.9306, 'RMSSE': 0.9388, 'ErrorMean': 2.4427, 'ErrorStdDev': 21.1019, 'R2': 0.7815, 'Pearson': 0.8933, 'MedAE': 13.3011, 'LnQ': 1.6366, 'KS': 0.2034, 'KendallTau': 0.6583, 'MannWhitneyU': 1711.0, 'AUC': 0.4915} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_AHP_TD_Forecast') {'Signal': 'SA_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1369, 'RMSE': 21.2288, 'MAE': 16.7352, 'SMAPE': 0.1298, 'DiffSMAPE': 0.1298, 'MASE': 0.9306, 'RMSSE': 0.9382, 'ErrorMean': 0.7097, 'ErrorStdDev': 21.2169, 'R2': 0.7818, 'Pearson': 0.8933, 'MedAE': 12.9843, 'LnQ': 1.5786, 'KS': 0.2034, 'KendallTau': 0.6583, 'MannWhitneyU': 1766.0, 'AUC': 0.5073} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_BU_Forecast') {'Signal': 'SA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0508, 'RMSE': 8.7043, 'MAE': 6.542, 'SMAPE': 0.0506, 'DiffSMAPE': 0.0506, 'MASE': 0.3638, 'RMSSE': 0.3847, 'ErrorMean': 0.0012, 'ErrorStdDev': 8.7043, 'R2': 0.9633, 'Pearson': 0.9817, 'MedAE': 4.8435, 'LnQ': 0.2459, 'KS': 0.0847, 'KendallTau': 0.9007, 'MannWhitneyU': 1708.0, 'AUC': 0.4907} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_Forecast') {'Signal': 'SA_female', 'Length': 59, 'MAPE': 0.0508, 'RMSE': 8.7043, 'MAE': 6.542, 'SMAPE': 0.0506, 'DiffSMAPE': 0.0506, 'MASE': 0.3638, 'RMSSE': 0.3847, 'ErrorMean': 0.0012, 'ErrorStdDev': 8.7043, 'R2': 0.9633, 'Pearson': 0.9817, 'MedAE': 4.8435, 'LnQ': 0.2459, 'KS': 0.0847, 'KendallTau': 0.9007, 'MannWhitneyU': 1708.0, 'AUC': 0.4907} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_MO_Forecast') {'Signal': 'SA_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1365, 'RMSE': 22.3589, 'MAE': 17.7433, 'SMAPE': 0.131, 'DiffSMAPE': 0.131, 'MASE': 0.9867, 'RMSSE': 0.9881, 'ErrorMean': 0.2683, 'ErrorStdDev': 22.3573, 'R2': 0.758, 'Pearson': 0.8732, 'MedAE': 13.5156, 'LnQ': 1.5064, 'KS': 0.1864, 'KendallTau': 0.5529, 'MannWhitneyU': 1762.0, 'AUC': 0.5062} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_OC_Forecast') {'Signal': 'SA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0764, 'RMSE': 11.4335, 'MAE': 9.4723, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.5267, 'RMSSE': 0.5053, 'ErrorMean': 4.0513, 'ErrorStdDev': 10.6917, 'R2': 0.9367, 'Pearson': 0.9723, 'MedAE': 8.5898, 'LnQ': 0.4788, 'KS': 0.1356, 'KendallTau': 0.8761, 'MannWhitneyU': 1611.0, 'AUC': 0.4628} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_PHA_TD_Forecast') {'Signal': 'SA_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1396, 'RMSE': 21.2428, 'MAE': 16.7345, 'SMAPE': 0.1308, 'DiffSMAPE': 0.1307, 'MASE': 0.9306, 'RMSSE': 0.9388, 'ErrorMean': 2.4427, 'ErrorStdDev': 21.1019, 'R2': 0.7815, 'Pearson': 0.8933, 'MedAE': 13.3011, 'LnQ': 1.6366, 'KS': 0.2034, 'KendallTau': 0.6583, 'MannWhitneyU': 1711.0, 'AUC': 0.4915} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_AHP_TD_Forecast') {'Signal': 'SA_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1369, 'RMSE': 21.2288, 'MAE': 16.7352, 'SMAPE': 0.1298, 'DiffSMAPE': 0.1298, 'MASE': 0.9306, 'RMSSE': 0.9382, 'ErrorMean': 0.7097, 'ErrorStdDev': 21.2169, 'R2': 0.7818, 'Pearson': 0.8933, 'MedAE': 12.9843, 'LnQ': 1.5786, 'KS': 0.2034, 'KendallTau': 0.6583, 'MannWhitneyU': 1766.0, 'AUC': 0.5073} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_BU_Forecast') {'Signal': 'SA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0508, 'RMSE': 8.7043, 'MAE': 6.542, 'SMAPE': 0.0506, 'DiffSMAPE': 0.0506, 'MASE': 0.3638, 'RMSSE': 0.3847, 'ErrorMean': 0.0012, 'ErrorStdDev': 8.7043, 'R2': 0.9633, 'Pearson': 0.9817, 'MedAE': 4.8435, 'LnQ': 0.2459, 'KS': 0.0847, 'KendallTau': 0.9007, 'MannWhitneyU': 1708.0, 'AUC': 0.4907} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_Forecast') {'Signal': 'SA_female', 'Length': 59, 'MAPE': 0.0508, 'RMSE': 8.7043, 'MAE': 6.542, 'SMAPE': 0.0506, 'DiffSMAPE': 0.0506, 'MASE': 0.3638, 'RMSSE': 0.3847, 'ErrorMean': 0.0012, 'ErrorStdDev': 8.7043, 'R2': 0.9633, 'Pearson': 0.9817, 'MedAE': 4.8435, 'LnQ': 0.2459, 'KS': 0.0847, 'KendallTau': 0.9007, 'MannWhitneyU': 1708.0, 'AUC': 0.4907} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_MO_Forecast') {'Signal': 'SA_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1365, 'RMSE': 22.3589, 'MAE': 17.7433, 'SMAPE': 0.131, 'DiffSMAPE': 0.131, 'MASE': 0.9867, 'RMSSE': 0.9881, 'ErrorMean': 0.2683, 'ErrorStdDev': 22.3573, 'R2': 0.758, 'Pearson': 0.8732, 'MedAE': 13.5156, 'LnQ': 1.5064, 'KS': 0.1864, 'KendallTau': 0.5529, 'MannWhitneyU': 1762.0, 'AUC': 0.5062} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_OC_Forecast') {'Signal': 'SA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0764, 'RMSE': 11.4335, 'MAE': 9.4723, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.5267, 'RMSSE': 0.5053, 'ErrorMean': 4.0513, 'ErrorStdDev': 10.6917, 'R2': 0.9367, 'Pearson': 0.9723, 'MedAE': 8.5898, 'LnQ': 0.4788, 'KS': 0.1356, 'KendallTau': 0.8761, 'MannWhitneyU': 1611.0, 'AUC': 0.4628} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_PHA_TD_Forecast') {'Signal': 'SA_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1396, 'RMSE': 21.2428, 'MAE': 16.7345, 'SMAPE': 0.1308, 'DiffSMAPE': 0.1307, 'MASE': 0.9306, 'RMSSE': 0.9388, 'ErrorMean': 2.4427, 'ErrorStdDev': 21.1019, 'R2': 0.7815, 'Pearson': 0.8933, 'MedAE': 13.3011, 'LnQ': 1.6366, 'KS': 0.2034, 'KendallTau': 0.6583, 'MannWhitneyU': 1711.0, 'AUC': 0.4915} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_male_AHP_TD_Forecast') {'Signal': 'SA_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1299, 'RMSE': 27.1271, 'MAE': 22.1258, 'SMAPE': 0.1223, 'DiffSMAPE': 0.1222, 'MASE': 1.1407, 'RMSSE': 1.0792, 'ErrorMean': 2.1668, 'ErrorStdDev': 27.0404, 'R2': 0.7799, 'Pearson': 0.8862, 'MedAE': 18.0931, 'LnQ': 1.3944, 'KS': 0.2034, 'KendallTau': 0.5797, 'MannWhitneyU': 1764.0, 'AUC': 0.5068} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_male_BU_Forecast') {'Signal': 'SA_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0613, 'RMSE': 11.9065, 'MAE': 9.6124, 'SMAPE': 0.0604, 'DiffSMAPE': 0.0604, 'MASE': 0.4956, 'RMSSE': 0.4737, 'ErrorMean': 0.0206, 'ErrorStdDev': 11.9065, 'R2': 0.9576, 'Pearson': 0.9787, 'MedAE': 7.7463, 'LnQ': 0.3886, 'KS': 0.0678, 'KendallTau': 0.854, 'MannWhitneyU': 1742.0, 'AUC': 0.5004} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_male_Forecast') {'Signal': 'SA_male', 'Length': 59, 'MAPE': 0.0613, 'RMSE': 11.9065, 'MAE': 9.6124, 'SMAPE': 0.0604, 'DiffSMAPE': 0.0604, 'MASE': 0.4956, 'RMSSE': 0.4737, 'ErrorMean': 0.0206, 'ErrorStdDev': 11.9065, 'R2': 0.9576, 'Pearson': 0.9787, 'MedAE': 7.7463, 'LnQ': 0.3886, 'KS': 0.0678, 'KendallTau': 0.854, 'MannWhitneyU': 1742.0, 'AUC': 0.5004} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_male_MO_Forecast') {'Signal': 'SA_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1299, 'RMSE': 28.26, 'MAE': 23.1232, 'SMAPE': 0.1253, 'DiffSMAPE': 0.1253, 'MASE': 1.1921, 'RMSSE': 1.1242, 'ErrorMean': -2.2563, 'ErrorStdDev': 28.1698, 'R2': 0.7611, 'Pearson': 0.8738, 'MedAE': 22.5848, 'LnQ': 1.3815, 'KS': 0.2034, 'KendallTau': 0.5457, 'MannWhitneyU': 1878.0, 'AUC': 0.5395} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_male_OC_Forecast') {'Signal': 'SA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.09, 'RMSE': 16.6363, 'MAE': 14.1582, 'SMAPE': 0.0908, 'DiffSMAPE': 0.0908, 'MASE': 0.7299, 'RMSSE': 0.6618, 'ErrorMean': -2.0182, 'ErrorStdDev': 16.5134, 'R2': 0.9172, 'Pearson': 0.959, 'MedAE': 13.3931, 'LnQ': 0.8398, 'KS': 0.0847, 'KendallTau': 0.7989, 'MannWhitneyU': 1773.0, 'AUC': 0.5093} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_male_PHA_TD_Forecast') {'Signal': 'SA_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.131, 'RMSE': 27.2047, 'MAE': 22.1186, 'SMAPE': 0.1225, 'DiffSMAPE': 0.1225, 'MASE': 1.1403, 'RMSSE': 1.0822, 'ErrorMean': 3.3117, 'ErrorStdDev': 27.0024, 'R2': 0.7786, 'Pearson': 0.8862, 'MedAE': 18.0056, 'LnQ': 1.419, 'KS': 0.1864, 'KendallTau': 0.5797, 'MannWhitneyU': 1728.0, 'AUC': 0.4964} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_male_AHP_TD_Forecast') {'Signal': 'SA_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1299, 'RMSE': 27.1271, 'MAE': 22.1258, 'SMAPE': 0.1223, 'DiffSMAPE': 0.1222, 'MASE': 1.1407, 'RMSSE': 1.0792, 'ErrorMean': 2.1668, 'ErrorStdDev': 27.0404, 'R2': 0.7799, 'Pearson': 0.8862, 'MedAE': 18.0931, 'LnQ': 1.3944, 'KS': 0.2034, 'KendallTau': 0.5797, 'MannWhitneyU': 1764.0, 'AUC': 0.5068} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_male_BU_Forecast') {'Signal': 'SA_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0613, 'RMSE': 11.9065, 'MAE': 9.6124, 'SMAPE': 0.0604, 'DiffSMAPE': 0.0604, 'MASE': 0.4956, 'RMSSE': 0.4737, 'ErrorMean': 0.0206, 'ErrorStdDev': 11.9065, 'R2': 0.9576, 'Pearson': 0.9787, 'MedAE': 7.7463, 'LnQ': 0.3886, 'KS': 0.0678, 'KendallTau': 0.854, 'MannWhitneyU': 1742.0, 'AUC': 0.5004} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_male_Forecast') {'Signal': 'SA_male', 'Length': 59, 'MAPE': 0.0613, 'RMSE': 11.9065, 'MAE': 9.6124, 'SMAPE': 0.0604, 'DiffSMAPE': 0.0604, 'MASE': 0.4956, 'RMSSE': 0.4737, 'ErrorMean': 0.0206, 'ErrorStdDev': 11.9065, 'R2': 0.9576, 'Pearson': 0.9787, 'MedAE': 7.7463, 'LnQ': 0.3886, 'KS': 0.0678, 'KendallTau': 0.854, 'MannWhitneyU': 1742.0, 'AUC': 0.5004} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_male_MO_Forecast') {'Signal': 'SA_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1299, 'RMSE': 28.26, 'MAE': 23.1232, 'SMAPE': 0.1253, 'DiffSMAPE': 0.1253, 'MASE': 1.1921, 'RMSSE': 1.1242, 'ErrorMean': -2.2563, 'ErrorStdDev': 28.1698, 'R2': 0.7611, 'Pearson': 0.8738, 'MedAE': 22.5848, 'LnQ': 1.3815, 'KS': 0.2034, 'KendallTau': 0.5457, 'MannWhitneyU': 1878.0, 'AUC': 0.5395} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_male_OC_Forecast') {'Signal': 'SA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.09, 'RMSE': 16.6363, 'MAE': 14.1582, 'SMAPE': 0.0908, 'DiffSMAPE': 0.0908, 'MASE': 0.7299, 'RMSSE': 0.6618, 'ErrorMean': -2.0182, 'ErrorStdDev': 16.5134, 'R2': 0.9172, 'Pearson': 0.959, 'MedAE': 13.3931, 'LnQ': 0.8398, 'KS': 0.0847, 'KendallTau': 0.7989, 'MannWhitneyU': 1773.0, 'AUC': 0.5093} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_male_PHA_TD_Forecast') {'Signal': 'SA_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.131, 'RMSE': 27.2047, 'MAE': 22.1186, 'SMAPE': 0.1225, 'DiffSMAPE': 0.1225, 'MASE': 1.1403, 'RMSSE': 1.0822, 'ErrorMean': 3.3117, 'ErrorStdDev': 27.0024, 'R2': 0.7786, 'Pearson': 0.8862, 'MedAE': 18.0056, 'LnQ': 1.419, 'KS': 0.1864, 'KendallTau': 0.5797, 'MannWhitneyU': 1728.0, 'AUC': 0.4964} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_male_AHP_TD_Forecast') {'Signal': 'SA_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1299, 'RMSE': 27.1271, 'MAE': 22.1258, 'SMAPE': 0.1223, 'DiffSMAPE': 0.1222, 'MASE': 1.1407, 'RMSSE': 1.0792, 'ErrorMean': 2.1668, 'ErrorStdDev': 27.0404, 'R2': 0.7799, 'Pearson': 0.8862, 'MedAE': 18.0931, 'LnQ': 1.3944, 'KS': 0.2034, 'KendallTau': 0.5797, 'MannWhitneyU': 1764.0, 'AUC': 0.5068} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_male_BU_Forecast') {'Signal': 'SA_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0613, 'RMSE': 11.9065, 'MAE': 9.6124, 'SMAPE': 0.0604, 'DiffSMAPE': 0.0604, 'MASE': 0.4956, 'RMSSE': 0.4737, 'ErrorMean': 0.0206, 'ErrorStdDev': 11.9065, 'R2': 0.9576, 'Pearson': 0.9787, 'MedAE': 7.7463, 'LnQ': 0.3886, 'KS': 0.0678, 'KendallTau': 0.854, 'MannWhitneyU': 1742.0, 'AUC': 0.5004} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_male_Forecast') {'Signal': 'SA_male', 'Length': 59, 'MAPE': 0.0613, 'RMSE': 11.9065, 'MAE': 9.6124, 'SMAPE': 0.0604, 'DiffSMAPE': 0.0604, 'MASE': 0.4956, 'RMSSE': 0.4737, 'ErrorMean': 0.0206, 'ErrorStdDev': 11.9065, 'R2': 0.9576, 'Pearson': 0.9787, 'MedAE': 7.7463, 'LnQ': 0.3886, 'KS': 0.0678, 'KendallTau': 0.854, 'MannWhitneyU': 1742.0, 'AUC': 0.5004} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_male_MO_Forecast') {'Signal': 'SA_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1299, 'RMSE': 28.26, 'MAE': 23.1232, 'SMAPE': 0.1253, 'DiffSMAPE': 0.1253, 'MASE': 1.1921, 'RMSSE': 1.1242, 'ErrorMean': -2.2563, 'ErrorStdDev': 28.1698, 'R2': 0.7611, 'Pearson': 0.8738, 'MedAE': 22.5848, 'LnQ': 1.3815, 'KS': 0.2034, 'KendallTau': 0.5457, 'MannWhitneyU': 1878.0, 'AUC': 0.5395} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_male_OC_Forecast') {'Signal': 'SA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.09, 'RMSE': 16.6363, 'MAE': 14.1582, 'SMAPE': 0.0908, 'DiffSMAPE': 0.0908, 'MASE': 0.7299, 'RMSSE': 0.6618, 'ErrorMean': -2.0182, 'ErrorStdDev': 16.5134, 'R2': 0.9172, 'Pearson': 0.959, 'MedAE': 13.3931, 'LnQ': 0.8398, 'KS': 0.0847, 'KendallTau': 0.7989, 'MannWhitneyU': 1773.0, 'AUC': 0.5093} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_male_PHA_TD_Forecast') {'Signal': 'SA_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.131, 'RMSE': 27.2047, 'MAE': 22.1186, 'SMAPE': 0.1225, 'DiffSMAPE': 0.1225, 'MASE': 1.1403, 'RMSSE': 1.0822, 'ErrorMean': 3.3117, 'ErrorStdDev': 27.0024, 'R2': 0.7786, 'Pearson': 0.8862, 'MedAE': 18.0056, 'LnQ': 1.419, 'KS': 0.1864, 'KendallTau': 0.5797, 'MannWhitneyU': 1728.0, 'AUC': 0.4964} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_AHP_TD_Forecast') {'Signal': 'TAS_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1541, 'RMSE': 15.8868, 'MAE': 11.8321, 'SMAPE': 0.144, 'DiffSMAPE': 0.1439, 'MASE': 1.032, 'RMSSE': 1.057, 'ErrorMean': 0.1507, 'ErrorStdDev': 15.886, 'R2': 0.7251, 'Pearson': 0.8659, 'MedAE': 9.8214, 'LnQ': 2.1397, 'KS': 0.2203, 'KendallTau': 0.7115, 'MannWhitneyU': 1793.0, 'AUC': 0.5151} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_BU_Forecast') {'Signal': 'TAS_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0944, 'RMSE': 9.2845, 'MAE': 7.1865, 'SMAPE': 0.0913, 'DiffSMAPE': 0.0912, 'MASE': 0.6268, 'RMSSE': 0.6177, 'ErrorMean': -0.014, 'ErrorStdDev': 9.2845, 'R2': 0.9061, 'Pearson': 0.953, 'MedAE': 5.7152, 'LnQ': 0.8391, 'KS': 0.1186, 'KendallTau': 0.8325, 'MannWhitneyU': 1718.0, 'AUC': 0.4935} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_Forecast') {'Signal': 'TAS_female', 'Length': 59, 'MAPE': 0.0944, 'RMSE': 9.2845, 'MAE': 7.1865, 'SMAPE': 0.0913, 'DiffSMAPE': 0.0912, 'MASE': 0.6268, 'RMSSE': 0.6177, 'ErrorMean': -0.014, 'ErrorStdDev': 9.2845, 'R2': 0.9061, 'Pearson': 0.953, 'MedAE': 5.7152, 'LnQ': 0.8391, 'KS': 0.1186, 'KendallTau': 0.8325, 'MannWhitneyU': 1718.0, 'AUC': 0.4935} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_MO_Forecast') {'Signal': 'TAS_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1467, 'RMSE': 15.2034, 'MAE': 11.2386, 'SMAPE': 0.1359, 'DiffSMAPE': 0.1358, 'MASE': 0.9802, 'RMSSE': 1.0115, 'ErrorMean': 0.1659, 'ErrorStdDev': 15.2024, 'R2': 0.7482, 'Pearson': 0.8743, 'MedAE': 8.2572, 'LnQ': 2.0295, 'KS': 0.2034, 'KendallTau': 0.7197, 'MannWhitneyU': 1785.0, 'AUC': 0.5128} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_OC_Forecast') {'Signal': 'TAS_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1326, 'RMSE': 12.7248, 'MAE': 9.8331, 'SMAPE': 0.1224, 'DiffSMAPE': 0.1224, 'MASE': 0.8576, 'RMSSE': 0.8466, 'ErrorMean': 4.0362, 'ErrorStdDev': 12.0677, 'R2': 0.8236, 'Pearson': 0.9178, 'MedAE': 7.545, 'LnQ': 1.55, 'KS': 0.1525, 'KendallTau': 0.7549, 'MannWhitneyU': 1608.0, 'AUC': 0.4619} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_PHA_TD_Forecast') {'Signal': 'TAS_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1592, 'RMSE': 15.858, 'MAE': 11.9455, 'SMAPE': 0.1465, 'DiffSMAPE': 0.1464, 'MASE': 1.0419, 'RMSSE': 1.0551, 'ErrorMean': 1.5101, 'ErrorStdDev': 15.786, 'R2': 0.7261, 'Pearson': 0.8659, 'MedAE': 9.3013, 'LnQ': 2.2236, 'KS': 0.2034, 'KendallTau': 0.7115, 'MannWhitneyU': 1732.0, 'AUC': 0.4976} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_AHP_TD_Forecast') {'Signal': 'TAS_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1541, 'RMSE': 15.8868, 'MAE': 11.8321, 'SMAPE': 0.144, 'DiffSMAPE': 0.1439, 'MASE': 1.032, 'RMSSE': 1.057, 'ErrorMean': 0.1507, 'ErrorStdDev': 15.886, 'R2': 0.7251, 'Pearson': 0.8659, 'MedAE': 9.8214, 'LnQ': 2.1397, 'KS': 0.2203, 'KendallTau': 0.7115, 'MannWhitneyU': 1793.0, 'AUC': 0.5151} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_BU_Forecast') {'Signal': 'TAS_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0944, 'RMSE': 9.2845, 'MAE': 7.1865, 'SMAPE': 0.0913, 'DiffSMAPE': 0.0912, 'MASE': 0.6268, 'RMSSE': 0.6177, 'ErrorMean': -0.014, 'ErrorStdDev': 9.2845, 'R2': 0.9061, 'Pearson': 0.953, 'MedAE': 5.7152, 'LnQ': 0.8391, 'KS': 0.1186, 'KendallTau': 0.8325, 'MannWhitneyU': 1718.0, 'AUC': 0.4935} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_Forecast') {'Signal': 'TAS_female', 'Length': 59, 'MAPE': 0.0944, 'RMSE': 9.2845, 'MAE': 7.1865, 'SMAPE': 0.0913, 'DiffSMAPE': 0.0912, 'MASE': 0.6268, 'RMSSE': 0.6177, 'ErrorMean': -0.014, 'ErrorStdDev': 9.2845, 'R2': 0.9061, 'Pearson': 0.953, 'MedAE': 5.7152, 'LnQ': 0.8391, 'KS': 0.1186, 'KendallTau': 0.8325, 'MannWhitneyU': 1718.0, 'AUC': 0.4935} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_MO_Forecast') {'Signal': 'TAS_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1467, 'RMSE': 15.2034, 'MAE': 11.2386, 'SMAPE': 0.1359, 'DiffSMAPE': 0.1358, 'MASE': 0.9802, 'RMSSE': 1.0115, 'ErrorMean': 0.1659, 'ErrorStdDev': 15.2024, 'R2': 0.7482, 'Pearson': 0.8743, 'MedAE': 8.2572, 'LnQ': 2.0295, 'KS': 0.2034, 'KendallTau': 0.7197, 'MannWhitneyU': 1785.0, 'AUC': 0.5128} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_OC_Forecast') {'Signal': 'TAS_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1326, 'RMSE': 12.7248, 'MAE': 9.8331, 'SMAPE': 0.1224, 'DiffSMAPE': 0.1224, 'MASE': 0.8576, 'RMSSE': 0.8466, 'ErrorMean': 4.0362, 'ErrorStdDev': 12.0677, 'R2': 0.8236, 'Pearson': 0.9178, 'MedAE': 7.545, 'LnQ': 1.55, 'KS': 0.1525, 'KendallTau': 0.7549, 'MannWhitneyU': 1608.0, 'AUC': 0.4619} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_PHA_TD_Forecast') {'Signal': 'TAS_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1592, 'RMSE': 15.858, 'MAE': 11.9455, 'SMAPE': 0.1465, 'DiffSMAPE': 0.1464, 'MASE': 1.0419, 'RMSSE': 1.0551, 'ErrorMean': 1.5101, 'ErrorStdDev': 15.786, 'R2': 0.7261, 'Pearson': 0.8659, 'MedAE': 9.3013, 'LnQ': 2.2236, 'KS': 0.2034, 'KendallTau': 0.7115, 'MannWhitneyU': 1732.0, 'AUC': 0.4976} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_AHP_TD_Forecast') {'Signal': 'TAS_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1541, 'RMSE': 15.8868, 'MAE': 11.8321, 'SMAPE': 0.144, 'DiffSMAPE': 0.1439, 'MASE': 1.032, 'RMSSE': 1.057, 'ErrorMean': 0.1507, 'ErrorStdDev': 15.886, 'R2': 0.7251, 'Pearson': 0.8659, 'MedAE': 9.8214, 'LnQ': 2.1397, 'KS': 0.2203, 'KendallTau': 0.7115, 'MannWhitneyU': 1793.0, 'AUC': 0.5151} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_BU_Forecast') {'Signal': 'TAS_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0944, 'RMSE': 9.2845, 'MAE': 7.1865, 'SMAPE': 0.0913, 'DiffSMAPE': 0.0912, 'MASE': 0.6268, 'RMSSE': 0.6177, 'ErrorMean': -0.014, 'ErrorStdDev': 9.2845, 'R2': 0.9061, 'Pearson': 0.953, 'MedAE': 5.7152, 'LnQ': 0.8391, 'KS': 0.1186, 'KendallTau': 0.8325, 'MannWhitneyU': 1718.0, 'AUC': 0.4935} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_Forecast') {'Signal': 'TAS_female', 'Length': 59, 'MAPE': 0.0944, 'RMSE': 9.2845, 'MAE': 7.1865, 'SMAPE': 0.0913, 'DiffSMAPE': 0.0912, 'MASE': 0.6268, 'RMSSE': 0.6177, 'ErrorMean': -0.014, 'ErrorStdDev': 9.2845, 'R2': 0.9061, 'Pearson': 0.953, 'MedAE': 5.7152, 'LnQ': 0.8391, 'KS': 0.1186, 'KendallTau': 0.8325, 'MannWhitneyU': 1718.0, 'AUC': 0.4935} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_MO_Forecast') {'Signal': 'TAS_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1467, 'RMSE': 15.2034, 'MAE': 11.2386, 'SMAPE': 0.1359, 'DiffSMAPE': 0.1358, 'MASE': 0.9802, 'RMSSE': 1.0115, 'ErrorMean': 0.1659, 'ErrorStdDev': 15.2024, 'R2': 0.7482, 'Pearson': 0.8743, 'MedAE': 8.2572, 'LnQ': 2.0295, 'KS': 0.2034, 'KendallTau': 0.7197, 'MannWhitneyU': 1785.0, 'AUC': 0.5128} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_OC_Forecast') {'Signal': 'TAS_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1326, 'RMSE': 12.7248, 'MAE': 9.8331, 'SMAPE': 0.1224, 'DiffSMAPE': 0.1224, 'MASE': 0.8576, 'RMSSE': 0.8466, 'ErrorMean': 4.0362, 'ErrorStdDev': 12.0677, 'R2': 0.8236, 'Pearson': 0.9178, 'MedAE': 7.545, 'LnQ': 1.55, 'KS': 0.1525, 'KendallTau': 0.7549, 'MannWhitneyU': 1608.0, 'AUC': 0.4619} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_PHA_TD_Forecast') {'Signal': 'TAS_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1592, 'RMSE': 15.858, 'MAE': 11.9455, 'SMAPE': 0.1465, 'DiffSMAPE': 0.1464, 'MASE': 1.0419, 'RMSSE': 1.0551, 'ErrorMean': 1.5101, 'ErrorStdDev': 15.786, 'R2': 0.7261, 'Pearson': 0.8659, 'MedAE': 9.3013, 'LnQ': 2.2236, 'KS': 0.2034, 'KendallTau': 0.7115, 'MannWhitneyU': 1732.0, 'AUC': 0.4976} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_AHP_TD_Forecast') {'Signal': 'TAS_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1545, 'RMSE': 15.8779, 'MAE': 11.8374, 'SMAPE': 0.1442, 'DiffSMAPE': 0.1441, 'MASE': 1.0324, 'RMSSE': 1.0564, 'ErrorMean': 0.294, 'ErrorStdDev': 15.8752, 'R2': 0.7254, 'Pearson': 0.8659, 'MedAE': 9.933, 'LnQ': 2.1472, 'KS': 0.2203, 'KendallTau': 0.7115, 'MannWhitneyU': 1785.0, 'AUC': 0.5128} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_BU_Forecast') {'Signal': 'TAS_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0944, 'RMSE': 9.2845, 'MAE': 7.1865, 'SMAPE': 0.0913, 'DiffSMAPE': 0.0912, 'MASE': 0.6268, 'RMSSE': 0.6177, 'ErrorMean': -0.014, 'ErrorStdDev': 9.2845, 'R2': 0.9061, 'Pearson': 0.953, 'MedAE': 5.7152, 'LnQ': 0.8391, 'KS': 0.1186, 'KendallTau': 0.8325, 'MannWhitneyU': 1718.0, 'AUC': 0.4935} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_Forecast') {'Signal': 'TAS_male', 'Length': 59, 'MAPE': 0.0944, 'RMSE': 9.2845, 'MAE': 7.1865, 'SMAPE': 0.0913, 'DiffSMAPE': 0.0912, 'MASE': 0.6268, 'RMSSE': 0.6177, 'ErrorMean': -0.014, 'ErrorStdDev': 9.2845, 'R2': 0.9061, 'Pearson': 0.953, 'MedAE': 5.7152, 'LnQ': 0.8391, 'KS': 0.1186, 'KendallTau': 0.8325, 'MannWhitneyU': 1718.0, 'AUC': 0.4935} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_MO_Forecast') {'Signal': 'TAS_male_MO_Forecast', 'Length': 59, 'MAPE': 0.139, 'RMSE': 15.1015, 'MAE': 11.0274, 'SMAPE': 0.132, 'DiffSMAPE': 0.1319, 'MASE': 0.9618, 'RMSSE': 1.0047, 'ErrorMean': -1.0288, 'ErrorStdDev': 15.0664, 'R2': 0.7516, 'Pearson': 0.8796, 'MedAE': 8.3168, 'LnQ': 1.8513, 'KS': 0.2203, 'KendallTau': 0.7291, 'MannWhitneyU': 1840.0, 'AUC': 0.5286} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_OC_Forecast') {'Signal': 'TAS_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1357, 'RMSE': 13.1894, 'MAE': 10.8522, 'SMAPE': 0.1401, 'DiffSMAPE': 0.14, 'MASE': 0.9465, 'RMSSE': 0.8775, 'ErrorMean': -2.0528, 'ErrorStdDev': 13.0286, 'R2': 0.8105, 'Pearson': 0.915, 'MedAE': 9.9433, 'LnQ': 1.7453, 'KS': 0.1186, 'KendallTau': 0.7467, 'MannWhitneyU': 1789.0, 'AUC': 0.5139} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_PHA_TD_Forecast') {'Signal': 'TAS_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1592, 'RMSE': 15.858, 'MAE': 11.9455, 'SMAPE': 0.1465, 'DiffSMAPE': 0.1464, 'MASE': 1.0419, 'RMSSE': 1.0551, 'ErrorMean': 1.5101, 'ErrorStdDev': 15.786, 'R2': 0.7261, 'Pearson': 0.8659, 'MedAE': 9.3013, 'LnQ': 2.2236, 'KS': 0.2034, 'KendallTau': 0.7115, 'MannWhitneyU': 1732.0, 'AUC': 0.4976} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_AHP_TD_Forecast') {'Signal': 'TAS_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1545, 'RMSE': 15.8779, 'MAE': 11.8374, 'SMAPE': 0.1442, 'DiffSMAPE': 0.1441, 'MASE': 1.0324, 'RMSSE': 1.0564, 'ErrorMean': 0.294, 'ErrorStdDev': 15.8752, 'R2': 0.7254, 'Pearson': 0.8659, 'MedAE': 9.933, 'LnQ': 2.1472, 'KS': 0.2203, 'KendallTau': 0.7115, 'MannWhitneyU': 1785.0, 'AUC': 0.5128} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_BU_Forecast') {'Signal': 'TAS_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0944, 'RMSE': 9.2845, 'MAE': 7.1865, 'SMAPE': 0.0913, 'DiffSMAPE': 0.0912, 'MASE': 0.6268, 'RMSSE': 0.6177, 'ErrorMean': -0.014, 'ErrorStdDev': 9.2845, 'R2': 0.9061, 'Pearson': 0.953, 'MedAE': 5.7152, 'LnQ': 0.8391, 'KS': 0.1186, 'KendallTau': 0.8325, 'MannWhitneyU': 1718.0, 'AUC': 0.4935} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_Forecast') {'Signal': 'TAS_male', 'Length': 59, 'MAPE': 0.0944, 'RMSE': 9.2845, 'MAE': 7.1865, 'SMAPE': 0.0913, 'DiffSMAPE': 0.0912, 'MASE': 0.6268, 'RMSSE': 0.6177, 'ErrorMean': -0.014, 'ErrorStdDev': 9.2845, 'R2': 0.9061, 'Pearson': 0.953, 'MedAE': 5.7152, 'LnQ': 0.8391, 'KS': 0.1186, 'KendallTau': 0.8325, 'MannWhitneyU': 1718.0, 'AUC': 0.4935} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_MO_Forecast') {'Signal': 'TAS_male_MO_Forecast', 'Length': 59, 'MAPE': 0.139, 'RMSE': 15.1015, 'MAE': 11.0274, 'SMAPE': 0.132, 'DiffSMAPE': 0.1319, 'MASE': 0.9618, 'RMSSE': 1.0047, 'ErrorMean': -1.0288, 'ErrorStdDev': 15.0664, 'R2': 0.7516, 'Pearson': 0.8796, 'MedAE': 8.3168, 'LnQ': 1.8513, 'KS': 0.2203, 'KendallTau': 0.7291, 'MannWhitneyU': 1840.0, 'AUC': 0.5286} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_OC_Forecast') {'Signal': 'TAS_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1357, 'RMSE': 13.1894, 'MAE': 10.8522, 'SMAPE': 0.1401, 'DiffSMAPE': 0.14, 'MASE': 0.9465, 'RMSSE': 0.8775, 'ErrorMean': -2.0528, 'ErrorStdDev': 13.0286, 'R2': 0.8105, 'Pearson': 0.915, 'MedAE': 9.9433, 'LnQ': 1.7453, 'KS': 0.1186, 'KendallTau': 0.7467, 'MannWhitneyU': 1789.0, 'AUC': 0.5139} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_PHA_TD_Forecast') {'Signal': 'TAS_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1592, 'RMSE': 15.858, 'MAE': 11.9455, 'SMAPE': 0.1465, 'DiffSMAPE': 0.1464, 'MASE': 1.0419, 'RMSSE': 1.0551, 'ErrorMean': 1.5101, 'ErrorStdDev': 15.786, 'R2': 0.7261, 'Pearson': 0.8659, 'MedAE': 9.3013, 'LnQ': 2.2236, 'KS': 0.2034, 'KendallTau': 0.7115, 'MannWhitneyU': 1732.0, 'AUC': 0.4976} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_AHP_TD_Forecast') {'Signal': 'TAS_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1545, 'RMSE': 15.8779, 'MAE': 11.8374, 'SMAPE': 0.1442, 'DiffSMAPE': 0.1441, 'MASE': 1.0324, 'RMSSE': 1.0564, 'ErrorMean': 0.294, 'ErrorStdDev': 15.8752, 'R2': 0.7254, 'Pearson': 0.8659, 'MedAE': 9.933, 'LnQ': 2.1472, 'KS': 0.2203, 'KendallTau': 0.7115, 'MannWhitneyU': 1785.0, 'AUC': 0.5128} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_BU_Forecast') {'Signal': 'TAS_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0944, 'RMSE': 9.2845, 'MAE': 7.1865, 'SMAPE': 0.0913, 'DiffSMAPE': 0.0912, 'MASE': 0.6268, 'RMSSE': 0.6177, 'ErrorMean': -0.014, 'ErrorStdDev': 9.2845, 'R2': 0.9061, 'Pearson': 0.953, 'MedAE': 5.7152, 'LnQ': 0.8391, 'KS': 0.1186, 'KendallTau': 0.8325, 'MannWhitneyU': 1718.0, 'AUC': 0.4935} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_Forecast') {'Signal': 'TAS_male', 'Length': 59, 'MAPE': 0.0944, 'RMSE': 9.2845, 'MAE': 7.1865, 'SMAPE': 0.0913, 'DiffSMAPE': 0.0912, 'MASE': 0.6268, 'RMSSE': 0.6177, 'ErrorMean': -0.014, 'ErrorStdDev': 9.2845, 'R2': 0.9061, 'Pearson': 0.953, 'MedAE': 5.7152, 'LnQ': 0.8391, 'KS': 0.1186, 'KendallTau': 0.8325, 'MannWhitneyU': 1718.0, 'AUC': 0.4935} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_MO_Forecast') {'Signal': 'TAS_male_MO_Forecast', 'Length': 59, 'MAPE': 0.139, 'RMSE': 15.1015, 'MAE': 11.0274, 'SMAPE': 0.132, 'DiffSMAPE': 0.1319, 'MASE': 0.9618, 'RMSSE': 1.0047, 'ErrorMean': -1.0288, 'ErrorStdDev': 15.0664, 'R2': 0.7516, 'Pearson': 0.8796, 'MedAE': 8.3168, 'LnQ': 1.8513, 'KS': 0.2203, 'KendallTau': 0.7291, 'MannWhitneyU': 1840.0, 'AUC': 0.5286} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_OC_Forecast') {'Signal': 'TAS_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1357, 'RMSE': 13.1894, 'MAE': 10.8522, 'SMAPE': 0.1401, 'DiffSMAPE': 0.14, 'MASE': 0.9465, 'RMSSE': 0.8775, 'ErrorMean': -2.0528, 'ErrorStdDev': 13.0286, 'R2': 0.8105, 'Pearson': 0.915, 'MedAE': 9.9433, 'LnQ': 1.7453, 'KS': 0.1186, 'KendallTau': 0.7467, 'MannWhitneyU': 1789.0, 'AUC': 0.5139} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_PHA_TD_Forecast') {'Signal': 'TAS_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1592, 'RMSE': 15.858, 'MAE': 11.9455, 'SMAPE': 0.1465, 'DiffSMAPE': 0.1464, 'MASE': 1.0419, 'RMSSE': 1.0551, 'ErrorMean': 1.5101, 'ErrorStdDev': 15.786, 'R2': 0.7261, 'Pearson': 0.8659, 'MedAE': 9.3013, 'LnQ': 2.2236, 'KS': 0.2034, 'KendallTau': 0.7115, 'MannWhitneyU': 1732.0, 'AUC': 0.4976} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_female_AHP_TD_Forecast') {'Signal': 'VIC_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0842, 'RMSE': 40.4815, 'MAE': 32.6093, 'SMAPE': 0.0812, 'DiffSMAPE': 0.0812, 'MASE': 0.8921, 'RMSSE': 0.898, 'ErrorMean': 5.7955, 'ErrorStdDev': 40.0645, 'R2': 0.8905, 'Pearson': 0.9462, 'MedAE': 27.1971, 'LnQ': 0.6023, 'KS': 0.2034, 'KendallTau': 0.622, 'MannWhitneyU': 1683.0, 'AUC': 0.4835} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_female_BU_Forecast') {'Signal': 'VIC_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0463, 'RMSE': 23.826, 'MAE': 18.6079, 'SMAPE': 0.0457, 'DiffSMAPE': 0.0457, 'MASE': 0.5091, 'RMSSE': 0.5285, 'ErrorMean': 0.0059, 'ErrorStdDev': 23.826, 'R2': 0.9621, 'Pearson': 0.9815, 'MedAE': 16.6713, 'LnQ': 0.2024, 'KS': 0.0847, 'KendallTau': 0.8186, 'MannWhitneyU': 1724.0, 'AUC': 0.4953} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_female_Forecast') {'Signal': 'VIC_female', 'Length': 59, 'MAPE': 0.0463, 'RMSE': 23.826, 'MAE': 18.6079, 'SMAPE': 0.0457, 'DiffSMAPE': 0.0457, 'MASE': 0.5091, 'RMSSE': 0.5285, 'ErrorMean': 0.0059, 'ErrorStdDev': 23.826, 'R2': 0.9621, 'Pearson': 0.9815, 'MedAE': 16.6713, 'LnQ': 0.2024, 'KS': 0.0847, 'KendallTau': 0.8186, 'MannWhitneyU': 1724.0, 'AUC': 0.4953} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_female_MO_Forecast') {'Signal': 'VIC_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0787, 'RMSE': 40.333, 'MAE': 32.4714, 'SMAPE': 0.0771, 'DiffSMAPE': 0.0771, 'MASE': 0.8884, 'RMSSE': 0.8947, 'ErrorMean': 0.8369, 'ErrorStdDev': 40.3243, 'R2': 0.8913, 'Pearson': 0.9442, 'MedAE': 27.1751, 'LnQ': 0.527, 'KS': 0.1695, 'KendallTau': 0.6126, 'MannWhitneyU': 1732.0, 'AUC': 0.4976} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_female_OC_Forecast') {'Signal': 'VIC_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0492, 'RMSE': 25.0496, 'MAE': 19.5943, 'SMAPE': 0.0482, 'DiffSMAPE': 0.0482, 'MASE': 0.5361, 'RMSSE': 0.5557, 'ErrorMean': 4.0561, 'ErrorStdDev': 24.719, 'R2': 0.9581, 'Pearson': 0.9796, 'MedAE': 15.6163, 'LnQ': 0.2294, 'KS': 0.1186, 'KendallTau': 0.8315, 'MannWhitneyU': 1673.0, 'AUC': 0.4806} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_female_PHA_TD_Forecast') {'Signal': 'VIC_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0848, 'RMSE': 40.7155, 'MAE': 32.6669, 'SMAPE': 0.0815, 'DiffSMAPE': 0.0815, 'MASE': 0.8937, 'RMSSE': 0.9032, 'ErrorMean': 7.6196, 'ErrorStdDev': 39.9962, 'R2': 0.8893, 'Pearson': 0.9462, 'MedAE': 26.3143, 'LnQ': 0.6157, 'KS': 0.2034, 'KendallTau': 0.622, 'MannWhitneyU': 1660.0, 'AUC': 0.4769} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_female_AHP_TD_Forecast') {'Signal': 'VIC_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0842, 'RMSE': 40.4815, 'MAE': 32.6093, 'SMAPE': 0.0812, 'DiffSMAPE': 0.0812, 'MASE': 0.8921, 'RMSSE': 0.898, 'ErrorMean': 5.7955, 'ErrorStdDev': 40.0645, 'R2': 0.8905, 'Pearson': 0.9462, 'MedAE': 27.1971, 'LnQ': 0.6023, 'KS': 0.2034, 'KendallTau': 0.622, 'MannWhitneyU': 1683.0, 'AUC': 0.4835} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_female_BU_Forecast') {'Signal': 'VIC_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0463, 'RMSE': 23.826, 'MAE': 18.6079, 'SMAPE': 0.0457, 'DiffSMAPE': 0.0457, 'MASE': 0.5091, 'RMSSE': 0.5285, 'ErrorMean': 0.0059, 'ErrorStdDev': 23.826, 'R2': 0.9621, 'Pearson': 0.9815, 'MedAE': 16.6713, 'LnQ': 0.2024, 'KS': 0.0847, 'KendallTau': 0.8186, 'MannWhitneyU': 1724.0, 'AUC': 0.4953} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_female_Forecast') {'Signal': 'VIC_female', 'Length': 59, 'MAPE': 0.0463, 'RMSE': 23.826, 'MAE': 18.6079, 'SMAPE': 0.0457, 'DiffSMAPE': 0.0457, 'MASE': 0.5091, 'RMSSE': 0.5285, 'ErrorMean': 0.0059, 'ErrorStdDev': 23.826, 'R2': 0.9621, 'Pearson': 0.9815, 'MedAE': 16.6713, 'LnQ': 0.2024, 'KS': 0.0847, 'KendallTau': 0.8186, 'MannWhitneyU': 1724.0, 'AUC': 0.4953} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_female_MO_Forecast') {'Signal': 'VIC_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0787, 'RMSE': 40.333, 'MAE': 32.4714, 'SMAPE': 0.0771, 'DiffSMAPE': 0.0771, 'MASE': 0.8884, 'RMSSE': 0.8947, 'ErrorMean': 0.8369, 'ErrorStdDev': 40.3243, 'R2': 0.8913, 'Pearson': 0.9442, 'MedAE': 27.1751, 'LnQ': 0.527, 'KS': 0.1695, 'KendallTau': 0.6126, 'MannWhitneyU': 1732.0, 'AUC': 0.4976} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_female_OC_Forecast') {'Signal': 'VIC_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0492, 'RMSE': 25.0496, 'MAE': 19.5943, 'SMAPE': 0.0482, 'DiffSMAPE': 0.0482, 'MASE': 0.5361, 'RMSSE': 0.5557, 'ErrorMean': 4.0561, 'ErrorStdDev': 24.719, 'R2': 0.9581, 'Pearson': 0.9796, 'MedAE': 15.6163, 'LnQ': 0.2294, 'KS': 0.1186, 'KendallTau': 0.8315, 'MannWhitneyU': 1673.0, 'AUC': 0.4806} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_female_PHA_TD_Forecast') {'Signal': 'VIC_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0848, 'RMSE': 40.7155, 'MAE': 32.6669, 'SMAPE': 0.0815, 'DiffSMAPE': 0.0815, 'MASE': 0.8937, 'RMSSE': 0.9032, 'ErrorMean': 7.6196, 'ErrorStdDev': 39.9962, 'R2': 0.8893, 'Pearson': 0.9462, 'MedAE': 26.3143, 'LnQ': 0.6157, 'KS': 0.2034, 'KendallTau': 0.622, 'MannWhitneyU': 1660.0, 'AUC': 0.4769} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_female_AHP_TD_Forecast') {'Signal': 'VIC_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0842, 'RMSE': 40.4815, 'MAE': 32.6093, 'SMAPE': 0.0812, 'DiffSMAPE': 0.0812, 'MASE': 0.8921, 'RMSSE': 0.898, 'ErrorMean': 5.7955, 'ErrorStdDev': 40.0645, 'R2': 0.8905, 'Pearson': 0.9462, 'MedAE': 27.1971, 'LnQ': 0.6023, 'KS': 0.2034, 'KendallTau': 0.622, 'MannWhitneyU': 1683.0, 'AUC': 0.4835} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_female_BU_Forecast') {'Signal': 'VIC_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0463, 'RMSE': 23.826, 'MAE': 18.6079, 'SMAPE': 0.0457, 'DiffSMAPE': 0.0457, 'MASE': 0.5091, 'RMSSE': 0.5285, 'ErrorMean': 0.0059, 'ErrorStdDev': 23.826, 'R2': 0.9621, 'Pearson': 0.9815, 'MedAE': 16.6713, 'LnQ': 0.2024, 'KS': 0.0847, 'KendallTau': 0.8186, 'MannWhitneyU': 1724.0, 'AUC': 0.4953} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_female_Forecast') {'Signal': 'VIC_female', 'Length': 59, 'MAPE': 0.0463, 'RMSE': 23.826, 'MAE': 18.6079, 'SMAPE': 0.0457, 'DiffSMAPE': 0.0457, 'MASE': 0.5091, 'RMSSE': 0.5285, 'ErrorMean': 0.0059, 'ErrorStdDev': 23.826, 'R2': 0.9621, 'Pearson': 0.9815, 'MedAE': 16.6713, 'LnQ': 0.2024, 'KS': 0.0847, 'KendallTau': 0.8186, 'MannWhitneyU': 1724.0, 'AUC': 0.4953} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_female_MO_Forecast') {'Signal': 'VIC_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0787, 'RMSE': 40.333, 'MAE': 32.4714, 'SMAPE': 0.0771, 'DiffSMAPE': 0.0771, 'MASE': 0.8884, 'RMSSE': 0.8947, 'ErrorMean': 0.8369, 'ErrorStdDev': 40.3243, 'R2': 0.8913, 'Pearson': 0.9442, 'MedAE': 27.1751, 'LnQ': 0.527, 'KS': 0.1695, 'KendallTau': 0.6126, 'MannWhitneyU': 1732.0, 'AUC': 0.4976} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_female_OC_Forecast') {'Signal': 'VIC_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0492, 'RMSE': 25.0496, 'MAE': 19.5943, 'SMAPE': 0.0482, 'DiffSMAPE': 0.0482, 'MASE': 0.5361, 'RMSSE': 0.5557, 'ErrorMean': 4.0561, 'ErrorStdDev': 24.719, 'R2': 0.9581, 'Pearson': 0.9796, 'MedAE': 15.6163, 'LnQ': 0.2294, 'KS': 0.1186, 'KendallTau': 0.8315, 'MannWhitneyU': 1673.0, 'AUC': 0.4806} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_female_PHA_TD_Forecast') {'Signal': 'VIC_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0848, 'RMSE': 40.7155, 'MAE': 32.6669, 'SMAPE': 0.0815, 'DiffSMAPE': 0.0815, 'MASE': 0.8937, 'RMSSE': 0.9032, 'ErrorMean': 7.6196, 'ErrorStdDev': 39.9962, 'R2': 0.8893, 'Pearson': 0.9462, 'MedAE': 26.3143, 'LnQ': 0.6157, 'KS': 0.2034, 'KendallTau': 0.622, 'MannWhitneyU': 1660.0, 'AUC': 0.4769} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_AHP_TD_Forecast') {'Signal': 'VIC_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0712, 'RMSE': 47.5402, 'MAE': 37.3785, 'SMAPE': 0.0692, 'DiffSMAPE': 0.0692, 'MASE': 0.8426, 'RMSSE': 0.878, 'ErrorMean': 8.611, 'ErrorStdDev': 46.7539, 'R2': 0.9097, 'Pearson': 0.9563, 'MedAE': 30.4443, 'LnQ': 0.4488, 'KS': 0.2034, 'KendallTau': 0.6673, 'MannWhitneyU': 1615.0, 'AUC': 0.4639} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_BU_Forecast') {'Signal': 'VIC_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0483, 'RMSE': 34.4943, 'MAE': 25.9475, 'SMAPE': 0.0477, 'DiffSMAPE': 0.0476, 'MASE': 0.5849, 'RMSSE': 0.637, 'ErrorMean': -0.0146, 'ErrorStdDev': 34.4943, 'R2': 0.9524, 'Pearson': 0.9776, 'MedAE': 18.2007, 'LnQ': 0.2421, 'KS': 0.1525, 'KendallTau': 0.8085, 'MannWhitneyU': 1690.0, 'AUC': 0.4855} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_Forecast') {'Signal': 'VIC_male', 'Length': 59, 'MAPE': 0.0483, 'RMSE': 34.4943, 'MAE': 25.9475, 'SMAPE': 0.0477, 'DiffSMAPE': 0.0476, 'MASE': 0.5849, 'RMSSE': 0.637, 'ErrorMean': -0.0146, 'ErrorStdDev': 34.4943, 'R2': 0.9524, 'Pearson': 0.9776, 'MedAE': 18.2007, 'LnQ': 0.2421, 'KS': 0.1525, 'KendallTau': 0.8085, 'MannWhitneyU': 1690.0, 'AUC': 0.4855} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_MO_Forecast') {'Signal': 'VIC_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0639, 'RMSE': 46.4629, 'MAE': 34.8939, 'SMAPE': 0.0641, 'DiffSMAPE': 0.0641, 'MASE': 0.7866, 'RMSSE': 0.8581, 'ErrorMean': -6.8306, 'ErrorStdDev': 45.9581, 'R2': 0.9137, 'Pearson': 0.9571, 'MedAE': 24.0492, 'LnQ': 0.4029, 'KS': 0.1186, 'KendallTau': 0.6825, 'MannWhitneyU': 1778.0, 'AUC': 0.5108} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_OC_Forecast') {'Signal': 'VIC_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0484, 'RMSE': 34.9657, 'MAE': 26.8511, 'SMAPE': 0.0482, 'DiffSMAPE': 0.0482, 'MASE': 0.6053, 'RMSSE': 0.6457, 'ErrorMean': -2.0534, 'ErrorStdDev': 34.9054, 'R2': 0.9511, 'Pearson': 0.9762, 'MedAE': 19.2829, 'LnQ': 0.2248, 'KS': 0.1186, 'KendallTau': 0.7877, 'MannWhitneyU': 1722.0, 'AUC': 0.4947} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_PHA_TD_Forecast') {'Signal': 'VIC_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0722, 'RMSE': 47.7673, 'MAE': 37.7982, 'SMAPE': 0.07, 'DiffSMAPE': 0.07, 'MASE': 0.852, 'RMSSE': 0.8822, 'ErrorMean': 10.0256, 'ErrorStdDev': 46.7034, 'R2': 0.9088, 'Pearson': 0.9563, 'MedAE': 30.0514, 'LnQ': 0.4562, 'KS': 0.2203, 'KendallTau': 0.6673, 'MannWhitneyU': 1599.0, 'AUC': 0.4594} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_AHP_TD_Forecast') {'Signal': 'VIC_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0712, 'RMSE': 47.5402, 'MAE': 37.3785, 'SMAPE': 0.0692, 'DiffSMAPE': 0.0692, 'MASE': 0.8426, 'RMSSE': 0.878, 'ErrorMean': 8.611, 'ErrorStdDev': 46.7539, 'R2': 0.9097, 'Pearson': 0.9563, 'MedAE': 30.4443, 'LnQ': 0.4488, 'KS': 0.2034, 'KendallTau': 0.6673, 'MannWhitneyU': 1615.0, 'AUC': 0.4639} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_BU_Forecast') {'Signal': 'VIC_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0483, 'RMSE': 34.4943, 'MAE': 25.9475, 'SMAPE': 0.0477, 'DiffSMAPE': 0.0476, 'MASE': 0.5849, 'RMSSE': 0.637, 'ErrorMean': -0.0146, 'ErrorStdDev': 34.4943, 'R2': 0.9524, 'Pearson': 0.9776, 'MedAE': 18.2007, 'LnQ': 0.2421, 'KS': 0.1525, 'KendallTau': 0.8085, 'MannWhitneyU': 1690.0, 'AUC': 0.4855} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_Forecast') {'Signal': 'VIC_male', 'Length': 59, 'MAPE': 0.0483, 'RMSE': 34.4943, 'MAE': 25.9475, 'SMAPE': 0.0477, 'DiffSMAPE': 0.0476, 'MASE': 0.5849, 'RMSSE': 0.637, 'ErrorMean': -0.0146, 'ErrorStdDev': 34.4943, 'R2': 0.9524, 'Pearson': 0.9776, 'MedAE': 18.2007, 'LnQ': 0.2421, 'KS': 0.1525, 'KendallTau': 0.8085, 'MannWhitneyU': 1690.0, 'AUC': 0.4855} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_MO_Forecast') {'Signal': 'VIC_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0639, 'RMSE': 46.4629, 'MAE': 34.8939, 'SMAPE': 0.0641, 'DiffSMAPE': 0.0641, 'MASE': 0.7866, 'RMSSE': 0.8581, 'ErrorMean': -6.8306, 'ErrorStdDev': 45.9581, 'R2': 0.9137, 'Pearson': 0.9571, 'MedAE': 24.0492, 'LnQ': 0.4029, 'KS': 0.1186, 'KendallTau': 0.6825, 'MannWhitneyU': 1778.0, 'AUC': 0.5108} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_OC_Forecast') {'Signal': 'VIC_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0484, 'RMSE': 34.9657, 'MAE': 26.8511, 'SMAPE': 0.0482, 'DiffSMAPE': 0.0482, 'MASE': 0.6053, 'RMSSE': 0.6457, 'ErrorMean': -2.0534, 'ErrorStdDev': 34.9054, 'R2': 0.9511, 'Pearson': 0.9762, 'MedAE': 19.2829, 'LnQ': 0.2248, 'KS': 0.1186, 'KendallTau': 0.7877, 'MannWhitneyU': 1722.0, 'AUC': 0.4947} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_PHA_TD_Forecast') {'Signal': 'VIC_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0722, 'RMSE': 47.7673, 'MAE': 37.7982, 'SMAPE': 0.07, 'DiffSMAPE': 0.07, 'MASE': 0.852, 'RMSSE': 0.8822, 'ErrorMean': 10.0256, 'ErrorStdDev': 46.7034, 'R2': 0.9088, 'Pearson': 0.9563, 'MedAE': 30.0514, 'LnQ': 0.4562, 'KS': 0.2203, 'KendallTau': 0.6673, 'MannWhitneyU': 1599.0, 'AUC': 0.4594} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_AHP_TD_Forecast') {'Signal': 'VIC_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0712, 'RMSE': 47.5402, 'MAE': 37.3785, 'SMAPE': 0.0692, 'DiffSMAPE': 0.0692, 'MASE': 0.8426, 'RMSSE': 0.878, 'ErrorMean': 8.611, 'ErrorStdDev': 46.7539, 'R2': 0.9097, 'Pearson': 0.9563, 'MedAE': 30.4443, 'LnQ': 0.4488, 'KS': 0.2034, 'KendallTau': 0.6673, 'MannWhitneyU': 1615.0, 'AUC': 0.4639} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_BU_Forecast') {'Signal': 'VIC_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0483, 'RMSE': 34.4943, 'MAE': 25.9475, 'SMAPE': 0.0477, 'DiffSMAPE': 0.0476, 'MASE': 0.5849, 'RMSSE': 0.637, 'ErrorMean': -0.0146, 'ErrorStdDev': 34.4943, 'R2': 0.9524, 'Pearson': 0.9776, 'MedAE': 18.2007, 'LnQ': 0.2421, 'KS': 0.1525, 'KendallTau': 0.8085, 'MannWhitneyU': 1690.0, 'AUC': 0.4855} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_Forecast') {'Signal': 'VIC_male', 'Length': 59, 'MAPE': 0.0483, 'RMSE': 34.4943, 'MAE': 25.9475, 'SMAPE': 0.0477, 'DiffSMAPE': 0.0476, 'MASE': 0.5849, 'RMSSE': 0.637, 'ErrorMean': -0.0146, 'ErrorStdDev': 34.4943, 'R2': 0.9524, 'Pearson': 0.9776, 'MedAE': 18.2007, 'LnQ': 0.2421, 'KS': 0.1525, 'KendallTau': 0.8085, 'MannWhitneyU': 1690.0, 'AUC': 0.4855} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_MO_Forecast') {'Signal': 'VIC_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0639, 'RMSE': 46.4629, 'MAE': 34.8939, 'SMAPE': 0.0641, 'DiffSMAPE': 0.0641, 'MASE': 0.7866, 'RMSSE': 0.8581, 'ErrorMean': -6.8306, 'ErrorStdDev': 45.9581, 'R2': 0.9137, 'Pearson': 0.9571, 'MedAE': 24.0492, 'LnQ': 0.4029, 'KS': 0.1186, 'KendallTau': 0.6825, 'MannWhitneyU': 1778.0, 'AUC': 0.5108} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_OC_Forecast') {'Signal': 'VIC_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0484, 'RMSE': 34.9657, 'MAE': 26.8511, 'SMAPE': 0.0482, 'DiffSMAPE': 0.0482, 'MASE': 0.6053, 'RMSSE': 0.6457, 'ErrorMean': -2.0534, 'ErrorStdDev': 34.9054, 'R2': 0.9511, 'Pearson': 0.9762, 'MedAE': 19.2829, 'LnQ': 0.2248, 'KS': 0.1186, 'KendallTau': 0.7877, 'MannWhitneyU': 1722.0, 'AUC': 0.4947} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_PHA_TD_Forecast') {'Signal': 'VIC_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0722, 'RMSE': 47.7673, 'MAE': 37.7982, 'SMAPE': 0.07, 'DiffSMAPE': 0.07, 'MASE': 0.852, 'RMSSE': 0.8822, 'ErrorMean': 10.0256, 'ErrorStdDev': 46.7034, 'R2': 0.9088, 'Pearson': 0.9563, 'MedAE': 30.0514, 'LnQ': 0.4562, 'KS': 0.2203, 'KendallTau': 0.6673, 'MannWhitneyU': 1599.0, 'AUC': 0.4594} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_female_AHP_TD_Forecast') {'Signal': 'WA_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1267, 'RMSE': 22.477, 'MAE': 16.9614, 'SMAPE': 0.1213, 'DiffSMAPE': 0.1212, 'MASE': 0.9654, 'RMSSE': 1.0295, 'ErrorMean': 5.8123, 'ErrorStdDev': 21.7125, 'R2': 0.5662, 'Pearson': 0.8128, 'MedAE': 10.4009, 'LnQ': 1.4517, 'KS': 0.3559, 'KendallTau': 0.4777, 'MannWhitneyU': 1413.0, 'AUC': 0.4059} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_female_BU_Forecast') {'Signal': 'WA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0753, 'RMSE': 12.429, 'MAE': 10.0042, 'SMAPE': 0.0741, 'DiffSMAPE': 0.0741, 'MASE': 0.5694, 'RMSSE': 0.5693, 'ErrorMean': -0.0154, 'ErrorStdDev': 12.429, 'R2': 0.8673, 'Pearson': 0.9373, 'MedAE': 8.887, 'LnQ': 0.4923, 'KS': 0.1356, 'KendallTau': 0.7501, 'MannWhitneyU': 1728.0, 'AUC': 0.4964} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_female_Forecast') {'Signal': 'WA_female', 'Length': 59, 'MAPE': 0.0753, 'RMSE': 12.429, 'MAE': 10.0042, 'SMAPE': 0.0741, 'DiffSMAPE': 0.0741, 'MASE': 0.5694, 'RMSSE': 0.5693, 'ErrorMean': -0.0154, 'ErrorStdDev': 12.429, 'R2': 0.8673, 'Pearson': 0.9373, 'MedAE': 8.887, 'LnQ': 0.4923, 'KS': 0.1356, 'KendallTau': 0.7501, 'MannWhitneyU': 1728.0, 'AUC': 0.4964} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_female_MO_Forecast') {'Signal': 'WA_female_MO_Forecast', 'Length': 59, 'MAPE': 0.13, 'RMSE': 22.5921, 'MAE': 17.2558, 'SMAPE': 0.1294, 'DiffSMAPE': 0.1293, 'MASE': 0.9822, 'RMSSE': 1.0347, 'ErrorMean': 0.2708, 'ErrorStdDev': 22.5904, 'R2': 0.5617, 'Pearson': 0.801, 'MedAE': 14.6076, 'LnQ': 1.6593, 'KS': 0.2203, 'KendallTau': 0.4367, 'MannWhitneyU': 1612.0, 'AUC': 0.4631} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_female_OC_Forecast') {'Signal': 'WA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0852, 'RMSE': 13.5547, 'MAE': 11.0262, 'SMAPE': 0.0816, 'DiffSMAPE': 0.0816, 'MASE': 0.6276, 'RMSSE': 0.6208, 'ErrorMean': 4.0348, 'ErrorStdDev': 12.9403, 'R2': 0.8422, 'Pearson': 0.9254, 'MedAE': 9.3624, 'LnQ': 0.6155, 'KS': 0.1356, 'KendallTau': 0.6923, 'MannWhitneyU': 1576.0, 'AUC': 0.4527} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_female_PHA_TD_Forecast') {'Signal': 'WA_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1177, 'RMSE': 21.5263, 'MAE': 15.7975, 'SMAPE': 0.1152, 'DiffSMAPE': 0.1152, 'MASE': 0.8992, 'RMSSE': 0.9859, 'ErrorMean': 2.4652, 'ErrorStdDev': 21.3847, 'R2': 0.6021, 'Pearson': 0.8128, 'MedAE': 11.6377, 'LnQ': 1.3885, 'KS': 0.2881, 'KendallTau': 0.4777, 'MannWhitneyU': 1525.0, 'AUC': 0.4381} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_female_AHP_TD_Forecast') {'Signal': 'WA_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1267, 'RMSE': 22.477, 'MAE': 16.9614, 'SMAPE': 0.1213, 'DiffSMAPE': 0.1212, 'MASE': 0.9654, 'RMSSE': 1.0295, 'ErrorMean': 5.8123, 'ErrorStdDev': 21.7125, 'R2': 0.5662, 'Pearson': 0.8128, 'MedAE': 10.4009, 'LnQ': 1.4517, 'KS': 0.3559, 'KendallTau': 0.4777, 'MannWhitneyU': 1413.0, 'AUC': 0.4059} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_female_BU_Forecast') {'Signal': 'WA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0753, 'RMSE': 12.429, 'MAE': 10.0042, 'SMAPE': 0.0741, 'DiffSMAPE': 0.0741, 'MASE': 0.5694, 'RMSSE': 0.5693, 'ErrorMean': -0.0154, 'ErrorStdDev': 12.429, 'R2': 0.8673, 'Pearson': 0.9373, 'MedAE': 8.887, 'LnQ': 0.4923, 'KS': 0.1356, 'KendallTau': 0.7501, 'MannWhitneyU': 1728.0, 'AUC': 0.4964} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_female_Forecast') {'Signal': 'WA_female', 'Length': 59, 'MAPE': 0.0753, 'RMSE': 12.429, 'MAE': 10.0042, 'SMAPE': 0.0741, 'DiffSMAPE': 0.0741, 'MASE': 0.5694, 'RMSSE': 0.5693, 'ErrorMean': -0.0154, 'ErrorStdDev': 12.429, 'R2': 0.8673, 'Pearson': 0.9373, 'MedAE': 8.887, 'LnQ': 0.4923, 'KS': 0.1356, 'KendallTau': 0.7501, 'MannWhitneyU': 1728.0, 'AUC': 0.4964} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_female_MO_Forecast') {'Signal': 'WA_female_MO_Forecast', 'Length': 59, 'MAPE': 0.13, 'RMSE': 22.5921, 'MAE': 17.2558, 'SMAPE': 0.1294, 'DiffSMAPE': 0.1293, 'MASE': 0.9822, 'RMSSE': 1.0347, 'ErrorMean': 0.2708, 'ErrorStdDev': 22.5904, 'R2': 0.5617, 'Pearson': 0.801, 'MedAE': 14.6076, 'LnQ': 1.6593, 'KS': 0.2203, 'KendallTau': 0.4367, 'MannWhitneyU': 1612.0, 'AUC': 0.4631} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_female_OC_Forecast') {'Signal': 'WA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0852, 'RMSE': 13.5547, 'MAE': 11.0262, 'SMAPE': 0.0816, 'DiffSMAPE': 0.0816, 'MASE': 0.6276, 'RMSSE': 0.6208, 'ErrorMean': 4.0348, 'ErrorStdDev': 12.9403, 'R2': 0.8422, 'Pearson': 0.9254, 'MedAE': 9.3624, 'LnQ': 0.6155, 'KS': 0.1356, 'KendallTau': 0.6923, 'MannWhitneyU': 1576.0, 'AUC': 0.4527} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_female_PHA_TD_Forecast') {'Signal': 'WA_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1177, 'RMSE': 21.5263, 'MAE': 15.7975, 'SMAPE': 0.1152, 'DiffSMAPE': 0.1152, 'MASE': 0.8992, 'RMSSE': 0.9859, 'ErrorMean': 2.4652, 'ErrorStdDev': 21.3847, 'R2': 0.6021, 'Pearson': 0.8128, 'MedAE': 11.6377, 'LnQ': 1.3885, 'KS': 0.2881, 'KendallTau': 0.4777, 'MannWhitneyU': 1525.0, 'AUC': 0.4381} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_female_AHP_TD_Forecast') {'Signal': 'WA_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1267, 'RMSE': 22.477, 'MAE': 16.9614, 'SMAPE': 0.1213, 'DiffSMAPE': 0.1212, 'MASE': 0.9654, 'RMSSE': 1.0295, 'ErrorMean': 5.8123, 'ErrorStdDev': 21.7125, 'R2': 0.5662, 'Pearson': 0.8128, 'MedAE': 10.4009, 'LnQ': 1.4517, 'KS': 0.3559, 'KendallTau': 0.4777, 'MannWhitneyU': 1413.0, 'AUC': 0.4059} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_female_BU_Forecast') {'Signal': 'WA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0753, 'RMSE': 12.429, 'MAE': 10.0042, 'SMAPE': 0.0741, 'DiffSMAPE': 0.0741, 'MASE': 0.5694, 'RMSSE': 0.5693, 'ErrorMean': -0.0154, 'ErrorStdDev': 12.429, 'R2': 0.8673, 'Pearson': 0.9373, 'MedAE': 8.887, 'LnQ': 0.4923, 'KS': 0.1356, 'KendallTau': 0.7501, 'MannWhitneyU': 1728.0, 'AUC': 0.4964} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_female_Forecast') {'Signal': 'WA_female', 'Length': 59, 'MAPE': 0.0753, 'RMSE': 12.429, 'MAE': 10.0042, 'SMAPE': 0.0741, 'DiffSMAPE': 0.0741, 'MASE': 0.5694, 'RMSSE': 0.5693, 'ErrorMean': -0.0154, 'ErrorStdDev': 12.429, 'R2': 0.8673, 'Pearson': 0.9373, 'MedAE': 8.887, 'LnQ': 0.4923, 'KS': 0.1356, 'KendallTau': 0.7501, 'MannWhitneyU': 1728.0, 'AUC': 0.4964} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_female_MO_Forecast') {'Signal': 'WA_female_MO_Forecast', 'Length': 59, 'MAPE': 0.13, 'RMSE': 22.5921, 'MAE': 17.2558, 'SMAPE': 0.1294, 'DiffSMAPE': 0.1293, 'MASE': 0.9822, 'RMSSE': 1.0347, 'ErrorMean': 0.2708, 'ErrorStdDev': 22.5904, 'R2': 0.5617, 'Pearson': 0.801, 'MedAE': 14.6076, 'LnQ': 1.6593, 'KS': 0.2203, 'KendallTau': 0.4367, 'MannWhitneyU': 1612.0, 'AUC': 0.4631} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_female_OC_Forecast') {'Signal': 'WA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0852, 'RMSE': 13.5547, 'MAE': 11.0262, 'SMAPE': 0.0816, 'DiffSMAPE': 0.0816, 'MASE': 0.6276, 'RMSSE': 0.6208, 'ErrorMean': 4.0348, 'ErrorStdDev': 12.9403, 'R2': 0.8422, 'Pearson': 0.9254, 'MedAE': 9.3624, 'LnQ': 0.6155, 'KS': 0.1356, 'KendallTau': 0.6923, 'MannWhitneyU': 1576.0, 'AUC': 0.4527} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_female_PHA_TD_Forecast') {'Signal': 'WA_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1177, 'RMSE': 21.5263, 'MAE': 15.7975, 'SMAPE': 0.1152, 'DiffSMAPE': 0.1152, 'MASE': 0.8992, 'RMSSE': 0.9859, 'ErrorMean': 2.4652, 'ErrorStdDev': 21.3847, 'R2': 0.6021, 'Pearson': 0.8128, 'MedAE': 11.6377, 'LnQ': 1.3885, 'KS': 0.2881, 'KendallTau': 0.4777, 'MannWhitneyU': 1525.0, 'AUC': 0.4381} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_AHP_TD_Forecast') {'Signal': 'WA_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1151, 'RMSE': 25.1442, 'MAE': 21.208, 'SMAPE': 0.1125, 'DiffSMAPE': 0.1124, 'MASE': 1.2668, 'RMSSE': 1.1671, 'ErrorMean': 7.73, 'ErrorStdDev': 23.9265, 'R2': 0.6437, 'Pearson': 0.8708, 'MedAE': 19.2025, 'LnQ': 0.9826, 'KS': 0.3559, 'KendallTau': 0.4886, 'MannWhitneyU': 1374.0, 'AUC': 0.3947} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_BU_Forecast') {'Signal': 'WA_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0531, 'RMSE': 12.1174, 'MAE': 9.6568, 'SMAPE': 0.0527, 'DiffSMAPE': 0.0526, 'MASE': 0.5768, 'RMSSE': 0.5624, 'ErrorMean': 0.0149, 'ErrorStdDev': 12.1174, 'R2': 0.9173, 'Pearson': 0.9602, 'MedAE': 7.8366, 'LnQ': 0.2517, 'KS': 0.1186, 'KendallTau': 0.798, 'MannWhitneyU': 1683.0, 'AUC': 0.4835} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_Forecast') {'Signal': 'WA_male', 'Length': 59, 'MAPE': 0.0531, 'RMSE': 12.1174, 'MAE': 9.6568, 'SMAPE': 0.0527, 'DiffSMAPE': 0.0526, 'MASE': 0.5768, 'RMSSE': 0.5624, 'ErrorMean': 0.0149, 'ErrorStdDev': 12.1174, 'R2': 0.9173, 'Pearson': 0.9602, 'MedAE': 7.8366, 'LnQ': 0.2517, 'KS': 0.1186, 'KendallTau': 0.798, 'MannWhitneyU': 1683.0, 'AUC': 0.4835} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_MO_Forecast') {'Signal': 'WA_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1133, 'RMSE': 25.2563, 'MAE': 20.3456, 'SMAPE': 0.1173, 'DiffSMAPE': 0.1173, 'MASE': 1.2153, 'RMSSE': 1.1723, 'ErrorMean': -2.2416, 'ErrorStdDev': 25.1567, 'R2': 0.6405, 'Pearson': 0.8551, 'MedAE': 17.8525, 'LnQ': 1.2507, 'KS': 0.2373, 'KendallTau': 0.4557, 'MannWhitneyU': 1660.0, 'AUC': 0.4769} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_OC_Forecast') {'Signal': 'WA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.062, 'RMSE': 15.2829, 'MAE': 11.6953, 'SMAPE': 0.0629, 'DiffSMAPE': 0.0629, 'MASE': 0.6986, 'RMSSE': 0.7093, 'ErrorMean': -2.0239, 'ErrorStdDev': 15.1483, 'R2': 0.8684, 'Pearson': 0.9331, 'MedAE': 9.0019, 'LnQ': 0.3588, 'KS': 0.1525, 'KendallTau': 0.688, 'MannWhitneyU': 1755.0, 'AUC': 0.5042} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_PHA_TD_Forecast') {'Signal': 'WA_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1062, 'RMSE': 23.6124, 'MAE': 19.4396, 'SMAPE': 0.1061, 'DiffSMAPE': 0.1061, 'MASE': 1.1612, 'RMSSE': 1.096, 'ErrorMean': 3.2901, 'ErrorStdDev': 23.382, 'R2': 0.6858, 'Pearson': 0.8708, 'MedAE': 18.4813, 'LnQ': 0.9314, 'KS': 0.2881, 'KendallTau': 0.4886, 'MannWhitneyU': 1509.0, 'AUC': 0.4335} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_AHP_TD_Forecast') {'Signal': 'WA_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1151, 'RMSE': 25.1442, 'MAE': 21.208, 'SMAPE': 0.1125, 'DiffSMAPE': 0.1124, 'MASE': 1.2668, 'RMSSE': 1.1671, 'ErrorMean': 7.73, 'ErrorStdDev': 23.9265, 'R2': 0.6437, 'Pearson': 0.8708, 'MedAE': 19.2025, 'LnQ': 0.9826, 'KS': 0.3559, 'KendallTau': 0.4886, 'MannWhitneyU': 1374.0, 'AUC': 0.3947} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_BU_Forecast') {'Signal': 'WA_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0531, 'RMSE': 12.1174, 'MAE': 9.6568, 'SMAPE': 0.0527, 'DiffSMAPE': 0.0526, 'MASE': 0.5768, 'RMSSE': 0.5624, 'ErrorMean': 0.0149, 'ErrorStdDev': 12.1174, 'R2': 0.9173, 'Pearson': 0.9602, 'MedAE': 7.8366, 'LnQ': 0.2517, 'KS': 0.1186, 'KendallTau': 0.798, 'MannWhitneyU': 1683.0, 'AUC': 0.4835} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_Forecast') {'Signal': 'WA_male', 'Length': 59, 'MAPE': 0.0531, 'RMSE': 12.1174, 'MAE': 9.6568, 'SMAPE': 0.0527, 'DiffSMAPE': 0.0526, 'MASE': 0.5768, 'RMSSE': 0.5624, 'ErrorMean': 0.0149, 'ErrorStdDev': 12.1174, 'R2': 0.9173, 'Pearson': 0.9602, 'MedAE': 7.8366, 'LnQ': 0.2517, 'KS': 0.1186, 'KendallTau': 0.798, 'MannWhitneyU': 1683.0, 'AUC': 0.4835} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_MO_Forecast') {'Signal': 'WA_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1133, 'RMSE': 25.2563, 'MAE': 20.3456, 'SMAPE': 0.1173, 'DiffSMAPE': 0.1173, 'MASE': 1.2153, 'RMSSE': 1.1723, 'ErrorMean': -2.2416, 'ErrorStdDev': 25.1567, 'R2': 0.6405, 'Pearson': 0.8551, 'MedAE': 17.8525, 'LnQ': 1.2507, 'KS': 0.2373, 'KendallTau': 0.4557, 'MannWhitneyU': 1660.0, 'AUC': 0.4769} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_OC_Forecast') {'Signal': 'WA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.062, 'RMSE': 15.2829, 'MAE': 11.6953, 'SMAPE': 0.0629, 'DiffSMAPE': 0.0629, 'MASE': 0.6986, 'RMSSE': 0.7093, 'ErrorMean': -2.0239, 'ErrorStdDev': 15.1483, 'R2': 0.8684, 'Pearson': 0.9331, 'MedAE': 9.0019, 'LnQ': 0.3588, 'KS': 0.1525, 'KendallTau': 0.688, 'MannWhitneyU': 1755.0, 'AUC': 0.5042} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_PHA_TD_Forecast') {'Signal': 'WA_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1062, 'RMSE': 23.6124, 'MAE': 19.4396, 'SMAPE': 0.1061, 'DiffSMAPE': 0.1061, 'MASE': 1.1612, 'RMSSE': 1.096, 'ErrorMean': 3.2901, 'ErrorStdDev': 23.382, 'R2': 0.6858, 'Pearson': 0.8708, 'MedAE': 18.4813, 'LnQ': 0.9314, 'KS': 0.2881, 'KendallTau': 0.4886, 'MannWhitneyU': 1509.0, 'AUC': 0.4335} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_AHP_TD_Forecast') {'Signal': 'WA_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1151, 'RMSE': 25.1442, 'MAE': 21.208, 'SMAPE': 0.1125, 'DiffSMAPE': 0.1124, 'MASE': 1.2668, 'RMSSE': 1.1671, 'ErrorMean': 7.73, 'ErrorStdDev': 23.9265, 'R2': 0.6437, 'Pearson': 0.8708, 'MedAE': 19.2025, 'LnQ': 0.9826, 'KS': 0.3559, 'KendallTau': 0.4886, 'MannWhitneyU': 1374.0, 'AUC': 0.3947} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_BU_Forecast') {'Signal': 'WA_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0531, 'RMSE': 12.1174, 'MAE': 9.6568, 'SMAPE': 0.0527, 'DiffSMAPE': 0.0526, 'MASE': 0.5768, 'RMSSE': 0.5624, 'ErrorMean': 0.0149, 'ErrorStdDev': 12.1174, 'R2': 0.9173, 'Pearson': 0.9602, 'MedAE': 7.8366, 'LnQ': 0.2517, 'KS': 0.1186, 'KendallTau': 0.798, 'MannWhitneyU': 1683.0, 'AUC': 0.4835} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_Forecast') {'Signal': 'WA_male', 'Length': 59, 'MAPE': 0.0531, 'RMSE': 12.1174, 'MAE': 9.6568, 'SMAPE': 0.0527, 'DiffSMAPE': 0.0526, 'MASE': 0.5768, 'RMSSE': 0.5624, 'ErrorMean': 0.0149, 'ErrorStdDev': 12.1174, 'R2': 0.9173, 'Pearson': 0.9602, 'MedAE': 7.8366, 'LnQ': 0.2517, 'KS': 0.1186, 'KendallTau': 0.798, 'MannWhitneyU': 1683.0, 'AUC': 0.4835} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_MO_Forecast') {'Signal': 'WA_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1133, 'RMSE': 25.2563, 'MAE': 20.3456, 'SMAPE': 0.1173, 'DiffSMAPE': 0.1173, 'MASE': 1.2153, 'RMSSE': 1.1723, 'ErrorMean': -2.2416, 'ErrorStdDev': 25.1567, 'R2': 0.6405, 'Pearson': 0.8551, 'MedAE': 17.8525, 'LnQ': 1.2507, 'KS': 0.2373, 'KendallTau': 0.4557, 'MannWhitneyU': 1660.0, 'AUC': 0.4769} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_OC_Forecast') {'Signal': 'WA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.062, 'RMSE': 15.2829, 'MAE': 11.6953, 'SMAPE': 0.0629, 'DiffSMAPE': 0.0629, 'MASE': 0.6986, 'RMSSE': 0.7093, 'ErrorMean': -2.0239, 'ErrorStdDev': 15.1483, 'R2': 0.8684, 'Pearson': 0.9331, 'MedAE': 9.0019, 'LnQ': 0.3588, 'KS': 0.1525, 'KendallTau': 0.688, 'MannWhitneyU': 1755.0, 'AUC': 0.5042} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_PHA_TD_Forecast') {'Signal': 'WA_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1062, 'RMSE': 23.6124, 'MAE': 19.4396, 'SMAPE': 0.1061, 'DiffSMAPE': 0.1061, 'MASE': 1.1612, 'RMSSE': 1.096, 'ErrorMean': 3.2901, 'ErrorStdDev': 23.382, 'R2': 0.6858, 'Pearson': 0.8708, 'MedAE': 18.4813, 'LnQ': 0.9314, 'KS': 0.2881, 'KendallTau': 0.4886, 'MannWhitneyU': 1509.0, 'AUC': 0.4335} INFO:pyaf.hierarchical:STRUCTURE_LEVEL (1, ['_female', '_male']) -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_female_AHP_TD_Forecast') {'Signal': '_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0416, 'RMSE': 81.0857, 'MAE': 66.2189, 'SMAPE': 0.0409, 'DiffSMAPE': 0.0409, 'MASE': 0.7011, 'RMSSE': 0.6892, 'ErrorMean': 26.1094, 'ErrorStdDev': 76.7671, 'R2': 0.9702, 'Pearson': 0.9867, 'MedAE': 56.4046, 'LnQ': 0.1527, 'KS': 0.1695, 'KendallTau': 0.7947, 'MannWhitneyU': 1643.0, 'AUC': 0.472} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_female_BU_Forecast') {'Signal': '_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0417, 'RMSE': 76.1734, 'MAE': 64.9911, 'SMAPE': 0.0408, 'DiffSMAPE': 0.0408, 'MASE': 0.6881, 'RMSSE': 0.6475, 'ErrorMean': 35.6115, 'ErrorStdDev': 67.3365, 'R2': 0.9737, 'Pearson': 0.9902, 'MedAE': 64.3483, 'LnQ': 0.1406, 'KS': 0.1695, 'KendallTau': 0.8415, 'MannWhitneyU': 1578.0, 'AUC': 0.4533} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_female_Forecast') {'Signal': '_female', 'Length': 59, 'MAPE': 0.0425, 'RMSE': 81.4737, 'MAE': 67.9011, 'SMAPE': 0.0419, 'DiffSMAPE': 0.0419, 'MASE': 0.7189, 'RMSSE': 0.6925, 'ErrorMean': 27.5443, 'ErrorStdDev': 76.6764, 'R2': 0.9699, 'Pearson': 0.9866, 'MedAE': 67.3787, 'LnQ': 0.1499, 'KS': 0.1864, 'KendallTau': 0.7959, 'MannWhitneyU': 1607.0, 'AUC': 0.4616} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_female_MO_Forecast') {'Signal': '_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0425, 'RMSE': 81.4737, 'MAE': 67.9011, 'SMAPE': 0.0419, 'DiffSMAPE': 0.0419, 'MASE': 0.7189, 'RMSSE': 0.6925, 'ErrorMean': 27.5443, 'ErrorStdDev': 76.6764, 'R2': 0.9699, 'Pearson': 0.9866, 'MedAE': 67.3787, 'LnQ': 0.1499, 'KS': 0.1864, 'KendallTau': 0.7959, 'MannWhitneyU': 1607.0, 'AUC': 0.4616} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_female_OC_Forecast') {'Signal': '_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0414, 'RMSE': 81.17, 'MAE': 66.4964, 'SMAPE': 0.0408, 'DiffSMAPE': 0.0408, 'MASE': 0.7041, 'RMSSE': 0.6899, 'ErrorMean': 27.8833, 'ErrorStdDev': 76.2305, 'R2': 0.9701, 'Pearson': 0.9867, 'MedAE': 62.0652, 'LnQ': 0.1471, 'KS': 0.1695, 'KendallTau': 0.7912, 'MannWhitneyU': 1605.0, 'AUC': 0.4611} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_female_PHA_TD_Forecast') {'Signal': '_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0418, 'RMSE': 81.3975, 'MAE': 66.5693, 'SMAPE': 0.0412, 'DiffSMAPE': 0.0411, 'MASE': 0.7048, 'RMSSE': 0.6919, 'ErrorMean': 27.147, 'ErrorStdDev': 76.7372, 'R2': 0.9699, 'Pearson': 0.9867, 'MedAE': 57.6198, 'LnQ': 0.154, 'KS': 0.1695, 'KendallTau': 0.7947, 'MannWhitneyU': 1638.0, 'AUC': 0.4706} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_female_AHP_TD_Forecast') {'Signal': '_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0416, 'RMSE': 81.0857, 'MAE': 66.2189, 'SMAPE': 0.0409, 'DiffSMAPE': 0.0409, 'MASE': 0.7011, 'RMSSE': 0.6892, 'ErrorMean': 26.1094, 'ErrorStdDev': 76.7671, 'R2': 0.9702, 'Pearson': 0.9867, 'MedAE': 56.4046, 'LnQ': 0.1527, 'KS': 0.1695, 'KendallTau': 0.7947, 'MannWhitneyU': 1643.0, 'AUC': 0.472} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_female_BU_Forecast') {'Signal': '_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0417, 'RMSE': 76.1734, 'MAE': 64.9911, 'SMAPE': 0.0408, 'DiffSMAPE': 0.0408, 'MASE': 0.6881, 'RMSSE': 0.6475, 'ErrorMean': 35.6115, 'ErrorStdDev': 67.3365, 'R2': 0.9737, 'Pearson': 0.9902, 'MedAE': 64.3483, 'LnQ': 0.1406, 'KS': 0.1695, 'KendallTau': 0.8415, 'MannWhitneyU': 1578.0, 'AUC': 0.4533} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_female_Forecast') {'Signal': '_female', 'Length': 59, 'MAPE': 0.0425, 'RMSE': 81.4737, 'MAE': 67.9011, 'SMAPE': 0.0419, 'DiffSMAPE': 0.0419, 'MASE': 0.7189, 'RMSSE': 0.6925, 'ErrorMean': 27.5443, 'ErrorStdDev': 76.6764, 'R2': 0.9699, 'Pearson': 0.9866, 'MedAE': 67.3787, 'LnQ': 0.1499, 'KS': 0.1864, 'KendallTau': 0.7959, 'MannWhitneyU': 1607.0, 'AUC': 0.4616} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_female_MO_Forecast') {'Signal': '_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0425, 'RMSE': 81.4737, 'MAE': 67.9011, 'SMAPE': 0.0419, 'DiffSMAPE': 0.0419, 'MASE': 0.7189, 'RMSSE': 0.6925, 'ErrorMean': 27.5443, 'ErrorStdDev': 76.6764, 'R2': 0.9699, 'Pearson': 0.9866, 'MedAE': 67.3787, 'LnQ': 0.1499, 'KS': 0.1864, 'KendallTau': 0.7959, 'MannWhitneyU': 1607.0, 'AUC': 0.4616} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_female_OC_Forecast') {'Signal': '_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0414, 'RMSE': 81.17, 'MAE': 66.4964, 'SMAPE': 0.0408, 'DiffSMAPE': 0.0408, 'MASE': 0.7041, 'RMSSE': 0.6899, 'ErrorMean': 27.8833, 'ErrorStdDev': 76.2305, 'R2': 0.9701, 'Pearson': 0.9867, 'MedAE': 62.0652, 'LnQ': 0.1471, 'KS': 0.1695, 'KendallTau': 0.7912, 'MannWhitneyU': 1605.0, 'AUC': 0.4611} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_female_PHA_TD_Forecast') {'Signal': '_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0418, 'RMSE': 81.3975, 'MAE': 66.5693, 'SMAPE': 0.0412, 'DiffSMAPE': 0.0411, 'MASE': 0.7048, 'RMSSE': 0.6919, 'ErrorMean': 27.147, 'ErrorStdDev': 76.7372, 'R2': 0.9699, 'Pearson': 0.9867, 'MedAE': 57.6198, 'LnQ': 0.154, 'KS': 0.1695, 'KendallTau': 0.7947, 'MannWhitneyU': 1638.0, 'AUC': 0.4706} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_female_AHP_TD_Forecast') {'Signal': '_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0416, 'RMSE': 81.0857, 'MAE': 66.2189, 'SMAPE': 0.0409, 'DiffSMAPE': 0.0409, 'MASE': 0.7011, 'RMSSE': 0.6892, 'ErrorMean': 26.1094, 'ErrorStdDev': 76.7671, 'R2': 0.9702, 'Pearson': 0.9867, 'MedAE': 56.4046, 'LnQ': 0.1527, 'KS': 0.1695, 'KendallTau': 0.7947, 'MannWhitneyU': 1643.0, 'AUC': 0.472} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_female_BU_Forecast') {'Signal': '_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0417, 'RMSE': 76.1734, 'MAE': 64.9911, 'SMAPE': 0.0408, 'DiffSMAPE': 0.0408, 'MASE': 0.6881, 'RMSSE': 0.6475, 'ErrorMean': 35.6115, 'ErrorStdDev': 67.3365, 'R2': 0.9737, 'Pearson': 0.9902, 'MedAE': 64.3483, 'LnQ': 0.1406, 'KS': 0.1695, 'KendallTau': 0.8415, 'MannWhitneyU': 1578.0, 'AUC': 0.4533} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_female_Forecast') {'Signal': '_female', 'Length': 59, 'MAPE': 0.0425, 'RMSE': 81.4737, 'MAE': 67.9011, 'SMAPE': 0.0419, 'DiffSMAPE': 0.0419, 'MASE': 0.7189, 'RMSSE': 0.6925, 'ErrorMean': 27.5443, 'ErrorStdDev': 76.6764, 'R2': 0.9699, 'Pearson': 0.9866, 'MedAE': 67.3787, 'LnQ': 0.1499, 'KS': 0.1864, 'KendallTau': 0.7959, 'MannWhitneyU': 1607.0, 'AUC': 0.4616} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_female_MO_Forecast') {'Signal': '_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0425, 'RMSE': 81.4737, 'MAE': 67.9011, 'SMAPE': 0.0419, 'DiffSMAPE': 0.0419, 'MASE': 0.7189, 'RMSSE': 0.6925, 'ErrorMean': 27.5443, 'ErrorStdDev': 76.6764, 'R2': 0.9699, 'Pearson': 0.9866, 'MedAE': 67.3787, 'LnQ': 0.1499, 'KS': 0.1864, 'KendallTau': 0.7959, 'MannWhitneyU': 1607.0, 'AUC': 0.4616} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_female_OC_Forecast') {'Signal': '_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0414, 'RMSE': 81.17, 'MAE': 66.4964, 'SMAPE': 0.0408, 'DiffSMAPE': 0.0408, 'MASE': 0.7041, 'RMSSE': 0.6899, 'ErrorMean': 27.8833, 'ErrorStdDev': 76.2305, 'R2': 0.9701, 'Pearson': 0.9867, 'MedAE': 62.0652, 'LnQ': 0.1471, 'KS': 0.1695, 'KendallTau': 0.7912, 'MannWhitneyU': 1605.0, 'AUC': 0.4611} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_female_PHA_TD_Forecast') {'Signal': '_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0418, 'RMSE': 81.3975, 'MAE': 66.5693, 'SMAPE': 0.0412, 'DiffSMAPE': 0.0411, 'MASE': 0.7048, 'RMSSE': 0.6919, 'ErrorMean': 27.147, 'ErrorStdDev': 76.7372, 'R2': 0.9699, 'Pearson': 0.9867, 'MedAE': 57.6198, 'LnQ': 0.154, 'KS': 0.1695, 'KendallTau': 0.7947, 'MannWhitneyU': 1638.0, 'AUC': 0.4706} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_male_AHP_TD_Forecast') {'Signal': '_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0396, 'RMSE': 101.8946, 'MAE': 83.5086, 'SMAPE': 0.0389, 'DiffSMAPE': 0.0389, 'MASE': 0.761, 'RMSSE': 0.7563, 'ErrorMean': 36.9126, 'ErrorStdDev': 94.9735, 'R2': 0.9721, 'Pearson': 0.9878, 'MedAE': 73.7763, 'LnQ': 0.1343, 'KS': 0.2203, 'KendallTau': 0.7912, 'MannWhitneyU': 1570.0, 'AUC': 0.451} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_male_BU_Forecast') {'Signal': '_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0332, 'RMSE': 84.8205, 'MAE': 71.2463, 'SMAPE': 0.0326, 'DiffSMAPE': 0.0326, 'MASE': 0.6492, 'RMSSE': 0.6295, 'ErrorMean': 43.1334, 'ErrorStdDev': 73.0344, 'R2': 0.9807, 'Pearson': 0.9929, 'MedAE': 64.4258, 'LnQ': 0.0958, 'KS': 0.1695, 'KendallTau': 0.8404, 'MannWhitneyU': 1574.0, 'AUC': 0.4522} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_male_Forecast') {'Signal': '_male', 'Length': 59, 'MAPE': 0.0383, 'RMSE': 96.7119, 'MAE': 77.7569, 'SMAPE': 0.0374, 'DiffSMAPE': 0.0374, 'MASE': 0.7085, 'RMSSE': 0.7178, 'ErrorMean': 35.4718, 'ErrorStdDev': 89.9719, 'R2': 0.9749, 'Pearson': 0.9894, 'MedAE': 72.6483, 'LnQ': 0.1368, 'KS': 0.1525, 'KendallTau': 0.8146, 'MannWhitneyU': 1603.0, 'AUC': 0.4605} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_male_MO_Forecast') {'Signal': '_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0383, 'RMSE': 96.7119, 'MAE': 77.7569, 'SMAPE': 0.0374, 'DiffSMAPE': 0.0374, 'MASE': 0.7085, 'RMSSE': 0.7178, 'ErrorMean': 35.4718, 'ErrorStdDev': 89.9719, 'R2': 0.9749, 'Pearson': 0.9894, 'MedAE': 72.6483, 'LnQ': 0.1368, 'KS': 0.1525, 'KendallTau': 0.8146, 'MannWhitneyU': 1603.0, 'AUC': 0.4605} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_male_OC_Forecast') {'Signal': '_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0374, 'RMSE': 94.3577, 'MAE': 77.1581, 'SMAPE': 0.0367, 'DiffSMAPE': 0.0367, 'MASE': 0.7031, 'RMSSE': 0.7003, 'ErrorMean': 35.7658, 'ErrorStdDev': 87.3166, 'R2': 0.9761, 'Pearson': 0.9899, 'MedAE': 72.759, 'LnQ': 0.125, 'KS': 0.1525, 'KendallTau': 0.824, 'MannWhitneyU': 1596.0, 'AUC': 0.4585} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_male_PHA_TD_Forecast') {'Signal': '_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0394, 'RMSE': 101.5282, 'MAE': 83.1226, 'SMAPE': 0.0387, 'DiffSMAPE': 0.0387, 'MASE': 0.7574, 'RMSSE': 0.7535, 'ErrorMean': 35.875, 'ErrorStdDev': 94.9787, 'R2': 0.9723, 'Pearson': 0.9878, 'MedAE': 72.5765, 'LnQ': 0.1333, 'KS': 0.2034, 'KendallTau': 0.7912, 'MannWhitneyU': 1574.0, 'AUC': 0.4522} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_male_AHP_TD_Forecast') {'Signal': '_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0396, 'RMSE': 101.8946, 'MAE': 83.5086, 'SMAPE': 0.0389, 'DiffSMAPE': 0.0389, 'MASE': 0.761, 'RMSSE': 0.7563, 'ErrorMean': 36.9126, 'ErrorStdDev': 94.9735, 'R2': 0.9721, 'Pearson': 0.9878, 'MedAE': 73.7763, 'LnQ': 0.1343, 'KS': 0.2203, 'KendallTau': 0.7912, 'MannWhitneyU': 1570.0, 'AUC': 0.451} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_male_BU_Forecast') {'Signal': '_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0332, 'RMSE': 84.8205, 'MAE': 71.2463, 'SMAPE': 0.0326, 'DiffSMAPE': 0.0326, 'MASE': 0.6492, 'RMSSE': 0.6295, 'ErrorMean': 43.1334, 'ErrorStdDev': 73.0344, 'R2': 0.9807, 'Pearson': 0.9929, 'MedAE': 64.4258, 'LnQ': 0.0958, 'KS': 0.1695, 'KendallTau': 0.8404, 'MannWhitneyU': 1574.0, 'AUC': 0.4522} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_male_Forecast') {'Signal': '_male', 'Length': 59, 'MAPE': 0.0383, 'RMSE': 96.7119, 'MAE': 77.7569, 'SMAPE': 0.0374, 'DiffSMAPE': 0.0374, 'MASE': 0.7085, 'RMSSE': 0.7178, 'ErrorMean': 35.4718, 'ErrorStdDev': 89.9719, 'R2': 0.9749, 'Pearson': 0.9894, 'MedAE': 72.6483, 'LnQ': 0.1368, 'KS': 0.1525, 'KendallTau': 0.8146, 'MannWhitneyU': 1603.0, 'AUC': 0.4605} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_male_MO_Forecast') {'Signal': '_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0383, 'RMSE': 96.7119, 'MAE': 77.7569, 'SMAPE': 0.0374, 'DiffSMAPE': 0.0374, 'MASE': 0.7085, 'RMSSE': 0.7178, 'ErrorMean': 35.4718, 'ErrorStdDev': 89.9719, 'R2': 0.9749, 'Pearson': 0.9894, 'MedAE': 72.6483, 'LnQ': 0.1368, 'KS': 0.1525, 'KendallTau': 0.8146, 'MannWhitneyU': 1603.0, 'AUC': 0.4605} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_male_OC_Forecast') {'Signal': '_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0374, 'RMSE': 94.3577, 'MAE': 77.1581, 'SMAPE': 0.0367, 'DiffSMAPE': 0.0367, 'MASE': 0.7031, 'RMSSE': 0.7003, 'ErrorMean': 35.7658, 'ErrorStdDev': 87.3166, 'R2': 0.9761, 'Pearson': 0.9899, 'MedAE': 72.759, 'LnQ': 0.125, 'KS': 0.1525, 'KendallTau': 0.824, 'MannWhitneyU': 1596.0, 'AUC': 0.4585} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_male_PHA_TD_Forecast') {'Signal': '_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0394, 'RMSE': 101.5282, 'MAE': 83.1226, 'SMAPE': 0.0387, 'DiffSMAPE': 0.0387, 'MASE': 0.7574, 'RMSSE': 0.7535, 'ErrorMean': 35.875, 'ErrorStdDev': 94.9787, 'R2': 0.9723, 'Pearson': 0.9878, 'MedAE': 72.5765, 'LnQ': 0.1333, 'KS': 0.2034, 'KendallTau': 0.7912, 'MannWhitneyU': 1574.0, 'AUC': 0.4522} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_male_AHP_TD_Forecast') {'Signal': '_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0396, 'RMSE': 101.8946, 'MAE': 83.5086, 'SMAPE': 0.0389, 'DiffSMAPE': 0.0389, 'MASE': 0.761, 'RMSSE': 0.7563, 'ErrorMean': 36.9126, 'ErrorStdDev': 94.9735, 'R2': 0.9721, 'Pearson': 0.9878, 'MedAE': 73.7763, 'LnQ': 0.1343, 'KS': 0.2203, 'KendallTau': 0.7912, 'MannWhitneyU': 1570.0, 'AUC': 0.451} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_male_BU_Forecast') {'Signal': '_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0332, 'RMSE': 84.8205, 'MAE': 71.2463, 'SMAPE': 0.0326, 'DiffSMAPE': 0.0326, 'MASE': 0.6492, 'RMSSE': 0.6295, 'ErrorMean': 43.1334, 'ErrorStdDev': 73.0344, 'R2': 0.9807, 'Pearson': 0.9929, 'MedAE': 64.4258, 'LnQ': 0.0958, 'KS': 0.1695, 'KendallTau': 0.8404, 'MannWhitneyU': 1574.0, 'AUC': 0.4522} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_male_Forecast') {'Signal': '_male', 'Length': 59, 'MAPE': 0.0383, 'RMSE': 96.7119, 'MAE': 77.7569, 'SMAPE': 0.0374, 'DiffSMAPE': 0.0374, 'MASE': 0.7085, 'RMSSE': 0.7178, 'ErrorMean': 35.4718, 'ErrorStdDev': 89.9719, 'R2': 0.9749, 'Pearson': 0.9894, 'MedAE': 72.6483, 'LnQ': 0.1368, 'KS': 0.1525, 'KendallTau': 0.8146, 'MannWhitneyU': 1603.0, 'AUC': 0.4605} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_male_MO_Forecast') {'Signal': '_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0383, 'RMSE': 96.7119, 'MAE': 77.7569, 'SMAPE': 0.0374, 'DiffSMAPE': 0.0374, 'MASE': 0.7085, 'RMSSE': 0.7178, 'ErrorMean': 35.4718, 'ErrorStdDev': 89.9719, 'R2': 0.9749, 'Pearson': 0.9894, 'MedAE': 72.6483, 'LnQ': 0.1368, 'KS': 0.1525, 'KendallTau': 0.8146, 'MannWhitneyU': 1603.0, 'AUC': 0.4605} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_male_OC_Forecast') {'Signal': '_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0374, 'RMSE': 94.3577, 'MAE': 77.1581, 'SMAPE': 0.0367, 'DiffSMAPE': 0.0367, 'MASE': 0.7031, 'RMSSE': 0.7003, 'ErrorMean': 35.7658, 'ErrorStdDev': 87.3166, 'R2': 0.9761, 'Pearson': 0.9899, 'MedAE': 72.759, 'LnQ': 0.125, 'KS': 0.1525, 'KendallTau': 0.824, 'MannWhitneyU': 1596.0, 'AUC': 0.4585} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_male_PHA_TD_Forecast') {'Signal': '_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0394, 'RMSE': 101.5282, 'MAE': 83.1226, 'SMAPE': 0.0387, 'DiffSMAPE': 0.0387, 'MASE': 0.7574, 'RMSSE': 0.7535, 'ErrorMean': 35.875, 'ErrorStdDev': 94.9787, 'R2': 0.9723, 'Pearson': 0.9878, 'MedAE': 72.5765, 'LnQ': 0.1333, 'KS': 0.2034, 'KendallTau': 0.7912, 'MannWhitneyU': 1574.0, 'AUC': 0.4522} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_female_AHP_TD_Forecast') {'Signal': '_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0472, 'RMSE': 91.9226, 'MAE': 76.57, 'SMAPE': 0.0461, 'DiffSMAPE': 0.0461, 'MASE': 0.8107, 'RMSSE': 0.7813, 'ErrorMean': 30.0669, 'ErrorStdDev': 86.8663, 'R2': 0.9617, 'Pearson': 0.9831, 'MedAE': 73.1721, 'LnQ': 0.1858, 'KS': 0.1356, 'KendallTau': 0.7877, 'MannWhitneyU': 1637.0, 'AUC': 0.4703} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_female_BU_Forecast') {'Signal': '_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0337, 'RMSE': 72.0821, 'MAE': 56.0146, 'SMAPE': 0.0336, 'DiffSMAPE': 0.0336, 'MASE': 0.5931, 'RMSSE': 0.6127, 'ErrorMean': -0.0957, 'ErrorStdDev': 72.082, 'R2': 0.9764, 'Pearson': 0.9893, 'MedAE': 46.3363, 'LnQ': 0.108, 'KS': 0.0847, 'KendallTau': 0.8158, 'MannWhitneyU': 1724.0, 'AUC': 0.4953} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_female_Forecast') {'Signal': '_female', 'Length': 59, 'MAPE': 0.0436, 'RMSE': 88.049, 'MAE': 74.0783, 'SMAPE': 0.0434, 'DiffSMAPE': 0.0434, 'MASE': 0.7843, 'RMSSE': 0.7484, 'ErrorMean': 3.4166, 'ErrorStdDev': 87.9827, 'R2': 0.9648, 'Pearson': 0.9823, 'MedAE': 66.6274, 'LnQ': 0.1605, 'KS': 0.0847, 'KendallTau': 0.7585, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_female_MO_Forecast') {'Signal': '_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0436, 'RMSE': 88.049, 'MAE': 74.0783, 'SMAPE': 0.0434, 'DiffSMAPE': 0.0434, 'MASE': 0.7843, 'RMSSE': 0.7484, 'ErrorMean': 3.4166, 'ErrorStdDev': 87.9827, 'R2': 0.9648, 'Pearson': 0.9823, 'MedAE': 66.6274, 'LnQ': 0.1605, 'KS': 0.0847, 'KendallTau': 0.7585, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_female_OC_Forecast') {'Signal': '_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0424, 'RMSE': 85.7967, 'MAE': 70.8719, 'SMAPE': 0.0414, 'DiffSMAPE': 0.0414, 'MASE': 0.7504, 'RMSSE': 0.7293, 'ErrorMean': 32.3054, 'ErrorStdDev': 79.4823, 'R2': 0.9666, 'Pearson': 0.9857, 'MedAE': 63.5116, 'LnQ': 0.1555, 'KS': 0.1525, 'KendallTau': 0.8053, 'MannWhitneyU': 1632.0, 'AUC': 0.4688} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_female_PHA_TD_Forecast') {'Signal': '_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0474, 'RMSE': 92.2332, 'MAE': 76.8305, 'SMAPE': 0.0463, 'DiffSMAPE': 0.0463, 'MASE': 0.8135, 'RMSSE': 0.784, 'ErrorMean': 31.1069, 'ErrorStdDev': 86.8293, 'R2': 0.9614, 'Pearson': 0.9831, 'MedAE': 73.6868, 'LnQ': 0.1873, 'KS': 0.1356, 'KendallTau': 0.7877, 'MannWhitneyU': 1631.0, 'AUC': 0.4685} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_female_AHP_TD_Forecast') {'Signal': '_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0472, 'RMSE': 91.9226, 'MAE': 76.57, 'SMAPE': 0.0461, 'DiffSMAPE': 0.0461, 'MASE': 0.8107, 'RMSSE': 0.7813, 'ErrorMean': 30.0669, 'ErrorStdDev': 86.8663, 'R2': 0.9617, 'Pearson': 0.9831, 'MedAE': 73.1721, 'LnQ': 0.1858, 'KS': 0.1356, 'KendallTau': 0.7877, 'MannWhitneyU': 1637.0, 'AUC': 0.4703} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_female_BU_Forecast') {'Signal': '_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0337, 'RMSE': 72.0821, 'MAE': 56.0146, 'SMAPE': 0.0336, 'DiffSMAPE': 0.0336, 'MASE': 0.5931, 'RMSSE': 0.6127, 'ErrorMean': -0.0957, 'ErrorStdDev': 72.082, 'R2': 0.9764, 'Pearson': 0.9893, 'MedAE': 46.3363, 'LnQ': 0.108, 'KS': 0.0847, 'KendallTau': 0.8158, 'MannWhitneyU': 1724.0, 'AUC': 0.4953} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_female_Forecast') {'Signal': '_female', 'Length': 59, 'MAPE': 0.0436, 'RMSE': 88.049, 'MAE': 74.0783, 'SMAPE': 0.0434, 'DiffSMAPE': 0.0434, 'MASE': 0.7843, 'RMSSE': 0.7484, 'ErrorMean': 3.4166, 'ErrorStdDev': 87.9827, 'R2': 0.9648, 'Pearson': 0.9823, 'MedAE': 66.6274, 'LnQ': 0.1605, 'KS': 0.0847, 'KendallTau': 0.7585, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_female_MO_Forecast') {'Signal': '_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0436, 'RMSE': 88.049, 'MAE': 74.0783, 'SMAPE': 0.0434, 'DiffSMAPE': 0.0434, 'MASE': 0.7843, 'RMSSE': 0.7484, 'ErrorMean': 3.4166, 'ErrorStdDev': 87.9827, 'R2': 0.9648, 'Pearson': 0.9823, 'MedAE': 66.6274, 'LnQ': 0.1605, 'KS': 0.0847, 'KendallTau': 0.7585, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_female_OC_Forecast') {'Signal': '_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0424, 'RMSE': 85.7967, 'MAE': 70.8719, 'SMAPE': 0.0414, 'DiffSMAPE': 0.0414, 'MASE': 0.7504, 'RMSSE': 0.7293, 'ErrorMean': 32.3054, 'ErrorStdDev': 79.4823, 'R2': 0.9666, 'Pearson': 0.9857, 'MedAE': 63.5116, 'LnQ': 0.1555, 'KS': 0.1525, 'KendallTau': 0.8053, 'MannWhitneyU': 1632.0, 'AUC': 0.4688} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_female_PHA_TD_Forecast') {'Signal': '_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0474, 'RMSE': 92.2332, 'MAE': 76.8305, 'SMAPE': 0.0463, 'DiffSMAPE': 0.0463, 'MASE': 0.8135, 'RMSSE': 0.784, 'ErrorMean': 31.1069, 'ErrorStdDev': 86.8293, 'R2': 0.9614, 'Pearson': 0.9831, 'MedAE': 73.6868, 'LnQ': 0.1873, 'KS': 0.1356, 'KendallTau': 0.7877, 'MannWhitneyU': 1631.0, 'AUC': 0.4685} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_female_AHP_TD_Forecast') {'Signal': '_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0472, 'RMSE': 91.9226, 'MAE': 76.57, 'SMAPE': 0.0461, 'DiffSMAPE': 0.0461, 'MASE': 0.8107, 'RMSSE': 0.7813, 'ErrorMean': 30.0669, 'ErrorStdDev': 86.8663, 'R2': 0.9617, 'Pearson': 0.9831, 'MedAE': 73.1721, 'LnQ': 0.1858, 'KS': 0.1356, 'KendallTau': 0.7877, 'MannWhitneyU': 1637.0, 'AUC': 0.4703} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_female_BU_Forecast') {'Signal': '_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0337, 'RMSE': 72.0821, 'MAE': 56.0146, 'SMAPE': 0.0336, 'DiffSMAPE': 0.0336, 'MASE': 0.5931, 'RMSSE': 0.6127, 'ErrorMean': -0.0957, 'ErrorStdDev': 72.082, 'R2': 0.9764, 'Pearson': 0.9893, 'MedAE': 46.3363, 'LnQ': 0.108, 'KS': 0.0847, 'KendallTau': 0.8158, 'MannWhitneyU': 1724.0, 'AUC': 0.4953} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_female_Forecast') {'Signal': '_female', 'Length': 59, 'MAPE': 0.0436, 'RMSE': 88.049, 'MAE': 74.0783, 'SMAPE': 0.0434, 'DiffSMAPE': 0.0434, 'MASE': 0.7843, 'RMSSE': 0.7484, 'ErrorMean': 3.4166, 'ErrorStdDev': 87.9827, 'R2': 0.9648, 'Pearson': 0.9823, 'MedAE': 66.6274, 'LnQ': 0.1605, 'KS': 0.0847, 'KendallTau': 0.7585, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_female_MO_Forecast') {'Signal': '_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0436, 'RMSE': 88.049, 'MAE': 74.0783, 'SMAPE': 0.0434, 'DiffSMAPE': 0.0434, 'MASE': 0.7843, 'RMSSE': 0.7484, 'ErrorMean': 3.4166, 'ErrorStdDev': 87.9827, 'R2': 0.9648, 'Pearson': 0.9823, 'MedAE': 66.6274, 'LnQ': 0.1605, 'KS': 0.0847, 'KendallTau': 0.7585, 'MannWhitneyU': 1759.0, 'AUC': 0.5053} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_female_OC_Forecast') {'Signal': '_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0424, 'RMSE': 85.7967, 'MAE': 70.8719, 'SMAPE': 0.0414, 'DiffSMAPE': 0.0414, 'MASE': 0.7504, 'RMSSE': 0.7293, 'ErrorMean': 32.3054, 'ErrorStdDev': 79.4823, 'R2': 0.9666, 'Pearson': 0.9857, 'MedAE': 63.5116, 'LnQ': 0.1555, 'KS': 0.1525, 'KendallTau': 0.8053, 'MannWhitneyU': 1632.0, 'AUC': 0.4688} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_female_PHA_TD_Forecast') {'Signal': '_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0474, 'RMSE': 92.2332, 'MAE': 76.8305, 'SMAPE': 0.0463, 'DiffSMAPE': 0.0463, 'MASE': 0.8135, 'RMSSE': 0.784, 'ErrorMean': 31.1069, 'ErrorStdDev': 86.8293, 'R2': 0.9614, 'Pearson': 0.9831, 'MedAE': 73.6868, 'LnQ': 0.1873, 'KS': 0.1356, 'KendallTau': 0.7877, 'MannWhitneyU': 1631.0, 'AUC': 0.4685} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_male_AHP_TD_Forecast') {'Signal': '_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0444, 'RMSE': 111.2858, 'MAE': 94.785, 'SMAPE': 0.0434, 'DiffSMAPE': 0.0434, 'MASE': 0.8637, 'RMSSE': 0.826, 'ErrorMean': 42.148, 'ErrorStdDev': 102.9955, 'R2': 0.9668, 'Pearson': 0.9857, 'MedAE': 93.2424, 'LnQ': 0.1583, 'KS': 0.1017, 'KendallTau': 0.7877, 'MannWhitneyU': 1614.0, 'AUC': 0.4637} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_male_BU_Forecast') {'Signal': '_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0357, 'RMSE': 88.1692, 'MAE': 74.2292, 'SMAPE': 0.0351, 'DiffSMAPE': 0.0351, 'MASE': 0.6764, 'RMSSE': 0.6544, 'ErrorMean': 23.281, 'ErrorStdDev': 85.04, 'R2': 0.9791, 'Pearson': 0.9914, 'MedAE': 71.041, 'LnQ': 0.1135, 'KS': 0.1017, 'KendallTau': 0.8345, 'MannWhitneyU': 1660.0, 'AUC': 0.4769} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_male_Forecast') {'Signal': '_male', 'Length': 59, 'MAPE': 0.0424, 'RMSE': 115.9321, 'MAE': 95.7528, 'SMAPE': 0.043, 'DiffSMAPE': 0.043, 'MASE': 0.8725, 'RMSSE': 0.8604, 'ErrorMean': -28.0074, 'ErrorStdDev': 112.4982, 'R2': 0.9639, 'Pearson': 0.9829, 'MedAE': 98.427, 'LnQ': 0.1645, 'KS': 0.1356, 'KendallTau': 0.7515, 'MannWhitneyU': 1831.0, 'AUC': 0.526} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_male_MO_Forecast') {'Signal': '_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0424, 'RMSE': 115.9321, 'MAE': 95.7528, 'SMAPE': 0.043, 'DiffSMAPE': 0.043, 'MASE': 0.8725, 'RMSSE': 0.8604, 'ErrorMean': -28.0074, 'ErrorStdDev': 112.4982, 'R2': 0.9639, 'Pearson': 0.9829, 'MedAE': 98.427, 'LnQ': 0.1645, 'KS': 0.1356, 'KendallTau': 0.7515, 'MannWhitneyU': 1831.0, 'AUC': 0.526} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_male_OC_Forecast') {'Signal': '_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0421, 'RMSE': 109.5337, 'MAE': 93.5306, 'SMAPE': 0.042, 'DiffSMAPE': 0.042, 'MASE': 0.8523, 'RMSSE': 0.813, 'ErrorMean': 6.9704, 'ErrorStdDev': 109.3117, 'R2': 0.9678, 'Pearson': 0.9839, 'MedAE': 88.2801, 'LnQ': 0.1438, 'KS': 0.0847, 'KendallTau': 0.7632, 'MannWhitneyU': 1726.0, 'AUC': 0.4958} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_male_PHA_TD_Forecast') {'Signal': '_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0442, 'RMSE': 110.9141, 'MAE': 94.5313, 'SMAPE': 0.0433, 'DiffSMAPE': 0.0433, 'MASE': 0.8614, 'RMSSE': 0.8232, 'ErrorMean': 41.108, 'ErrorStdDev': 103.0149, 'R2': 0.967, 'Pearson': 0.9857, 'MedAE': 94.5448, 'LnQ': 0.1571, 'KS': 0.1017, 'KendallTau': 0.7877, 'MannWhitneyU': 1618.0, 'AUC': 0.4648} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_male_AHP_TD_Forecast') {'Signal': '_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0444, 'RMSE': 111.2858, 'MAE': 94.785, 'SMAPE': 0.0434, 'DiffSMAPE': 0.0434, 'MASE': 0.8637, 'RMSSE': 0.826, 'ErrorMean': 42.148, 'ErrorStdDev': 102.9955, 'R2': 0.9668, 'Pearson': 0.9857, 'MedAE': 93.2424, 'LnQ': 0.1583, 'KS': 0.1017, 'KendallTau': 0.7877, 'MannWhitneyU': 1614.0, 'AUC': 0.4637} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_male_BU_Forecast') {'Signal': '_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0357, 'RMSE': 88.1692, 'MAE': 74.2292, 'SMAPE': 0.0351, 'DiffSMAPE': 0.0351, 'MASE': 0.6764, 'RMSSE': 0.6544, 'ErrorMean': 23.281, 'ErrorStdDev': 85.04, 'R2': 0.9791, 'Pearson': 0.9914, 'MedAE': 71.041, 'LnQ': 0.1135, 'KS': 0.1017, 'KendallTau': 0.8345, 'MannWhitneyU': 1660.0, 'AUC': 0.4769} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_male_Forecast') {'Signal': '_male', 'Length': 59, 'MAPE': 0.0424, 'RMSE': 115.9321, 'MAE': 95.7528, 'SMAPE': 0.043, 'DiffSMAPE': 0.043, 'MASE': 0.8725, 'RMSSE': 0.8604, 'ErrorMean': -28.0074, 'ErrorStdDev': 112.4982, 'R2': 0.9639, 'Pearson': 0.9829, 'MedAE': 98.427, 'LnQ': 0.1645, 'KS': 0.1356, 'KendallTau': 0.7515, 'MannWhitneyU': 1831.0, 'AUC': 0.526} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_male_MO_Forecast') {'Signal': '_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0424, 'RMSE': 115.9321, 'MAE': 95.7528, 'SMAPE': 0.043, 'DiffSMAPE': 0.043, 'MASE': 0.8725, 'RMSSE': 0.8604, 'ErrorMean': -28.0074, 'ErrorStdDev': 112.4982, 'R2': 0.9639, 'Pearson': 0.9829, 'MedAE': 98.427, 'LnQ': 0.1645, 'KS': 0.1356, 'KendallTau': 0.7515, 'MannWhitneyU': 1831.0, 'AUC': 0.526} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_male_OC_Forecast') {'Signal': '_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0421, 'RMSE': 109.5337, 'MAE': 93.5306, 'SMAPE': 0.042, 'DiffSMAPE': 0.042, 'MASE': 0.8523, 'RMSSE': 0.813, 'ErrorMean': 6.9704, 'ErrorStdDev': 109.3117, 'R2': 0.9678, 'Pearson': 0.9839, 'MedAE': 88.2801, 'LnQ': 0.1438, 'KS': 0.0847, 'KendallTau': 0.7632, 'MannWhitneyU': 1726.0, 'AUC': 0.4958} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_male_PHA_TD_Forecast') {'Signal': '_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0442, 'RMSE': 110.9141, 'MAE': 94.5313, 'SMAPE': 0.0433, 'DiffSMAPE': 0.0433, 'MASE': 0.8614, 'RMSSE': 0.8232, 'ErrorMean': 41.108, 'ErrorStdDev': 103.0149, 'R2': 0.967, 'Pearson': 0.9857, 'MedAE': 94.5448, 'LnQ': 0.1571, 'KS': 0.1017, 'KendallTau': 0.7877, 'MannWhitneyU': 1618.0, 'AUC': 0.4648} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_male_AHP_TD_Forecast') {'Signal': '_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0444, 'RMSE': 111.2858, 'MAE': 94.785, 'SMAPE': 0.0434, 'DiffSMAPE': 0.0434, 'MASE': 0.8637, 'RMSSE': 0.826, 'ErrorMean': 42.148, 'ErrorStdDev': 102.9955, 'R2': 0.9668, 'Pearson': 0.9857, 'MedAE': 93.2424, 'LnQ': 0.1583, 'KS': 0.1017, 'KendallTau': 0.7877, 'MannWhitneyU': 1614.0, 'AUC': 0.4637} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_male_BU_Forecast') {'Signal': '_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0357, 'RMSE': 88.1692, 'MAE': 74.2292, 'SMAPE': 0.0351, 'DiffSMAPE': 0.0351, 'MASE': 0.6764, 'RMSSE': 0.6544, 'ErrorMean': 23.281, 'ErrorStdDev': 85.04, 'R2': 0.9791, 'Pearson': 0.9914, 'MedAE': 71.041, 'LnQ': 0.1135, 'KS': 0.1017, 'KendallTau': 0.8345, 'MannWhitneyU': 1660.0, 'AUC': 0.4769} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_male_Forecast') {'Signal': '_male', 'Length': 59, 'MAPE': 0.0424, 'RMSE': 115.9321, 'MAE': 95.7528, 'SMAPE': 0.043, 'DiffSMAPE': 0.043, 'MASE': 0.8725, 'RMSSE': 0.8604, 'ErrorMean': -28.0074, 'ErrorStdDev': 112.4982, 'R2': 0.9639, 'Pearson': 0.9829, 'MedAE': 98.427, 'LnQ': 0.1645, 'KS': 0.1356, 'KendallTau': 0.7515, 'MannWhitneyU': 1831.0, 'AUC': 0.526} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_male_MO_Forecast') {'Signal': '_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0424, 'RMSE': 115.9321, 'MAE': 95.7528, 'SMAPE': 0.043, 'DiffSMAPE': 0.043, 'MASE': 0.8725, 'RMSSE': 0.8604, 'ErrorMean': -28.0074, 'ErrorStdDev': 112.4982, 'R2': 0.9639, 'Pearson': 0.9829, 'MedAE': 98.427, 'LnQ': 0.1645, 'KS': 0.1356, 'KendallTau': 0.7515, 'MannWhitneyU': 1831.0, 'AUC': 0.526} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_male_OC_Forecast') {'Signal': '_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0421, 'RMSE': 109.5337, 'MAE': 93.5306, 'SMAPE': 0.042, 'DiffSMAPE': 0.042, 'MASE': 0.8523, 'RMSSE': 0.813, 'ErrorMean': 6.9704, 'ErrorStdDev': 109.3117, 'R2': 0.9678, 'Pearson': 0.9839, 'MedAE': 88.2801, 'LnQ': 0.1438, 'KS': 0.0847, 'KendallTau': 0.7632, 'MannWhitneyU': 1726.0, 'AUC': 0.4958} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_male_PHA_TD_Forecast') {'Signal': '_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0442, 'RMSE': 110.9141, 'MAE': 94.5313, 'SMAPE': 0.0433, 'DiffSMAPE': 0.0433, 'MASE': 0.8614, 'RMSSE': 0.8232, 'ErrorMean': 41.108, 'ErrorStdDev': 103.0149, 'R2': 0.967, 'Pearson': 0.9857, 'MedAE': 94.5448, 'LnQ': 0.1571, 'KS': 0.1017, 'KendallTau': 0.7877, 'MannWhitneyU': 1618.0, 'AUC': 0.4648} INFO:pyaf.hierarchical:STRUCTURE_LEVEL (2, ['_']) -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__AHP_TD_Forecast') {'Signal': '__AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0385, 'RMSE': 173.2848, 'MAE': 142.0458, 'SMAPE': 0.0378, 'DiffSMAPE': 0.0378, 'MASE': 0.7281, 'RMSSE': 0.7241, 'ErrorMean': 63.022, 'ErrorStdDev': 161.4182, 'R2': 0.9742, 'Pearson': 0.9888, 'MedAE': 131.242, 'LnQ': 0.1299, 'KS': 0.1695, 'KendallTau': 0.8083, 'MannWhitneyU': 1612.0, 'AUC': 0.4631} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__BU_Forecast') {'Signal': '__BU_Forecast', 'Length': 59, 'MAPE': 0.0353, 'RMSE': 154.606, 'MAE': 132.949, 'SMAPE': 0.0347, 'DiffSMAPE': 0.0347, 'MASE': 0.6815, 'RMSSE': 0.646, 'ErrorMean': 70.6776, 'ErrorStdDev': 137.5052, 'R2': 0.9794, 'Pearson': 0.9919, 'MedAE': 142.2967, 'LnQ': 0.0988, 'KS': 0.1864, 'KendallTau': 0.8328, 'MannWhitneyU': 1586.0, 'AUC': 0.4556} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__Forecast') {'Signal': '_', 'Length': 59, 'MAPE': 0.0385, 'RMSE': 173.2848, 'MAE': 142.0458, 'SMAPE': 0.0378, 'DiffSMAPE': 0.0378, 'MASE': 0.7281, 'RMSSE': 0.7241, 'ErrorMean': 63.022, 'ErrorStdDev': 161.4182, 'R2': 0.9742, 'Pearson': 0.9888, 'MedAE': 131.242, 'LnQ': 0.1299, 'KS': 0.1695, 'KendallTau': 0.8083, 'MannWhitneyU': 1612.0, 'AUC': 0.4631} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__MO_Forecast') {'Signal': '__MO_Forecast', 'Length': 59, 'MAPE': 0.0395, 'RMSE': 171.9317, 'MAE': 143.0883, 'SMAPE': 0.0387, 'DiffSMAPE': 0.0387, 'MASE': 0.7335, 'RMSSE': 0.7184, 'ErrorMean': 63.0161, 'ErrorStdDev': 159.9672, 'R2': 0.9746, 'Pearson': 0.9891, 'MedAE': 149.6724, 'LnQ': 0.1339, 'KS': 0.1864, 'KendallTau': 0.8025, 'MannWhitneyU': 1610.0, 'AUC': 0.4625} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__OC_Forecast') {'Signal': '__OC_Forecast', 'Length': 59, 'MAPE': 0.0385, 'RMSE': 169.9272, 'MAE': 141.0862, 'SMAPE': 0.0378, 'DiffSMAPE': 0.0378, 'MASE': 0.7232, 'RMSSE': 0.7101, 'ErrorMean': 63.649, 'ErrorStdDev': 157.5565, 'R2': 0.9752, 'Pearson': 0.9894, 'MedAE': 131.8273, 'LnQ': 0.1265, 'KS': 0.1864, 'KendallTau': 0.8106, 'MannWhitneyU': 1598.0, 'AUC': 0.4591} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__PHA_TD_Forecast') {'Signal': '__PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0385, 'RMSE': 173.2848, 'MAE': 142.0458, 'SMAPE': 0.0378, 'DiffSMAPE': 0.0378, 'MASE': 0.7281, 'RMSSE': 0.7241, 'ErrorMean': 63.022, 'ErrorStdDev': 161.4182, 'R2': 0.9742, 'Pearson': 0.9888, 'MedAE': 131.242, 'LnQ': 0.1299, 'KS': 0.1695, 'KendallTau': 0.8083, 'MannWhitneyU': 1612.0, 'AUC': 0.4631} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__AHP_TD_Forecast') {'Signal': '__AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0385, 'RMSE': 173.2848, 'MAE': 142.0458, 'SMAPE': 0.0378, 'DiffSMAPE': 0.0378, 'MASE': 0.7281, 'RMSSE': 0.7241, 'ErrorMean': 63.022, 'ErrorStdDev': 161.4182, 'R2': 0.9742, 'Pearson': 0.9888, 'MedAE': 131.242, 'LnQ': 0.1299, 'KS': 0.1695, 'KendallTau': 0.8083, 'MannWhitneyU': 1612.0, 'AUC': 0.4631} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__BU_Forecast') {'Signal': '__BU_Forecast', 'Length': 59, 'MAPE': 0.0353, 'RMSE': 154.606, 'MAE': 132.949, 'SMAPE': 0.0347, 'DiffSMAPE': 0.0347, 'MASE': 0.6815, 'RMSSE': 0.646, 'ErrorMean': 70.6776, 'ErrorStdDev': 137.5052, 'R2': 0.9794, 'Pearson': 0.9919, 'MedAE': 142.2967, 'LnQ': 0.0988, 'KS': 0.1864, 'KendallTau': 0.8328, 'MannWhitneyU': 1586.0, 'AUC': 0.4556} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__Forecast') {'Signal': '_', 'Length': 59, 'MAPE': 0.0385, 'RMSE': 173.2848, 'MAE': 142.0458, 'SMAPE': 0.0378, 'DiffSMAPE': 0.0378, 'MASE': 0.7281, 'RMSSE': 0.7241, 'ErrorMean': 63.022, 'ErrorStdDev': 161.4182, 'R2': 0.9742, 'Pearson': 0.9888, 'MedAE': 131.242, 'LnQ': 0.1299, 'KS': 0.1695, 'KendallTau': 0.8083, 'MannWhitneyU': 1612.0, 'AUC': 0.4631} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__MO_Forecast') {'Signal': '__MO_Forecast', 'Length': 59, 'MAPE': 0.0395, 'RMSE': 171.9317, 'MAE': 143.0883, 'SMAPE': 0.0387, 'DiffSMAPE': 0.0387, 'MASE': 0.7335, 'RMSSE': 0.7184, 'ErrorMean': 63.0161, 'ErrorStdDev': 159.9672, 'R2': 0.9746, 'Pearson': 0.9891, 'MedAE': 149.6724, 'LnQ': 0.1339, 'KS': 0.1864, 'KendallTau': 0.8025, 'MannWhitneyU': 1610.0, 'AUC': 0.4625} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__OC_Forecast') {'Signal': '__OC_Forecast', 'Length': 59, 'MAPE': 0.0385, 'RMSE': 169.9272, 'MAE': 141.0862, 'SMAPE': 0.0378, 'DiffSMAPE': 0.0378, 'MASE': 0.7232, 'RMSSE': 0.7101, 'ErrorMean': 63.649, 'ErrorStdDev': 157.5565, 'R2': 0.9752, 'Pearson': 0.9894, 'MedAE': 131.8273, 'LnQ': 0.1265, 'KS': 0.1864, 'KendallTau': 0.8106, 'MannWhitneyU': 1598.0, 'AUC': 0.4591} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__PHA_TD_Forecast') {'Signal': '__PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0385, 'RMSE': 173.2848, 'MAE': 142.0458, 'SMAPE': 0.0378, 'DiffSMAPE': 0.0378, 'MASE': 0.7281, 'RMSSE': 0.7241, 'ErrorMean': 63.022, 'ErrorStdDev': 161.4182, 'R2': 0.9742, 'Pearson': 0.9888, 'MedAE': 131.242, 'LnQ': 0.1299, 'KS': 0.1695, 'KendallTau': 0.8083, 'MannWhitneyU': 1612.0, 'AUC': 0.4631} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__AHP_TD_Forecast') {'Signal': '__AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0385, 'RMSE': 173.2848, 'MAE': 142.0458, 'SMAPE': 0.0378, 'DiffSMAPE': 0.0378, 'MASE': 0.7281, 'RMSSE': 0.7241, 'ErrorMean': 63.022, 'ErrorStdDev': 161.4182, 'R2': 0.9742, 'Pearson': 0.9888, 'MedAE': 131.242, 'LnQ': 0.1299, 'KS': 0.1695, 'KendallTau': 0.8083, 'MannWhitneyU': 1612.0, 'AUC': 0.4631} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__BU_Forecast') {'Signal': '__BU_Forecast', 'Length': 59, 'MAPE': 0.0353, 'RMSE': 154.606, 'MAE': 132.949, 'SMAPE': 0.0347, 'DiffSMAPE': 0.0347, 'MASE': 0.6815, 'RMSSE': 0.646, 'ErrorMean': 70.6776, 'ErrorStdDev': 137.5052, 'R2': 0.9794, 'Pearson': 0.9919, 'MedAE': 142.2967, 'LnQ': 0.0988, 'KS': 0.1864, 'KendallTau': 0.8328, 'MannWhitneyU': 1586.0, 'AUC': 0.4556} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__Forecast') {'Signal': '_', 'Length': 59, 'MAPE': 0.0385, 'RMSE': 173.2848, 'MAE': 142.0458, 'SMAPE': 0.0378, 'DiffSMAPE': 0.0378, 'MASE': 0.7281, 'RMSSE': 0.7241, 'ErrorMean': 63.022, 'ErrorStdDev': 161.4182, 'R2': 0.9742, 'Pearson': 0.9888, 'MedAE': 131.242, 'LnQ': 0.1299, 'KS': 0.1695, 'KendallTau': 0.8083, 'MannWhitneyU': 1612.0, 'AUC': 0.4631} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__MO_Forecast') {'Signal': '__MO_Forecast', 'Length': 59, 'MAPE': 0.0395, 'RMSE': 171.9317, 'MAE': 143.0883, 'SMAPE': 0.0387, 'DiffSMAPE': 0.0387, 'MASE': 0.7335, 'RMSSE': 0.7184, 'ErrorMean': 63.0161, 'ErrorStdDev': 159.9672, 'R2': 0.9746, 'Pearson': 0.9891, 'MedAE': 149.6724, 'LnQ': 0.1339, 'KS': 0.1864, 'KendallTau': 0.8025, 'MannWhitneyU': 1610.0, 'AUC': 0.4625} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__OC_Forecast') {'Signal': '__OC_Forecast', 'Length': 59, 'MAPE': 0.0385, 'RMSE': 169.9272, 'MAE': 141.0862, 'SMAPE': 0.0378, 'DiffSMAPE': 0.0378, 'MASE': 0.7232, 'RMSSE': 0.7101, 'ErrorMean': 63.649, 'ErrorStdDev': 157.5565, 'R2': 0.9752, 'Pearson': 0.9894, 'MedAE': 131.8273, 'LnQ': 0.1265, 'KS': 0.1864, 'KendallTau': 0.8106, 'MannWhitneyU': 1598.0, 'AUC': 0.4591} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__PHA_TD_Forecast') {'Signal': '__PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0385, 'RMSE': 173.2848, 'MAE': 142.0458, 'SMAPE': 0.0378, 'DiffSMAPE': 0.0378, 'MASE': 0.7281, 'RMSSE': 0.7241, 'ErrorMean': 63.022, 'ErrorStdDev': 161.4182, 'R2': 0.9742, 'Pearson': 0.9888, 'MedAE': 131.242, 'LnQ': 0.1299, 'KS': 0.1695, 'KendallTau': 0.8083, 'MannWhitneyU': 1612.0, 'AUC': 0.4631} -INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 273.991 +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__AHP_TD_Forecast') {'Signal': '__AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0438, 'RMSE': 194.6745, 'MAE': 163.8734, 'SMAPE': 0.0429, 'DiffSMAPE': 0.0429, 'MASE': 0.84, 'RMSSE': 0.8135, 'ErrorMean': 72.2149, 'ErrorStdDev': 180.7848, 'R2': 0.9674, 'Pearson': 0.986, 'MedAE': 161.9079, 'LnQ': 0.1578, 'KS': 0.1017, 'KendallTau': 0.806, 'MannWhitneyU': 1630.0, 'AUC': 0.4683} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__BU_Forecast') {'Signal': '__BU_Forecast', 'Length': 59, 'MAPE': 0.0334, 'RMSE': 155.2129, 'MAE': 130.0217, 'SMAPE': 0.033, 'DiffSMAPE': 0.033, 'MASE': 0.6665, 'RMSSE': 0.6486, 'ErrorMean': 26.6976, 'ErrorStdDev': 152.8996, 'R2': 0.9793, 'Pearson': 0.9902, 'MedAE': 112.999, 'LnQ': 0.0932, 'KS': 0.0847, 'KendallTau': 0.8153, 'MannWhitneyU': 1712.0, 'AUC': 0.4918} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__Forecast') {'Signal': '_', 'Length': 59, 'MAPE': 0.0438, 'RMSE': 194.6745, 'MAE': 163.8734, 'SMAPE': 0.0429, 'DiffSMAPE': 0.0429, 'MASE': 0.84, 'RMSSE': 0.8135, 'ErrorMean': 72.2149, 'ErrorStdDev': 180.7848, 'R2': 0.9674, 'Pearson': 0.986, 'MedAE': 161.9079, 'LnQ': 0.1578, 'KS': 0.1017, 'KendallTau': 0.806, 'MannWhitneyU': 1630.0, 'AUC': 0.4683} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__MO_Forecast') {'Signal': '__MO_Forecast', 'Length': 59, 'MAPE': 0.0406, 'RMSE': 185.0071, 'MAE': 160.1534, 'SMAPE': 0.0408, 'DiffSMAPE': 0.0408, 'MASE': 0.8209, 'RMSSE': 0.7731, 'ErrorMean': -24.5907, 'ErrorStdDev': 183.3655, 'R2': 0.9706, 'Pearson': 0.9855, 'MedAE': 155.3062, 'LnQ': 0.1341, 'KS': 0.1356, 'KendallTau': 0.7966, 'MannWhitneyU': 1820.0, 'AUC': 0.5228} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__OC_Forecast') {'Signal': '__OC_Forecast', 'Length': 59, 'MAPE': 0.0398, 'RMSE': 179.8485, 'MAE': 153.5342, 'SMAPE': 0.0393, 'DiffSMAPE': 0.0393, 'MASE': 0.787, 'RMSSE': 0.7515, 'ErrorMean': 39.2759, 'ErrorStdDev': 175.5075, 'R2': 0.9722, 'Pearson': 0.9867, 'MedAE': 154.3042, 'LnQ': 0.1264, 'KS': 0.0847, 'KendallTau': 0.7954, 'MannWhitneyU': 1690.0, 'AUC': 0.4855} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__PHA_TD_Forecast') {'Signal': '__PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0438, 'RMSE': 194.6745, 'MAE': 163.8734, 'SMAPE': 0.0429, 'DiffSMAPE': 0.0429, 'MASE': 0.84, 'RMSSE': 0.8135, 'ErrorMean': 72.2149, 'ErrorStdDev': 180.7848, 'R2': 0.9674, 'Pearson': 0.986, 'MedAE': 161.9079, 'LnQ': 0.1578, 'KS': 0.1017, 'KendallTau': 0.806, 'MannWhitneyU': 1630.0, 'AUC': 0.4683} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__AHP_TD_Forecast') {'Signal': '__AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0438, 'RMSE': 194.6745, 'MAE': 163.8734, 'SMAPE': 0.0429, 'DiffSMAPE': 0.0429, 'MASE': 0.84, 'RMSSE': 0.8135, 'ErrorMean': 72.2149, 'ErrorStdDev': 180.7848, 'R2': 0.9674, 'Pearson': 0.986, 'MedAE': 161.9079, 'LnQ': 0.1578, 'KS': 0.1017, 'KendallTau': 0.806, 'MannWhitneyU': 1630.0, 'AUC': 0.4683} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__BU_Forecast') {'Signal': '__BU_Forecast', 'Length': 59, 'MAPE': 0.0334, 'RMSE': 155.2129, 'MAE': 130.0217, 'SMAPE': 0.033, 'DiffSMAPE': 0.033, 'MASE': 0.6665, 'RMSSE': 0.6486, 'ErrorMean': 26.6976, 'ErrorStdDev': 152.8996, 'R2': 0.9793, 'Pearson': 0.9902, 'MedAE': 112.999, 'LnQ': 0.0932, 'KS': 0.0847, 'KendallTau': 0.8153, 'MannWhitneyU': 1712.0, 'AUC': 0.4918} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__Forecast') {'Signal': '_', 'Length': 59, 'MAPE': 0.0438, 'RMSE': 194.6745, 'MAE': 163.8734, 'SMAPE': 0.0429, 'DiffSMAPE': 0.0429, 'MASE': 0.84, 'RMSSE': 0.8135, 'ErrorMean': 72.2149, 'ErrorStdDev': 180.7848, 'R2': 0.9674, 'Pearson': 0.986, 'MedAE': 161.9079, 'LnQ': 0.1578, 'KS': 0.1017, 'KendallTau': 0.806, 'MannWhitneyU': 1630.0, 'AUC': 0.4683} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__MO_Forecast') {'Signal': '__MO_Forecast', 'Length': 59, 'MAPE': 0.0406, 'RMSE': 185.0071, 'MAE': 160.1534, 'SMAPE': 0.0408, 'DiffSMAPE': 0.0408, 'MASE': 0.8209, 'RMSSE': 0.7731, 'ErrorMean': -24.5907, 'ErrorStdDev': 183.3655, 'R2': 0.9706, 'Pearson': 0.9855, 'MedAE': 155.3062, 'LnQ': 0.1341, 'KS': 0.1356, 'KendallTau': 0.7966, 'MannWhitneyU': 1820.0, 'AUC': 0.5228} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__OC_Forecast') {'Signal': '__OC_Forecast', 'Length': 59, 'MAPE': 0.0398, 'RMSE': 179.8485, 'MAE': 153.5342, 'SMAPE': 0.0393, 'DiffSMAPE': 0.0393, 'MASE': 0.787, 'RMSSE': 0.7515, 'ErrorMean': 39.2759, 'ErrorStdDev': 175.5075, 'R2': 0.9722, 'Pearson': 0.9867, 'MedAE': 154.3042, 'LnQ': 0.1264, 'KS': 0.0847, 'KendallTau': 0.7954, 'MannWhitneyU': 1690.0, 'AUC': 0.4855} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__PHA_TD_Forecast') {'Signal': '__PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0438, 'RMSE': 194.6745, 'MAE': 163.8734, 'SMAPE': 0.0429, 'DiffSMAPE': 0.0429, 'MASE': 0.84, 'RMSSE': 0.8135, 'ErrorMean': 72.2149, 'ErrorStdDev': 180.7848, 'R2': 0.9674, 'Pearson': 0.986, 'MedAE': 161.9079, 'LnQ': 0.1578, 'KS': 0.1017, 'KendallTau': 0.806, 'MannWhitneyU': 1630.0, 'AUC': 0.4683} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__AHP_TD_Forecast') {'Signal': '__AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0438, 'RMSE': 194.6745, 'MAE': 163.8734, 'SMAPE': 0.0429, 'DiffSMAPE': 0.0429, 'MASE': 0.84, 'RMSSE': 0.8135, 'ErrorMean': 72.2149, 'ErrorStdDev': 180.7848, 'R2': 0.9674, 'Pearson': 0.986, 'MedAE': 161.9079, 'LnQ': 0.1578, 'KS': 0.1017, 'KendallTau': 0.806, 'MannWhitneyU': 1630.0, 'AUC': 0.4683} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__BU_Forecast') {'Signal': '__BU_Forecast', 'Length': 59, 'MAPE': 0.0334, 'RMSE': 155.2129, 'MAE': 130.0217, 'SMAPE': 0.033, 'DiffSMAPE': 0.033, 'MASE': 0.6665, 'RMSSE': 0.6486, 'ErrorMean': 26.6976, 'ErrorStdDev': 152.8996, 'R2': 0.9793, 'Pearson': 0.9902, 'MedAE': 112.999, 'LnQ': 0.0932, 'KS': 0.0847, 'KendallTau': 0.8153, 'MannWhitneyU': 1712.0, 'AUC': 0.4918} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__Forecast') {'Signal': '_', 'Length': 59, 'MAPE': 0.0438, 'RMSE': 194.6745, 'MAE': 163.8734, 'SMAPE': 0.0429, 'DiffSMAPE': 0.0429, 'MASE': 0.84, 'RMSSE': 0.8135, 'ErrorMean': 72.2149, 'ErrorStdDev': 180.7848, 'R2': 0.9674, 'Pearson': 0.986, 'MedAE': 161.9079, 'LnQ': 0.1578, 'KS': 0.1017, 'KendallTau': 0.806, 'MannWhitneyU': 1630.0, 'AUC': 0.4683} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__MO_Forecast') {'Signal': '__MO_Forecast', 'Length': 59, 'MAPE': 0.0406, 'RMSE': 185.0071, 'MAE': 160.1534, 'SMAPE': 0.0408, 'DiffSMAPE': 0.0408, 'MASE': 0.8209, 'RMSSE': 0.7731, 'ErrorMean': -24.5907, 'ErrorStdDev': 183.3655, 'R2': 0.9706, 'Pearson': 0.9855, 'MedAE': 155.3062, 'LnQ': 0.1341, 'KS': 0.1356, 'KendallTau': 0.7966, 'MannWhitneyU': 1820.0, 'AUC': 0.5228} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__OC_Forecast') {'Signal': '__OC_Forecast', 'Length': 59, 'MAPE': 0.0398, 'RMSE': 179.8485, 'MAE': 153.5342, 'SMAPE': 0.0393, 'DiffSMAPE': 0.0393, 'MASE': 0.787, 'RMSSE': 0.7515, 'ErrorMean': 39.2759, 'ErrorStdDev': 175.5075, 'R2': 0.9722, 'Pearson': 0.9867, 'MedAE': 154.3042, 'LnQ': 0.1264, 'KS': 0.0847, 'KendallTau': 0.7954, 'MannWhitneyU': 1690.0, 'AUC': 0.4855} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__PHA_TD_Forecast') {'Signal': '__PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0438, 'RMSE': 194.6745, 'MAE': 163.8734, 'SMAPE': 0.0429, 'DiffSMAPE': 0.0429, 'MASE': 0.84, 'RMSSE': 0.8135, 'ErrorMean': 72.2149, 'ErrorStdDev': 180.7848, 'R2': 0.9674, 'Pearson': 0.986, 'MedAE': 161.9079, 'LnQ': 0.1578, 'KS': 0.1017, 'KendallTau': 0.806, 'MannWhitneyU': 1630.0, 'AUC': 0.4683} +INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 31.858 INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='ACT_female' Length=59 Min=0 Max=36 Mean=12.40678 StdDev=9.085505 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_ACT_female' Min=0.0 Max=1.0 Mean=0.344633 StdDev=0.252375 @@ -383,12 +383,12 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_ACT_female_PolyTrend_residue_Cycle_5_residue INFO:pyaf.std:TREND_DETAIL '_ACT_female_PolyTrend' [PolyTrend] INFO:pyaf.std:CYCLE_DETAIL '_ACT_female_PolyTrend_residue_Cycle_5' [Cycle_5] INFO:pyaf.std:AUTOREG_DETAIL '_ACT_female_PolyTrend_residue_Cycle_5_residue_XGBX(14)' [XGBX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 1063268301.5015, 'RMSE': 2.463, 'MAE': 1.8928, 'MASE': 0.4481} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 1063268301.5015, 'RMSE': 2.463, 'MAE': 1.8928, 'MASE': 0.4481} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 1063268301.5015, 'RMSE': 2.463, 'MAE': 1.8928, 'MASE': 0.4481} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 1749893704.268, 'RMSE': 4.1995, 'MAE': 3.2706, 'MASE': 0.7743} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 1749893704.268, 'RMSE': 4.1995, 'MAE': 3.2706, 'MASE': 0.7743} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 1749893704.268, 'RMSE': 4.1995, 'MAE': 3.2706, 'MASE': 0.7743} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 727985315.6517, 'RMSE': 2.1099, 'MAE': 1.641, 'MASE': 0.3885} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 727985315.6517, 'RMSE': 2.1099, 'MAE': 1.641, 'MASE': 0.3885} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 727985315.6517, 'RMSE': 2.1099, 'MAE': 1.641, 'MASE': 0.3885} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 1135629355.4199, 'RMSE': 3.5408, 'MAE': 2.7141, 'MASE': 0.6425} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 1135629355.4199, 'RMSE': 3.5408, 'MAE': 2.7141, 'MASE': 0.6425} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 1135629355.4199, 'RMSE': 3.5408, 'MAE': 2.7141, 'MASE': 0.6425} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'M', 'Cycle': 'S', 'AR': 'L'} [LMSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None @@ -412,25 +412,25 @@ INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_ACT_male' Mi INFO:pyaf.std:EXOGENOUS_DATA ['Index_ex1', 'Index_ex2'] INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '_ACT_male_ConstantTrend_residue_Cycle_None_residue_XGBX(14)' [ConstantTrend + Cycle_None + XGBX] -INFO:pyaf.std:TREND_DETAIL '_ACT_male_ConstantTrend' [ConstantTrend] -INFO:pyaf.std:CYCLE_DETAIL '_ACT_male_ConstantTrend_residue_Cycle_None' [Cycle_None] -INFO:pyaf.std:AUTOREG_DETAIL '_ACT_male_ConstantTrend_residue_Cycle_None_residue_XGBX(14)' [XGBX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.4863, 'RMSE': 3.8473, 'MAE': 2.9141, 'MASE': 0.571} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.4863, 'RMSE': 3.8473, 'MAE': 2.9141, 'MASE': 0.571} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.4863, 'RMSE': 3.8473, 'MAE': 2.9141, 'MASE': 0.571} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.5493, 'RMSE': 5.1332, 'MAE': 3.6759, 'MASE': 0.7203} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.5493, 'RMSE': 5.1332, 'MAE': 3.6759, 'MASE': 0.7203} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.5493, 'RMSE': 5.1332, 'MAE': 3.6759, 'MASE': 0.7203} -INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] +INFO:pyaf.std:BEST_DECOMPOSITION '_ACT_male_PolyTrend_residue_Cycle_7_residue_XGBX(14)' [PolyTrend + Cycle_7 + XGBX] +INFO:pyaf.std:TREND_DETAIL '_ACT_male_PolyTrend' [PolyTrend] +INFO:pyaf.std:CYCLE_DETAIL '_ACT_male_PolyTrend_residue_Cycle_7' [Cycle_7] +INFO:pyaf.std:AUTOREG_DETAIL '_ACT_male_PolyTrend_residue_Cycle_7_residue_XGBX(14)' [XGBX] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.3046, 'RMSE': 3.0089, 'MAE': 2.272, 'MASE': 0.4452} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.3046, 'RMSE': 3.0089, 'MAE': 2.272, 'MASE': 0.4452} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.3046, 'RMSE': 3.0089, 'MAE': 2.272, 'MASE': 0.4452} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.6605, 'RMSE': 5.9779, 'MAE': 4.664, 'MASE': 0.9139} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.6605, 'RMSE': 5.9779, 'MAE': 4.664, 'MASE': 0.9139} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.6605, 'RMSE': 5.9779, 'MAE': 4.664, 'MASE': 0.9139} +INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'M', 'Cycle': 'S', 'AR': 'L'} [LMSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:CONSTANT_TREND _ACT_male_ConstantTrend 0.329069 +INFO:pyaf.std:POLYNOMIAL_RIDGE_TREND PolyTrend (0.112209, array([-1.551045, 6.750819, -5.022561])) INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _ACT_male_ConstantTrend_residue_Cycle_None None -0.008315 {} +INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _ACT_male_PolyTrend_residue_Cycle_7 7 0.002034 {0: -0.050905, 1: 0.005342, 2: 0.041291, 3: 0.058511, 4: -0.044691, 5: 0.001243, 6: 0.012081} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END @@ -445,63 +445,65 @@ INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_NSW_female' INFO:pyaf.std:EXOGENOUS_DATA ['Index_ex1', 'Index_ex2'] INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '_NSW_female_PolyTrend_residue_Cycle_7_residue_XGBX(14)' [PolyTrend + Cycle_7 + XGBX] -INFO:pyaf.std:TREND_DETAIL '_NSW_female_PolyTrend' [PolyTrend] -INFO:pyaf.std:CYCLE_DETAIL '_NSW_female_PolyTrend_residue_Cycle_7' [Cycle_7] -INFO:pyaf.std:AUTOREG_DETAIL '_NSW_female_PolyTrend_residue_Cycle_7_residue_XGBX(14)' [XGBX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0503, 'RMSE': 33.8949, 'MAE': 28.4337, 'MASE': 0.6462} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0503, 'RMSE': 33.8949, 'MAE': 28.4337, 'MASE': 0.6462} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0503, 'RMSE': 33.8949, 'MAE': 28.4337, 'MASE': 0.6462} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.0887, 'RMSE': 58.7634, 'MAE': 49.55, 'MASE': 1.1261} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.0887, 'RMSE': 58.7634, 'MAE': 49.55, 'MASE': 1.1261} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0887, 'RMSE': 58.7634, 'MAE': 49.55, 'MASE': 1.1261} -INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'M', 'Cycle': 'S', 'AR': 'L'} [LMSSS] +INFO:pyaf.std:BEST_DECOMPOSITION '_NSW_female_ConstantTrend_residue_Cycle_None_residue_XGBX(14)' [ConstantTrend + Cycle_None + XGBX] +INFO:pyaf.std:TREND_DETAIL '_NSW_female_ConstantTrend' [ConstantTrend] +INFO:pyaf.std:CYCLE_DETAIL '_NSW_female_ConstantTrend_residue_Cycle_None' [Cycle_None] +INFO:pyaf.std:AUTOREG_DETAIL '_NSW_female_ConstantTrend_residue_Cycle_None_residue_XGBX(14)' [XGBX] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0469, 'RMSE': 36.9372, 'MAE': 27.4812, 'MASE': 0.6246} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0469, 'RMSE': 36.9372, 'MAE': 27.4812, 'MASE': 0.6246} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0469, 'RMSE': 36.9372, 'MAE': 27.4812, 'MASE': 0.6246} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.0522, 'RMSE': 40.9873, 'MAE': 31.1885, 'MASE': 0.7088} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.0522, 'RMSE': 40.9873, 'MAE': 31.1885, 'MASE': 0.7088} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0522, 'RMSE': 40.9873, 'MAE': 31.1885, 'MASE': 0.7088} +INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:POLYNOMIAL_RIDGE_TREND PolyTrend (0.735679, array([ 0.900234, -2.908372, 1.234098])) +INFO:pyaf.std:CONSTANT_TREND _NSW_female_ConstantTrend 0.521825 INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _NSW_female_PolyTrend_residue_Cycle_7 7 -0.019977 {0: -0.000576, 1: 0.055553, 2: -0.028713, 3: 0.016967, 4: -0.04256, 5: -0.046305, 6: -0.027705} +INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _NSW_female_ConstantTrend_residue_Cycle_None None 0.112422 {} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 0 [] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 1 ['Index_ex1'] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Index_ex1' {'Mean': 3849734.0, 'StdDev': 67397.42058120623} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 0 [] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='NSW_male' Length=59 Min=349 Max=1264 Mean=881.830508 StdDev=269.81118 -INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_NSW_male' Min=0.0 Max=1.0 Mean=0.582328 StdDev=0.294876 +INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='RelDiff_NSW_male' Min=-0.21365 Max=0.199241 Mean=-0.014291 StdDev=0.082628 INFO:pyaf.std:EXOGENOUS_DATA ['Index_ex1', 'Index_ex2'] INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' -INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '_NSW_male_PolyTrend_residue_Cycle_7_residue_XGBX(14)' [PolyTrend + Cycle_7 + XGBX] -INFO:pyaf.std:TREND_DETAIL '_NSW_male_PolyTrend' [PolyTrend] -INFO:pyaf.std:CYCLE_DETAIL '_NSW_male_PolyTrend_residue_Cycle_7' [Cycle_7] -INFO:pyaf.std:AUTOREG_DETAIL '_NSW_male_PolyTrend_residue_Cycle_7_residue_XGBX(14)' [XGBX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0437, 'RMSE': 41.6012, 'MAE': 33.5488, 'MASE': 0.6056} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0437, 'RMSE': 41.6012, 'MAE': 33.5488, 'MASE': 0.6056} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0437, 'RMSE': 41.6012, 'MAE': 33.5488, 'MASE': 0.6056} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1017, 'RMSE': 94.5702, 'MAE': 70.1846, 'MASE': 1.2669} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1017, 'RMSE': 94.5702, 'MAE': 70.1846, 'MASE': 1.2669} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.1017, 'RMSE': 94.5702, 'MAE': 70.1846, 'MASE': 1.2669} -INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'M', 'Cycle': 'S', 'AR': 'L'} [LMSSS] +INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE 'RelDiff_' +INFO:pyaf.std:BEST_DECOMPOSITION 'RelDiff_NSW_male_ConstantTrend_residue_Cycle_7_residue_XGBX(14)' [ConstantTrend + Cycle_7 + XGBX] +INFO:pyaf.std:TREND_DETAIL 'RelDiff_NSW_male_ConstantTrend' [ConstantTrend] +INFO:pyaf.std:CYCLE_DETAIL 'RelDiff_NSW_male_ConstantTrend_residue_Cycle_7' [Cycle_7] +INFO:pyaf.std:AUTOREG_DETAIL 'RelDiff_NSW_male_ConstantTrend_residue_Cycle_7_residue_XGBX(14)' [XGBX] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0609, 'RMSE': 59.7182, 'MAE': 47.997, 'MASE': 0.8664} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0609, 'RMSE': 59.7182, 'MAE': 47.997, 'MASE': 0.8664} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0609, 'RMSE': 59.7182, 'MAE': 47.997, 'MASE': 0.8664} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.0609, 'RMSE': 59.7182, 'MAE': 47.997, 'MASE': 0.8664} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.0609, 'RMSE': 59.7182, 'MAE': 47.997, 'MASE': 0.8664} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0609, 'RMSE': 59.7182, 'MAE': 47.997, 'MASE': 0.8664} +INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'M', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LMSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START -INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None +INFO:pyaf.std:REALTIVE_DIFFERENCING_TRANSFORMATION RelativeDifference 0.7927215189873418 INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:POLYNOMIAL_RIDGE_TREND PolyTrend (0.764719, array([ 0.992202, -2.691017, 0.88965 ])) +INFO:pyaf.std:CONSTANT_TREND RelDiff_NSW_male_ConstantTrend -0.014291 INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _NSW_male_PolyTrend_residue_Cycle_7 7 -0.014647 {0: -0.010719, 1: 0.064871, 2: -0.054506, 3: 0.002196, 4: -0.057684, 5: -0.030963, 6: 0.003793} +INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES RelDiff_NSW_male_ConstantTrend_residue_Cycle_7 7 0.003853 {0: 0.007612, 1: 0.016701, 2: -0.087828, 3: 0.050254, 4: -0.047955, 5: 0.020041, 6: -0.005444} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 0 [] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 1 ['Index_ex1'] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Index_ex1' {'Mean': 3849734.0, 'StdDev': 67397.42058120623} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 0 [] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='NT_female' Length=59 Min=1 Max=82 Mean=18.305085 StdDev=17.728895 @@ -513,12 +515,12 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_NT_female_ConstantTrend_residue_Cycle_None_r INFO:pyaf.std:TREND_DETAIL '_NT_female_ConstantTrend' [ConstantTrend] INFO:pyaf.std:CYCLE_DETAIL '_NT_female_ConstantTrend_residue_Cycle_None' [Cycle_None] INFO:pyaf.std:AUTOREG_DETAIL '_NT_female_ConstantTrend_residue_Cycle_None_residue_XGBX(14)' [XGBX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.7895, 'RMSE': 6.711, 'MAE': 4.5368, 'MASE': 0.6371} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.7895, 'RMSE': 6.711, 'MAE': 4.5368, 'MASE': 0.6371} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.7895, 'RMSE': 6.711, 'MAE': 4.5368, 'MASE': 0.6371} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.9317, 'RMSE': 7.342, 'MAE': 5.3425, 'MASE': 0.7503} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.9317, 'RMSE': 7.342, 'MAE': 5.3425, 'MASE': 0.7503} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.9317, 'RMSE': 7.342, 'MAE': 5.3425, 'MASE': 0.7503} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.5189, 'RMSE': 6.5654, 'MAE': 4.0976, 'MASE': 0.5754} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.5189, 'RMSE': 6.5654, 'MAE': 4.0976, 'MASE': 0.5754} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.5189, 'RMSE': 6.5654, 'MAE': 4.0976, 'MASE': 0.5754} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.5355, 'RMSE': 7.0751, 'MAE': 4.5734, 'MASE': 0.6423} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.5355, 'RMSE': 7.0751, 'MAE': 4.5734, 'MASE': 0.6423} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.5355, 'RMSE': 7.0751, 'MAE': 4.5734, 'MASE': 0.6423} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None @@ -546,12 +548,12 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_NT_male_ConstantTrend_residue_Cycle_None_res INFO:pyaf.std:TREND_DETAIL '_NT_male_ConstantTrend' [ConstantTrend] INFO:pyaf.std:CYCLE_DETAIL '_NT_male_ConstantTrend_residue_Cycle_None' [Cycle_None] INFO:pyaf.std:AUTOREG_DETAIL '_NT_male_ConstantTrend_residue_Cycle_None_residue_XGBX(14)' [XGBX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.5482, 'RMSE': 7.2319, 'MAE': 4.5193, 'MASE': 0.6409} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.5482, 'RMSE': 7.2319, 'MAE': 4.5193, 'MASE': 0.6409} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.5482, 'RMSE': 7.2319, 'MAE': 4.5193, 'MASE': 0.6409} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.5591, 'RMSE': 7.5118, 'MAE': 4.7275, 'MASE': 0.6704} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.5591, 'RMSE': 7.5118, 'MAE': 4.7275, 'MASE': 0.6704} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.5591, 'RMSE': 7.5118, 'MAE': 4.7275, 'MASE': 0.6704} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.353, 'RMSE': 7.2604, 'MAE': 4.1024, 'MASE': 0.5818} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.353, 'RMSE': 7.2604, 'MAE': 4.1024, 'MASE': 0.5818} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.353, 'RMSE': 7.2604, 'MAE': 4.1024, 'MASE': 0.5818} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.3571, 'RMSE': 7.5588, 'MAE': 4.2477, 'MASE': 0.6024} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.3571, 'RMSE': 7.5588, 'MAE': 4.2477, 'MASE': 0.6024} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.3571, 'RMSE': 7.5588, 'MAE': 4.2477, 'MASE': 0.6024} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None @@ -579,12 +581,12 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_QLD_female_ConstantTrend_residue_Cycle_None_ INFO:pyaf.std:TREND_DETAIL '_QLD_female_ConstantTrend' [ConstantTrend] INFO:pyaf.std:CYCLE_DETAIL '_QLD_female_ConstantTrend_residue_Cycle_None' [Cycle_None] INFO:pyaf.std:AUTOREG_DETAIL '_QLD_female_ConstantTrend_residue_Cycle_None_residue_XGBX(14)' [XGBX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0663, 'RMSE': 22.7499, 'MAE': 17.0344, 'MASE': 0.5675} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0663, 'RMSE': 22.7499, 'MAE': 17.0344, 'MASE': 0.5675} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0663, 'RMSE': 22.7499, 'MAE': 17.0344, 'MASE': 0.5675} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.075, 'RMSE': 25.0774, 'MAE': 19.3056, 'MASE': 0.6432} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.075, 'RMSE': 25.0774, 'MAE': 19.3056, 'MASE': 0.6432} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.075, 'RMSE': 25.0774, 'MAE': 19.3056, 'MASE': 0.6432} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0596, 'RMSE': 21.5808, 'MAE': 15.783, 'MASE': 0.5258} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0596, 'RMSE': 21.5808, 'MAE': 15.783, 'MASE': 0.5258} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0596, 'RMSE': 21.5808, 'MAE': 15.783, 'MASE': 0.5258} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.0682, 'RMSE': 24.3759, 'MAE': 18.3814, 'MASE': 0.6124} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.0682, 'RMSE': 24.3759, 'MAE': 18.3814, 'MASE': 0.6124} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0682, 'RMSE': 24.3759, 'MAE': 18.3814, 'MASE': 0.6124} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None @@ -608,31 +610,32 @@ INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_QLD_male' Mi INFO:pyaf.std:EXOGENOUS_DATA ['Index_ex1', 'Index_ex2'] INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '_QLD_male_PolyTrend_residue_Cycle_None_residue_XGBX(14)' [PolyTrend + Cycle_None + XGBX] -INFO:pyaf.std:TREND_DETAIL '_QLD_male_PolyTrend' [PolyTrend] -INFO:pyaf.std:CYCLE_DETAIL '_QLD_male_PolyTrend_residue_Cycle_None' [Cycle_None] -INFO:pyaf.std:AUTOREG_DETAIL '_QLD_male_PolyTrend_residue_Cycle_None_residue_XGBX(14)' [XGBX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0393, 'RMSE': 17.3814, 'MAE': 12.7871, 'MASE': 0.5339} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0393, 'RMSE': 17.3814, 'MAE': 12.7871, 'MASE': 0.5339} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0393, 'RMSE': 17.3814, 'MAE': 12.7871, 'MASE': 0.5339} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.0998, 'RMSE': 40.9021, 'MAE': 31.178, 'MASE': 1.3019} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.0998, 'RMSE': 40.9021, 'MAE': 31.178, 'MASE': 1.3019} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0998, 'RMSE': 40.9021, 'MAE': 31.178, 'MASE': 1.3019} -INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'M', 'Cycle': 'S', 'AR': 'L'} [LMSSS] +INFO:pyaf.std:BEST_DECOMPOSITION '_QLD_male_ConstantTrend_residue_Cycle_None_residue_XGBX(14)' [ConstantTrend + Cycle_None + XGBX] +INFO:pyaf.std:TREND_DETAIL '_QLD_male_ConstantTrend' [ConstantTrend] +INFO:pyaf.std:CYCLE_DETAIL '_QLD_male_ConstantTrend_residue_Cycle_None' [Cycle_None] +INFO:pyaf.std:AUTOREG_DETAIL '_QLD_male_ConstantTrend_residue_Cycle_None_residue_XGBX(14)' [XGBX] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0511, 'RMSE': 20.372, 'MAE': 16.0018, 'MASE': 0.6682} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0511, 'RMSE': 20.372, 'MAE': 16.0018, 'MASE': 0.6682} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0511, 'RMSE': 20.372, 'MAE': 16.0018, 'MASE': 0.6682} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.0728, 'RMSE': 32.0996, 'MAE': 24.7644, 'MASE': 1.0341} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.0728, 'RMSE': 32.0996, 'MAE': 24.7644, 'MASE': 1.0341} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0728, 'RMSE': 32.0996, 'MAE': 24.7644, 'MASE': 1.0341} +INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:POLYNOMIAL_RIDGE_TREND PolyTrend (0.670791, array([ 1.368075, -3.039388, 0.94923 ])) +INFO:pyaf.std:CONSTANT_TREND _QLD_male_ConstantTrend 0.574364 INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _QLD_male_PolyTrend_residue_Cycle_None None -0.00198 {} +INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _QLD_male_ConstantTrend_residue_Cycle_None None 0.100877 {} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 0 [] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 1 ['Index_ex1'] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Index_ex1' {'Mean': 3849734.0, 'StdDev': 67397.42058120623} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 0 [] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='SA_female' Length=59 Min=44 Max=228 Mean=136.508475 StdDev=45.448937 @@ -644,12 +647,12 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_SA_female_PolyTrend_residue_zeroCycle[0.0]_r INFO:pyaf.std:TREND_DETAIL '_SA_female_PolyTrend' [PolyTrend] INFO:pyaf.std:CYCLE_DETAIL '_SA_female_PolyTrend_residue_zeroCycle[0.0]' [NoCycle] INFO:pyaf.std:AUTOREG_DETAIL '_SA_female_PolyTrend_residue_zeroCycle[0.0]_residue_XGBX(14)' [XGBX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0715, 'RMSE': 10.6118, 'MAE': 8.618, 'MASE': 0.4792} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0715, 'RMSE': 10.6118, 'MAE': 8.618, 'MASE': 0.4792} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0715, 'RMSE': 10.6118, 'MAE': 8.618, 'MASE': 0.4792} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1111, 'RMSE': 17.3433, 'MAE': 13.4529, 'MASE': 0.7481} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1111, 'RMSE': 17.3433, 'MAE': 13.4529, 'MASE': 0.7481} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.1111, 'RMSE': 17.3433, 'MAE': 13.4529, 'MASE': 0.7481} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0508, 'RMSE': 8.7043, 'MAE': 6.542, 'MASE': 0.3638} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0508, 'RMSE': 8.7043, 'MAE': 6.542, 'MASE': 0.3638} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0508, 'RMSE': 8.7043, 'MAE': 6.542, 'MASE': 0.3638} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1101, 'RMSE': 17.3966, 'MAE': 13.7857, 'MASE': 0.7666} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1101, 'RMSE': 17.3966, 'MAE': 13.7857, 'MASE': 0.7666} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.1101, 'RMSE': 17.3966, 'MAE': 13.7857, 'MASE': 0.7666} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'M', 'Cycle': 'S', 'AR': 'L'} [LMSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None @@ -673,16 +676,16 @@ INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_SA_male' Min INFO:pyaf.std:EXOGENOUS_DATA ['Index_ex1', 'Index_ex2'] INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '_SA_male_PolyTrend_residue_Cycle_5_residue_XGBX(14)' [PolyTrend + Cycle_5 + XGBX] +INFO:pyaf.std:BEST_DECOMPOSITION '_SA_male_PolyTrend_residue_zeroCycle[0.0]_residue_XGBX(14)' [PolyTrend + NoCycle + XGBX] INFO:pyaf.std:TREND_DETAIL '_SA_male_PolyTrend' [PolyTrend] -INFO:pyaf.std:CYCLE_DETAIL '_SA_male_PolyTrend_residue_Cycle_5' [Cycle_5] -INFO:pyaf.std:AUTOREG_DETAIL '_SA_male_PolyTrend_residue_Cycle_5_residue_XGBX(14)' [XGBX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.066, 'RMSE': 13.2662, 'MAE': 10.46, 'MASE': 0.5393} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.066, 'RMSE': 13.2662, 'MAE': 10.46, 'MASE': 0.5393} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.066, 'RMSE': 13.2662, 'MAE': 10.46, 'MASE': 0.5393} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1228, 'RMSE': 23.1553, 'MAE': 19.4982, 'MASE': 1.0052} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1228, 'RMSE': 23.1553, 'MAE': 19.4982, 'MASE': 1.0052} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.1228, 'RMSE': 23.1553, 'MAE': 19.4982, 'MASE': 1.0052} +INFO:pyaf.std:CYCLE_DETAIL '_SA_male_PolyTrend_residue_zeroCycle[0.0]' [NoCycle] +INFO:pyaf.std:AUTOREG_DETAIL '_SA_male_PolyTrend_residue_zeroCycle[0.0]_residue_XGBX(14)' [XGBX] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0613, 'RMSE': 11.9065, 'MAE': 9.6124, 'MASE': 0.4956} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0613, 'RMSE': 11.9065, 'MAE': 9.6124, 'MASE': 0.4956} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0613, 'RMSE': 11.9065, 'MAE': 9.6124, 'MASE': 0.4956} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1133, 'RMSE': 21.7921, 'MAE': 18.3684, 'MASE': 0.947} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1133, 'RMSE': 21.7921, 'MAE': 18.3684, 'MASE': 0.947} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.1133, 'RMSE': 21.7921, 'MAE': 18.3684, 'MASE': 0.947} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'M', 'Cycle': 'S', 'AR': 'L'} [LMSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None @@ -691,7 +694,7 @@ INFO:pyaf.std:TREND_DETAIL_START INFO:pyaf.std:POLYNOMIAL_RIDGE_TREND PolyTrend (0.352184, array([ 3.475848, -6.624832, 2.812333])) INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _SA_male_PolyTrend_residue_Cycle_5 5 0.001137 {0: 0.002264, 1: 0.022198, 2: 0.011314, 3: -0.004538, 4: 0.029007} +INFO:pyaf.std:ZERO_CYCLE_MODEL_VALUES _SA_male_PolyTrend_residue_zeroCycle[0.0] 0.0 {} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END @@ -710,12 +713,12 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_TAS_female_ConstantTrend_residue_Cycle_None_ INFO:pyaf.std:TREND_DETAIL '_TAS_female_ConstantTrend' [ConstantTrend] INFO:pyaf.std:CYCLE_DETAIL '_TAS_female_ConstantTrend_residue_Cycle_None' [Cycle_None] INFO:pyaf.std:AUTOREG_DETAIL '_TAS_female_ConstantTrend_residue_Cycle_None_residue_XGBX(14)' [XGBX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1052, 'RMSE': 9.5591, 'MAE': 7.5842, 'MASE': 0.6615} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1052, 'RMSE': 9.5591, 'MAE': 7.5842, 'MASE': 0.6615} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.1052, 'RMSE': 9.5591, 'MAE': 7.5842, 'MASE': 0.6615} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1052, 'RMSE': 9.5591, 'MAE': 7.5842, 'MASE': 0.6615} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1052, 'RMSE': 9.5591, 'MAE': 7.5842, 'MASE': 0.6615} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.1052, 'RMSE': 9.5591, 'MAE': 7.5842, 'MASE': 0.6615} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0944, 'RMSE': 9.2845, 'MAE': 7.1865, 'MASE': 0.6268} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0944, 'RMSE': 9.2845, 'MAE': 7.1865, 'MASE': 0.6268} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0944, 'RMSE': 9.2845, 'MAE': 7.1865, 'MASE': 0.6268} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.0944, 'RMSE': 9.2845, 'MAE': 7.1865, 'MASE': 0.6268} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.0944, 'RMSE': 9.2845, 'MAE': 7.1865, 'MASE': 0.6268} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0944, 'RMSE': 9.2845, 'MAE': 7.1865, 'MASE': 0.6268} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None @@ -743,12 +746,12 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_TAS_male_ConstantTrend_residue_Cycle_None_re INFO:pyaf.std:TREND_DETAIL '_TAS_male_ConstantTrend' [ConstantTrend] INFO:pyaf.std:CYCLE_DETAIL '_TAS_male_ConstantTrend_residue_Cycle_None' [Cycle_None] INFO:pyaf.std:AUTOREG_DETAIL '_TAS_male_ConstantTrend_residue_Cycle_None_residue_XGBX(14)' [XGBX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1052, 'RMSE': 9.5591, 'MAE': 7.5842, 'MASE': 0.6615} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1052, 'RMSE': 9.5591, 'MAE': 7.5842, 'MASE': 0.6615} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.1052, 'RMSE': 9.5591, 'MAE': 7.5842, 'MASE': 0.6615} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1052, 'RMSE': 9.5591, 'MAE': 7.5842, 'MASE': 0.6615} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1052, 'RMSE': 9.5591, 'MAE': 7.5842, 'MASE': 0.6615} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.1052, 'RMSE': 9.5591, 'MAE': 7.5842, 'MASE': 0.6615} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0944, 'RMSE': 9.2845, 'MAE': 7.1865, 'MASE': 0.6268} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0944, 'RMSE': 9.2845, 'MAE': 7.1865, 'MASE': 0.6268} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0944, 'RMSE': 9.2845, 'MAE': 7.1865, 'MASE': 0.6268} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.0944, 'RMSE': 9.2845, 'MAE': 7.1865, 'MASE': 0.6268} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.0944, 'RMSE': 9.2845, 'MAE': 7.1865, 'MASE': 0.6268} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0944, 'RMSE': 9.2845, 'MAE': 7.1865, 'MASE': 0.6268} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None @@ -776,12 +779,12 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_VIC_female_PolyTrend_residue_Cycle_None_resi INFO:pyaf.std:TREND_DETAIL '_VIC_female_PolyTrend' [PolyTrend] INFO:pyaf.std:CYCLE_DETAIL '_VIC_female_PolyTrend_residue_Cycle_None' [Cycle_None] INFO:pyaf.std:AUTOREG_DETAIL '_VIC_female_PolyTrend_residue_Cycle_None_residue_XGBX(14)' [XGBX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0588, 'RMSE': 27.2485, 'MAE': 21.9697, 'MASE': 0.6011} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0588, 'RMSE': 27.2485, 'MAE': 21.9697, 'MASE': 0.6011} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0588, 'RMSE': 27.2485, 'MAE': 21.9697, 'MASE': 0.6011} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1406, 'RMSE': 61.8937, 'MAE': 51.9993, 'MASE': 1.4226} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1406, 'RMSE': 61.8937, 'MAE': 51.9993, 'MASE': 1.4226} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.1406, 'RMSE': 61.8937, 'MAE': 51.9993, 'MASE': 1.4226} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0463, 'RMSE': 23.826, 'MAE': 18.6079, 'MASE': 0.5091} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0463, 'RMSE': 23.826, 'MAE': 18.6079, 'MASE': 0.5091} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0463, 'RMSE': 23.826, 'MAE': 18.6079, 'MASE': 0.5091} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1366, 'RMSE': 59.8243, 'MAE': 48.7747, 'MASE': 1.3344} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1366, 'RMSE': 59.8243, 'MAE': 48.7747, 'MASE': 1.3344} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.1366, 'RMSE': 59.8243, 'MAE': 48.7747, 'MASE': 1.3344} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'M', 'Cycle': 'S', 'AR': 'L'} [LMSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None @@ -804,31 +807,32 @@ INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_VIC_male' Mi INFO:pyaf.std:EXOGENOUS_DATA ['Index_ex1', 'Index_ex2'] INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '_VIC_male_PolyTrend_residue_Cycle_None_residue_XGBX(14)' [PolyTrend + Cycle_None + XGBX] -INFO:pyaf.std:TREND_DETAIL '_VIC_male_PolyTrend' [PolyTrend] -INFO:pyaf.std:CYCLE_DETAIL '_VIC_male_PolyTrend_residue_Cycle_None' [Cycle_None] -INFO:pyaf.std:AUTOREG_DETAIL '_VIC_male_PolyTrend_residue_Cycle_None_residue_XGBX(14)' [XGBX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0509, 'RMSE': 34.3256, 'MAE': 26.6943, 'MASE': 0.6017} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0509, 'RMSE': 34.3256, 'MAE': 26.6943, 'MASE': 0.6017} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0509, 'RMSE': 34.3256, 'MAE': 26.6943, 'MASE': 0.6017} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.0782, 'RMSE': 49.9871, 'MAE': 40.166, 'MASE': 0.9054} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.0782, 'RMSE': 49.9871, 'MAE': 40.166, 'MASE': 0.9054} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0782, 'RMSE': 49.9871, 'MAE': 40.166, 'MASE': 0.9054} -INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'M', 'Cycle': 'S', 'AR': 'L'} [LMSSS] +INFO:pyaf.std:BEST_DECOMPOSITION '_VIC_male_ConstantTrend_residue_Cycle_None_residue_XGBX(14)' [ConstantTrend + Cycle_None + XGBX] +INFO:pyaf.std:TREND_DETAIL '_VIC_male_ConstantTrend' [ConstantTrend] +INFO:pyaf.std:CYCLE_DETAIL '_VIC_male_ConstantTrend_residue_Cycle_None' [Cycle_None] +INFO:pyaf.std:AUTOREG_DETAIL '_VIC_male_ConstantTrend_residue_Cycle_None_residue_XGBX(14)' [XGBX] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0483, 'RMSE': 34.4943, 'MAE': 25.9475, 'MASE': 0.5849} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0483, 'RMSE': 34.4943, 'MAE': 25.9475, 'MASE': 0.5849} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0483, 'RMSE': 34.4943, 'MAE': 25.9475, 'MASE': 0.5849} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.0737, 'RMSE': 50.5321, 'MAE': 40.4217, 'MASE': 0.9112} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.0737, 'RMSE': 50.5321, 'MAE': 40.4217, 'MASE': 0.9112} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0737, 'RMSE': 50.5321, 'MAE': 40.4217, 'MASE': 0.9112} +INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:POLYNOMIAL_RIDGE_TREND PolyTrend (0.671356, array([ 0.774869, -1.84199 , 0.326647])) +INFO:pyaf.std:CONSTANT_TREND _VIC_male_ConstantTrend 0.52257 INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _VIC_male_PolyTrend_residue_Cycle_None None 0.016096 {} +INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _VIC_male_ConstantTrend_residue_Cycle_None None 0.094777 {} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 0 [] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 1 ['Index_ex1'] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Index_ex1' {'Mean': 3849734.0, 'StdDev': 67397.42058120623} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 0 [] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='WA_female' Length=59 Min=74 Max=210 Mean=137.762712 StdDev=34.12556 @@ -840,12 +844,12 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_WA_female_ConstantTrend_residue_Cycle_None_r INFO:pyaf.std:TREND_DETAIL '_WA_female_ConstantTrend' [ConstantTrend] INFO:pyaf.std:CYCLE_DETAIL '_WA_female_ConstantTrend_residue_Cycle_None' [Cycle_None] INFO:pyaf.std:AUTOREG_DETAIL '_WA_female_ConstantTrend_residue_Cycle_None_residue_XGBX(14)' [XGBX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0813, 'RMSE': 13.0489, 'MAE': 10.3941, 'MASE': 0.5916} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0813, 'RMSE': 13.0489, 'MAE': 10.3941, 'MASE': 0.5916} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0813, 'RMSE': 13.0489, 'MAE': 10.3941, 'MASE': 0.5916} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1527, 'RMSE': 23.0375, 'MAE': 18.4815, 'MASE': 1.0519} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1527, 'RMSE': 23.0375, 'MAE': 18.4815, 'MASE': 1.0519} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.1527, 'RMSE': 23.0375, 'MAE': 18.4815, 'MASE': 1.0519} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0753, 'RMSE': 12.429, 'MAE': 10.0042, 'MASE': 0.5694} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0753, 'RMSE': 12.429, 'MAE': 10.0042, 'MASE': 0.5694} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0753, 'RMSE': 12.429, 'MAE': 10.0042, 'MASE': 0.5694} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1008, 'RMSE': 17.5737, 'MAE': 13.5516, 'MASE': 0.7713} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1008, 'RMSE': 17.5737, 'MAE': 13.5516, 'MASE': 0.7713} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.1008, 'RMSE': 17.5737, 'MAE': 13.5516, 'MASE': 0.7713} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None @@ -869,25 +873,25 @@ INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_WA_male' Min INFO:pyaf.std:EXOGENOUS_DATA ['Index_ex1', 'Index_ex2'] INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '_WA_male_PolyTrend_residue_zeroCycle[0.0]_residue_XGBX(14)' [PolyTrend + NoCycle + XGBX] -INFO:pyaf.std:TREND_DETAIL '_WA_male_PolyTrend' [PolyTrend] -INFO:pyaf.std:CYCLE_DETAIL '_WA_male_PolyTrend_residue_zeroCycle[0.0]' [NoCycle] -INFO:pyaf.std:AUTOREG_DETAIL '_WA_male_PolyTrend_residue_zeroCycle[0.0]_residue_XGBX(14)' [XGBX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0511, 'RMSE': 11.2449, 'MAE': 8.9231, 'MASE': 0.533} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0511, 'RMSE': 11.2449, 'MAE': 8.9231, 'MASE': 0.533} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0511, 'RMSE': 11.2449, 'MAE': 8.9231, 'MASE': 0.533} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.0613, 'RMSE': 14.8413, 'MAE': 11.3119, 'MASE': 0.6757} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.0613, 'RMSE': 14.8413, 'MAE': 11.3119, 'MASE': 0.6757} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0613, 'RMSE': 14.8413, 'MAE': 11.3119, 'MASE': 0.6757} -INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'M', 'Cycle': 'S', 'AR': 'L'} [LMSSS] +INFO:pyaf.std:BEST_DECOMPOSITION '_WA_male_ConstantTrend_residue_Cycle_None_residue_XGBX(14)' [ConstantTrend + Cycle_None + XGBX] +INFO:pyaf.std:TREND_DETAIL '_WA_male_ConstantTrend' [ConstantTrend] +INFO:pyaf.std:CYCLE_DETAIL '_WA_male_ConstantTrend_residue_Cycle_None' [Cycle_None] +INFO:pyaf.std:AUTOREG_DETAIL '_WA_male_ConstantTrend_residue_Cycle_None_residue_XGBX(14)' [XGBX] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0531, 'RMSE': 12.1174, 'MAE': 9.6568, 'MASE': 0.5768} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0531, 'RMSE': 12.1174, 'MAE': 9.6568, 'MASE': 0.5768} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0531, 'RMSE': 12.1174, 'MAE': 9.6568, 'MASE': 0.5768} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.0736, 'RMSE': 16.5409, 'MAE': 13.5488, 'MASE': 0.8093} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.0736, 'RMSE': 16.5409, 'MAE': 13.5488, 'MASE': 0.8093} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0736, 'RMSE': 16.5409, 'MAE': 13.5488, 'MASE': 0.8093} +INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:POLYNOMIAL_RIDGE_TREND PolyTrend (0.491132, array([ 1.139671, -1.466134, -0.246834])) +INFO:pyaf.std:CONSTANT_TREND _WA_male_ConstantTrend 0.505271 INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:ZERO_CYCLE_MODEL_VALUES _WA_male_PolyTrend_residue_zeroCycle[0.0] 0.0 {} +INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _WA_male_ConstantTrend_residue_Cycle_None None 0.0679 {} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END @@ -898,29 +902,29 @@ INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 0 [] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='_female' Length=59 Min=802 Max=2387 Mean=1738.372881 StdDev=469.427415 -INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='__female' Min=0.0 Max=1.0 Mean=0.590772 StdDev=0.296169 +INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='Diff__female' Min=-0.186751 Max=0.140694 Mean=-0.011998 StdDev=0.072611 INFO:pyaf.std:EXOGENOUS_DATA ['Index_ex1', 'Index_ex2'] INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' -INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '__female_PolyTrend_residue_Cycle_None_residue_XGBX(14)' [PolyTrend + Cycle_None + XGBX] -INFO:pyaf.std:TREND_DETAIL '__female_PolyTrend' [PolyTrend] -INFO:pyaf.std:CYCLE_DETAIL '__female_PolyTrend_residue_Cycle_None' [Cycle_None] -INFO:pyaf.std:AUTOREG_DETAIL '__female_PolyTrend_residue_Cycle_None_residue_XGBX(14)' [XGBX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0425, 'RMSE': 81.4737, 'MAE': 67.9011, 'MASE': 0.7189} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0425, 'RMSE': 81.4737, 'MAE': 67.9011, 'MASE': 0.7189} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0425, 'RMSE': 81.4737, 'MAE': 67.9011, 'MASE': 0.7189} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1049, 'RMSE': 180.7775, 'MAE': 152.7319, 'MASE': 1.6171} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1049, 'RMSE': 180.7775, 'MAE': 152.7319, 'MASE': 1.6171} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.1049, 'RMSE': 180.7775, 'MAE': 152.7319, 'MASE': 1.6171} -INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'M', 'Cycle': 'S', 'AR': 'L'} [LMSSS] +INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE 'Diff_' +INFO:pyaf.std:BEST_DECOMPOSITION 'Diff__female_ConstantTrend_residue_Cycle_7_residue_XGBX(14)' [ConstantTrend + Cycle_7 + XGBX] +INFO:pyaf.std:TREND_DETAIL 'Diff__female_ConstantTrend' [ConstantTrend] +INFO:pyaf.std:CYCLE_DETAIL 'Diff__female_ConstantTrend_residue_Cycle_7' [Cycle_7] +INFO:pyaf.std:AUTOREG_DETAIL 'Diff__female_ConstantTrend_residue_Cycle_7_residue_XGBX(14)' [XGBX] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0436, 'RMSE': 88.049, 'MAE': 74.0783, 'MASE': 0.7843} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0436, 'RMSE': 88.049, 'MAE': 74.0783, 'MASE': 0.7843} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0436, 'RMSE': 88.049, 'MAE': 74.0783, 'MASE': 0.7843} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.0436, 'RMSE': 88.049, 'MAE': 74.0783, 'MASE': 0.7843} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.0436, 'RMSE': 88.049, 'MAE': 74.0783, 'MASE': 0.7843} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0436, 'RMSE': 88.049, 'MAE': 74.0783, 'MASE': 0.7843} +INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'M', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LMSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START -INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None +INFO:pyaf.std:DIFFERENCING_TRANSFORMATION Difference 0.7078864353312304 INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:POLYNOMIAL_RIDGE_TREND PolyTrend (0.732564, array([ 1.16118 , -2.742844, 0.785579])) +INFO:pyaf.std:CONSTANT_TREND Diff__female_ConstantTrend -0.011998 INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES __female_PolyTrend_residue_Cycle_None None -0.010787 {} +INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES Diff__female_ConstantTrend_residue_Cycle_7 7 -0.001251 {0: 0.011998, 1: 0.039758, 2: -0.064974, 3: 0.031241, 4: -0.071914, 5: -0.018286, 6: 0.028402} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END @@ -931,137 +935,138 @@ INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 0 [] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='_male' Length=59 Min=1049 Max=3096 Mean=2297.271186 StdDev=610.358795 -INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='__male' Min=0.0 Max=1.0 Mean=0.609805 StdDev=0.298172 +INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='Diff__male' Min=-0.182706 Max=0.12555 Mean=-0.012031 StdDev=0.064142 INFO:pyaf.std:EXOGENOUS_DATA ['Index_ex1', 'Index_ex2'] INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' -INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '__male_PolyTrend_residue_Cycle_None_residue_XGBX(14)' [PolyTrend + Cycle_None + XGBX] -INFO:pyaf.std:TREND_DETAIL '__male_PolyTrend' [PolyTrend] -INFO:pyaf.std:CYCLE_DETAIL '__male_PolyTrend_residue_Cycle_None' [Cycle_None] -INFO:pyaf.std:AUTOREG_DETAIL '__male_PolyTrend_residue_Cycle_None_residue_XGBX(14)' [XGBX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0383, 'RMSE': 96.7119, 'MAE': 77.7569, 'MASE': 0.7085} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0383, 'RMSE': 96.7119, 'MAE': 77.7569, 'MASE': 0.7085} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0383, 'RMSE': 96.7119, 'MAE': 77.7569, 'MASE': 0.7085} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1125, 'RMSE': 260.317, 'MAE': 221.6756, 'MASE': 2.02} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1125, 'RMSE': 260.317, 'MAE': 221.6756, 'MASE': 2.02} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.1125, 'RMSE': 260.317, 'MAE': 221.6756, 'MASE': 2.02} -INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'M', 'Cycle': 'S', 'AR': 'L'} [LMSSS] +INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE 'Diff_' +INFO:pyaf.std:BEST_DECOMPOSITION 'Diff__male_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)' [ConstantTrend + NoCycle + XGBX] +INFO:pyaf.std:TREND_DETAIL 'Diff__male_ConstantTrend' [ConstantTrend] +INFO:pyaf.std:CYCLE_DETAIL 'Diff__male_ConstantTrend_residue_zeroCycle[0.0]' [NoCycle] +INFO:pyaf.std:AUTOREG_DETAIL 'Diff__male_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)' [XGBX] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0424, 'RMSE': 115.9321, 'MAE': 95.7528, 'MASE': 0.8725} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0424, 'RMSE': 115.9321, 'MAE': 95.7528, 'MASE': 0.8725} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0424, 'RMSE': 115.9321, 'MAE': 95.7528, 'MASE': 0.8725} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.0424, 'RMSE': 115.9321, 'MAE': 95.7528, 'MASE': 0.8725} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.0424, 'RMSE': 115.9321, 'MAE': 95.7528, 'MASE': 0.8725} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0424, 'RMSE': 115.9321, 'MAE': 95.7528, 'MASE': 0.8725} +INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'M', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LMSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START -INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None +INFO:pyaf.std:DIFFERENCING_TRANSFORMATION Difference 0.7098192476795311 INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:POLYNOMIAL_RIDGE_TREND PolyTrend (0.730347, array([ 1.211447, -2.625889, 0.615691])) +INFO:pyaf.std:CONSTANT_TREND Diff__male_ConstantTrend -0.012031 INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES __male_PolyTrend_residue_Cycle_None None -0.015841 {} +INFO:pyaf.std:ZERO_CYCLE_MODEL_VALUES Diff__male_ConstantTrend_residue_zeroCycle[0.0] 0.0 {} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 0 [] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 1 ['Index_ex1'] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Index_ex1' {'Mean': 3849734.0, 'StdDev': 67397.42058120623} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 0 [] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='_' Length=59 Min=1851 Max=5458 Mean=4035.644068 StdDev=1078.217059 -INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='__' Min=0.0 Max=1.0 Mean=0.605668 StdDev=0.298923 +INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='RelDiff__' Min=-0.159285 Max=0.132326 Mean=-0.01284 StdDev=0.059842 INFO:pyaf.std:EXOGENOUS_DATA ['Index_ex1', 'Index_ex2'] INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' -INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '___PolyTrend_residue_Cycle_None_residue_XGBX(14)' [PolyTrend + Cycle_None + XGBX] -INFO:pyaf.std:TREND_DETAIL '___PolyTrend' [PolyTrend] -INFO:pyaf.std:CYCLE_DETAIL '___PolyTrend_residue_Cycle_None' [Cycle_None] -INFO:pyaf.std:AUTOREG_DETAIL '___PolyTrend_residue_Cycle_None_residue_XGBX(14)' [XGBX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0385, 'RMSE': 173.2848, 'MAE': 142.0458, 'MASE': 0.7281} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0385, 'RMSE': 173.2848, 'MAE': 142.0458, 'MASE': 0.7281} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0385, 'RMSE': 173.2848, 'MAE': 142.0458, 'MASE': 0.7281} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.0848, 'RMSE': 358.9165, 'MAE': 290.9288, 'MASE': 1.4913} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.0848, 'RMSE': 358.9165, 'MAE': 290.9288, 'MASE': 1.4913} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0848, 'RMSE': 358.9165, 'MAE': 290.9288, 'MASE': 1.4913} -INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'M', 'Cycle': 'S', 'AR': 'L'} [LMSSS] +INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE 'RelDiff_' +INFO:pyaf.std:BEST_DECOMPOSITION 'RelDiff___ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)' [ConstantTrend + NoCycle + XGBX] +INFO:pyaf.std:TREND_DETAIL 'RelDiff___ConstantTrend' [ConstantTrend] +INFO:pyaf.std:CYCLE_DETAIL 'RelDiff___ConstantTrend_residue_zeroCycle[0.0]' [NoCycle] +INFO:pyaf.std:AUTOREG_DETAIL 'RelDiff___ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)' [XGBX] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0438, 'RMSE': 194.6745, 'MAE': 163.8734, 'MASE': 0.84} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0438, 'RMSE': 194.6745, 'MAE': 163.8734, 'MASE': 0.84} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0438, 'RMSE': 194.6745, 'MAE': 163.8734, 'MASE': 0.84} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.0438, 'RMSE': 194.6745, 'MAE': 163.8734, 'MASE': 0.84} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.0438, 'RMSE': 194.6745, 'MAE': 163.8734, 'MASE': 0.84} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0438, 'RMSE': 194.6745, 'MAE': 163.8734, 'MASE': 0.84} +INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'M', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LMSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START -INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None +INFO:pyaf.std:REALTIVE_DIFFERENCING_TRANSFORMATION RelativeDifference 0.8109197508244779 INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:POLYNOMIAL_RIDGE_TREND PolyTrend (0.736383, array([ 1.197755, -2.695482, 0.694611])) +INFO:pyaf.std:CONSTANT_TREND RelDiff___ConstantTrend -0.01284 INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES ___PolyTrend_residue_Cycle_None None -0.015695 {} +INFO:pyaf.std:ZERO_CYCLE_MODEL_VALUES RelDiff___ConstantTrend_residue_zeroCycle[0.0] 0.0 {} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 0 [] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 1 ['Index_ex1'] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Index_ex1' {'Mean': 3849734.0, 'StdDev': 67397.42058120623} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 0 [] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'ACT_female' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'ACT_female' 0 {'Transformation': '_ACT_female', 'DecompositionType': 'T+S+R', 'Model': '_ACT_female_PolyTrend_residue_Cycle_5_residue_XGBX(14)', 'Voting': 201.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.4481, 'Forecast_MASE_2': 0.6415, 'Forecast_MASE_3': 0.7117, 'Forecast_MASE_4': 0.7501, 'Forecast_MASE_5': 0.7465, 'Forecast_MASE_6': 0.7258, 'Forecast_MASE_7': 0.791, 'Forecast_MASE_8': 0.7808, 'Forecast_MASE_9': 0.771, 'Forecast_MASE_10': 0.7667, 'Forecast_MASE_11': 0.7367, 'Forecast_MASE_12': 0.7743} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'ACT_female' 0 {'Transformation': '_ACT_female', 'DecompositionType': 'T+S+R', 'Model': '_ACT_female_PolyTrend_residue_Cycle_5_residue_XGBX(14)', 'Voting': 200.75, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.3885, 'Forecast_MASE_2': 0.6096, 'Forecast_MASE_3': 0.76, 'Forecast_MASE_4': 0.7568, 'Forecast_MASE_5': 0.7267, 'Forecast_MASE_6': 0.7472, 'Forecast_MASE_7': 0.6963, 'Forecast_MASE_8': 0.6984, 'Forecast_MASE_9': 0.6308, 'Forecast_MASE_10': 0.6288, 'Forecast_MASE_11': 0.6567, 'Forecast_MASE_12': 0.6425} INFO:pyaf.std:COMPETITION_DETAIL_END 'ACT_female' INFO:pyaf.std:COMPETITION_DETAIL_START 'ACT_male' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'ACT_male' 0 {'Transformation': '_ACT_male', 'DecompositionType': 'T+S+R', 'Model': '_ACT_male_ConstantTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 201.3333, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.571, 'Forecast_MASE_2': 0.6128, 'Forecast_MASE_3': 0.591, 'Forecast_MASE_4': 0.5962, 'Forecast_MASE_5': 0.6044, 'Forecast_MASE_6': 0.5926, 'Forecast_MASE_7': 0.6146, 'Forecast_MASE_8': 0.6402, 'Forecast_MASE_9': 0.6613, 'Forecast_MASE_10': 0.6869, 'Forecast_MASE_11': 0.6951, 'Forecast_MASE_12': 0.7203} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'ACT_male' 1 {'Transformation': '_ACT_male', 'DecompositionType': 'T+S+R', 'Model': '_ACT_male_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 201.3333, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.571, 'Forecast_MASE_2': 0.6128, 'Forecast_MASE_3': 0.591, 'Forecast_MASE_4': 0.5962, 'Forecast_MASE_5': 0.6044, 'Forecast_MASE_6': 0.5926, 'Forecast_MASE_7': 0.6146, 'Forecast_MASE_8': 0.6402, 'Forecast_MASE_9': 0.6613, 'Forecast_MASE_10': 0.6869, 'Forecast_MASE_11': 0.6951, 'Forecast_MASE_12': 0.7203} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'ACT_male' 0 {'Transformation': '_ACT_male', 'DecompositionType': 'T+S+R', 'Model': '_ACT_male_PolyTrend_residue_Cycle_7_residue_XGBX(14)', 'Voting': 200.0, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.4452, 'Forecast_MASE_2': 0.6555, 'Forecast_MASE_3': 0.7159, 'Forecast_MASE_4': 0.8392, 'Forecast_MASE_5': 0.8718, 'Forecast_MASE_6': 0.7944, 'Forecast_MASE_7': 0.8131, 'Forecast_MASE_8': 0.8466, 'Forecast_MASE_9': 0.9214, 'Forecast_MASE_10': 0.9459, 'Forecast_MASE_11': 0.9119, 'Forecast_MASE_12': 0.9139} INFO:pyaf.std:COMPETITION_DETAIL_END 'ACT_male' INFO:pyaf.std:COMPETITION_DETAIL_START 'NSW_female' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'NSW_female' 0 {'Transformation': '_NSW_female', 'DecompositionType': 'T+S+R', 'Model': '_NSW_female_PolyTrend_residue_Cycle_7_residue_XGBX(14)', 'Voting': 195.0, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.6462, 'Forecast_MASE_2': 0.9458, 'Forecast_MASE_3': 0.9835, 'Forecast_MASE_4': 1.0208, 'Forecast_MASE_5': 1.0587, 'Forecast_MASE_6': 1.026, 'Forecast_MASE_7': 1.1088, 'Forecast_MASE_8': 1.1688, 'Forecast_MASE_9': 1.1092, 'Forecast_MASE_10': 1.0815, 'Forecast_MASE_11': 1.1531, 'Forecast_MASE_12': 1.1261} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'NSW_female' 0 {'Transformation': '_NSW_female', 'DecompositionType': 'T+S+R', 'Model': '_NSW_female_ConstantTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 201.1667, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6246, 'Forecast_MASE_2': 0.7131, 'Forecast_MASE_3': 0.7024, 'Forecast_MASE_4': 0.7188, 'Forecast_MASE_5': 0.7088, 'Forecast_MASE_6': 0.7088, 'Forecast_MASE_7': 0.7088, 'Forecast_MASE_8': 0.7088, 'Forecast_MASE_9': 0.7088, 'Forecast_MASE_10': 0.7088, 'Forecast_MASE_11': 0.7088, 'Forecast_MASE_12': 0.7088} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'NSW_female' 1 {'Transformation': '_NSW_female', 'DecompositionType': 'T+S+R', 'Model': '_NSW_female_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 201.1667, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6246, 'Forecast_MASE_2': 0.7131, 'Forecast_MASE_3': 0.7024, 'Forecast_MASE_4': 0.7188, 'Forecast_MASE_5': 0.7088, 'Forecast_MASE_6': 0.7088, 'Forecast_MASE_7': 0.7088, 'Forecast_MASE_8': 0.7088, 'Forecast_MASE_9': 0.7088, 'Forecast_MASE_10': 0.7088, 'Forecast_MASE_11': 0.7088, 'Forecast_MASE_12': 0.7088} INFO:pyaf.std:COMPETITION_DETAIL_END 'NSW_female' INFO:pyaf.std:COMPETITION_DETAIL_START 'NSW_male' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'NSW_male' 0 {'Transformation': '_NSW_male', 'DecompositionType': 'T+S+R', 'Model': '_NSW_male_PolyTrend_residue_Cycle_7_residue_XGBX(14)', 'Voting': 200.1667, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.6056, 'Forecast_MASE_2': 0.9916, 'Forecast_MASE_3': 1.1152, 'Forecast_MASE_4': 1.1465, 'Forecast_MASE_5': 1.1863, 'Forecast_MASE_6': 1.2698, 'Forecast_MASE_7': 1.344, 'Forecast_MASE_8': 1.3046, 'Forecast_MASE_9': 1.323, 'Forecast_MASE_10': 1.3041, 'Forecast_MASE_11': 1.287, 'Forecast_MASE_12': 1.2669} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'NSW_male' 0 {'Transformation': 'RelDiff_NSW_male', 'DecompositionType': 'T+S+R', 'Model': 'RelDiff_NSW_male_ConstantTrend_residue_Cycle_7_residue_XGBX(14)', 'Voting': 199.1667, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.8664, 'Forecast_MASE_2': 0.8664, 'Forecast_MASE_3': 0.8664, 'Forecast_MASE_4': 0.8664, 'Forecast_MASE_5': 0.8664, 'Forecast_MASE_6': 0.8664, 'Forecast_MASE_7': 0.8664, 'Forecast_MASE_8': 0.8664, 'Forecast_MASE_9': 0.8664, 'Forecast_MASE_10': 0.8664, 'Forecast_MASE_11': 0.8664, 'Forecast_MASE_12': 0.8664} INFO:pyaf.std:COMPETITION_DETAIL_END 'NSW_male' INFO:pyaf.std:COMPETITION_DETAIL_START 'NT_female' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'NT_female' 0 {'Transformation': '_NT_female', 'DecompositionType': 'T+S+R', 'Model': '_NT_female_ConstantTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 201.3333, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6371, 'Forecast_MASE_2': 0.7193, 'Forecast_MASE_3': 0.7259, 'Forecast_MASE_4': 0.7443, 'Forecast_MASE_5': 0.7503, 'Forecast_MASE_6': 0.7378, 'Forecast_MASE_7': 0.7503, 'Forecast_MASE_8': 0.7503, 'Forecast_MASE_9': 0.7503, 'Forecast_MASE_10': 0.7503, 'Forecast_MASE_11': 0.7503, 'Forecast_MASE_12': 0.7503} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'NT_female' 1 {'Transformation': '_NT_female', 'DecompositionType': 'T+S+R', 'Model': '_NT_female_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 201.3333, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6371, 'Forecast_MASE_2': 0.7193, 'Forecast_MASE_3': 0.7259, 'Forecast_MASE_4': 0.7443, 'Forecast_MASE_5': 0.7503, 'Forecast_MASE_6': 0.7378, 'Forecast_MASE_7': 0.7503, 'Forecast_MASE_8': 0.7503, 'Forecast_MASE_9': 0.7503, 'Forecast_MASE_10': 0.7503, 'Forecast_MASE_11': 0.7503, 'Forecast_MASE_12': 0.7503} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'NT_female' 0 {'Transformation': '_NT_female', 'DecompositionType': 'T+S+R', 'Model': '_NT_female_ConstantTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 201.3333, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.5754, 'Forecast_MASE_2': 0.6311, 'Forecast_MASE_3': 0.6224, 'Forecast_MASE_4': 0.6491, 'Forecast_MASE_5': 0.6432, 'Forecast_MASE_6': 0.629, 'Forecast_MASE_7': 0.6423, 'Forecast_MASE_8': 0.6423, 'Forecast_MASE_9': 0.6423, 'Forecast_MASE_10': 0.6423, 'Forecast_MASE_11': 0.6423, 'Forecast_MASE_12': 0.6423} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'NT_female' 1 {'Transformation': '_NT_female', 'DecompositionType': 'T+S+R', 'Model': '_NT_female_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 201.3333, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.5754, 'Forecast_MASE_2': 0.6311, 'Forecast_MASE_3': 0.6224, 'Forecast_MASE_4': 0.6491, 'Forecast_MASE_5': 0.6432, 'Forecast_MASE_6': 0.629, 'Forecast_MASE_7': 0.6423, 'Forecast_MASE_8': 0.6423, 'Forecast_MASE_9': 0.6423, 'Forecast_MASE_10': 0.6423, 'Forecast_MASE_11': 0.6423, 'Forecast_MASE_12': 0.6423} INFO:pyaf.std:COMPETITION_DETAIL_END 'NT_female' INFO:pyaf.std:COMPETITION_DETAIL_START 'NT_male' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'NT_male' 0 {'Transformation': '_NT_male', 'DecompositionType': 'T+S+R', 'Model': '_NT_male_ConstantTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 201.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6409, 'Forecast_MASE_2': 0.676, 'Forecast_MASE_3': 0.6813, 'Forecast_MASE_4': 0.6743, 'Forecast_MASE_5': 0.673, 'Forecast_MASE_6': 0.6704, 'Forecast_MASE_7': 0.6704, 'Forecast_MASE_8': 0.6704, 'Forecast_MASE_9': 0.6704, 'Forecast_MASE_10': 0.6704, 'Forecast_MASE_11': 0.6704, 'Forecast_MASE_12': 0.6704} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'NT_male' 1 {'Transformation': '_NT_male', 'DecompositionType': 'T+S+R', 'Model': '_NT_male_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 201.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6409, 'Forecast_MASE_2': 0.676, 'Forecast_MASE_3': 0.6813, 'Forecast_MASE_4': 0.6743, 'Forecast_MASE_5': 0.673, 'Forecast_MASE_6': 0.6704, 'Forecast_MASE_7': 0.6704, 'Forecast_MASE_8': 0.6704, 'Forecast_MASE_9': 0.6704, 'Forecast_MASE_10': 0.6704, 'Forecast_MASE_11': 0.6704, 'Forecast_MASE_12': 0.6704} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'NT_male' 0 {'Transformation': '_NT_male', 'DecompositionType': 'T+S+R', 'Model': '_NT_male_ConstantTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 201.3333, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.5818, 'Forecast_MASE_2': 0.6011, 'Forecast_MASE_3': 0.6144, 'Forecast_MASE_4': 0.6066, 'Forecast_MASE_5': 0.6066, 'Forecast_MASE_6': 0.6024, 'Forecast_MASE_7': 0.6024, 'Forecast_MASE_8': 0.6024, 'Forecast_MASE_9': 0.6024, 'Forecast_MASE_10': 0.6024, 'Forecast_MASE_11': 0.6024, 'Forecast_MASE_12': 0.6024} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'NT_male' 1 {'Transformation': '_NT_male', 'DecompositionType': 'T+S+R', 'Model': '_NT_male_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 201.3333, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.5818, 'Forecast_MASE_2': 0.6011, 'Forecast_MASE_3': 0.6144, 'Forecast_MASE_4': 0.6066, 'Forecast_MASE_5': 0.6066, 'Forecast_MASE_6': 0.6024, 'Forecast_MASE_7': 0.6024, 'Forecast_MASE_8': 0.6024, 'Forecast_MASE_9': 0.6024, 'Forecast_MASE_10': 0.6024, 'Forecast_MASE_11': 0.6024, 'Forecast_MASE_12': 0.6024} INFO:pyaf.std:COMPETITION_DETAIL_END 'NT_male' INFO:pyaf.std:COMPETITION_DETAIL_START 'QLD_female' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'QLD_female' 0 {'Transformation': '_QLD_female', 'DecompositionType': 'T+S+R', 'Model': '_QLD_female_ConstantTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 201.0, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.5675, 'Forecast_MASE_2': 0.5986, 'Forecast_MASE_3': 0.6064, 'Forecast_MASE_4': 0.6114, 'Forecast_MASE_5': 0.6124, 'Forecast_MASE_6': 0.6134, 'Forecast_MASE_7': 0.6249, 'Forecast_MASE_8': 0.6382, 'Forecast_MASE_9': 0.6432, 'Forecast_MASE_10': 0.6432, 'Forecast_MASE_11': 0.6432, 'Forecast_MASE_12': 0.6432} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'QLD_female' 1 {'Transformation': '_QLD_female', 'DecompositionType': 'T+S+R', 'Model': '_QLD_female_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 201.0, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.5675, 'Forecast_MASE_2': 0.5986, 'Forecast_MASE_3': 0.6064, 'Forecast_MASE_4': 0.6114, 'Forecast_MASE_5': 0.6124, 'Forecast_MASE_6': 0.6134, 'Forecast_MASE_7': 0.6249, 'Forecast_MASE_8': 0.6382, 'Forecast_MASE_9': 0.6432, 'Forecast_MASE_10': 0.6432, 'Forecast_MASE_11': 0.6432, 'Forecast_MASE_12': 0.6432} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'QLD_female' 0 {'Transformation': '_QLD_female', 'DecompositionType': 'T+S+R', 'Model': '_QLD_female_ConstantTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 201.0, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.5258, 'Forecast_MASE_2': 0.5865, 'Forecast_MASE_3': 0.5857, 'Forecast_MASE_4': 0.59, 'Forecast_MASE_5': 0.5925, 'Forecast_MASE_6': 0.5861, 'Forecast_MASE_7': 0.5973, 'Forecast_MASE_8': 0.6008, 'Forecast_MASE_9': 0.6035, 'Forecast_MASE_10': 0.6118, 'Forecast_MASE_11': 0.6116, 'Forecast_MASE_12': 0.6124} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'QLD_female' 1 {'Transformation': '_QLD_female', 'DecompositionType': 'T+S+R', 'Model': '_QLD_female_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 201.0, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.5258, 'Forecast_MASE_2': 0.5865, 'Forecast_MASE_3': 0.5857, 'Forecast_MASE_4': 0.59, 'Forecast_MASE_5': 0.5925, 'Forecast_MASE_6': 0.5861, 'Forecast_MASE_7': 0.5973, 'Forecast_MASE_8': 0.6008, 'Forecast_MASE_9': 0.6035, 'Forecast_MASE_10': 0.6118, 'Forecast_MASE_11': 0.6116, 'Forecast_MASE_12': 0.6124} INFO:pyaf.std:COMPETITION_DETAIL_END 'QLD_female' INFO:pyaf.std:COMPETITION_DETAIL_START 'QLD_male' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'QLD_male' 0 {'Transformation': '_QLD_male', 'DecompositionType': 'T+S+R', 'Model': '_QLD_male_PolyTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 194.5833, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.5339, 'Forecast_MASE_2': 0.8, 'Forecast_MASE_3': 0.9579, 'Forecast_MASE_4': 0.9919, 'Forecast_MASE_5': 0.9963, 'Forecast_MASE_6': 0.9704, 'Forecast_MASE_7': 1.0206, 'Forecast_MASE_8': 1.0743, 'Forecast_MASE_9': 1.1676, 'Forecast_MASE_10': 1.2109, 'Forecast_MASE_11': 1.2807, 'Forecast_MASE_12': 1.3019} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'QLD_male' 1 {'Transformation': '_QLD_male', 'DecompositionType': 'T+S+R', 'Model': '_QLD_male_PolyTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 194.5833, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.5339, 'Forecast_MASE_2': 0.8, 'Forecast_MASE_3': 0.9579, 'Forecast_MASE_4': 0.9919, 'Forecast_MASE_5': 0.9963, 'Forecast_MASE_6': 0.9704, 'Forecast_MASE_7': 1.0206, 'Forecast_MASE_8': 1.0743, 'Forecast_MASE_9': 1.1676, 'Forecast_MASE_10': 1.2109, 'Forecast_MASE_11': 1.2807, 'Forecast_MASE_12': 1.3019} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'QLD_male' 0 {'Transformation': '_QLD_male', 'DecompositionType': 'T+S+R', 'Model': '_QLD_male_ConstantTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 201.0, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6682, 'Forecast_MASE_2': 0.8172, 'Forecast_MASE_3': 0.8154, 'Forecast_MASE_4': 0.8822, 'Forecast_MASE_5': 0.9953, 'Forecast_MASE_6': 0.9955, 'Forecast_MASE_7': 1.0438, 'Forecast_MASE_8': 1.0355, 'Forecast_MASE_9': 1.0416, 'Forecast_MASE_10': 1.0686, 'Forecast_MASE_11': 1.0659, 'Forecast_MASE_12': 1.0341} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'QLD_male' 1 {'Transformation': '_QLD_male', 'DecompositionType': 'T+S+R', 'Model': '_QLD_male_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 201.0, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6682, 'Forecast_MASE_2': 0.8172, 'Forecast_MASE_3': 0.8154, 'Forecast_MASE_4': 0.8822, 'Forecast_MASE_5': 0.9953, 'Forecast_MASE_6': 0.9955, 'Forecast_MASE_7': 1.0438, 'Forecast_MASE_8': 1.0355, 'Forecast_MASE_9': 1.0416, 'Forecast_MASE_10': 1.0686, 'Forecast_MASE_11': 1.0659, 'Forecast_MASE_12': 1.0341} INFO:pyaf.std:COMPETITION_DETAIL_END 'QLD_male' INFO:pyaf.std:COMPETITION_DETAIL_START 'SA_female' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'SA_female' 0 {'Transformation': '_SA_female', 'DecompositionType': 'T+S+R', 'Model': '_SA_female_PolyTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 201.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.4792, 'Forecast_MASE_2': 0.6942, 'Forecast_MASE_3': 0.7385, 'Forecast_MASE_4': 0.8043, 'Forecast_MASE_5': 0.8144, 'Forecast_MASE_6': 0.7883, 'Forecast_MASE_7': 0.7488, 'Forecast_MASE_8': 0.748, 'Forecast_MASE_9': 0.7429, 'Forecast_MASE_10': 0.7457, 'Forecast_MASE_11': 0.7453, 'Forecast_MASE_12': 0.7481} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'SA_female' 0 {'Transformation': '_SA_female', 'DecompositionType': 'T+S+R', 'Model': '_SA_female_PolyTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 198.9167, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.3638, 'Forecast_MASE_2': 0.6155, 'Forecast_MASE_3': 0.6686, 'Forecast_MASE_4': 0.7895, 'Forecast_MASE_5': 0.7749, 'Forecast_MASE_6': 0.8129, 'Forecast_MASE_7': 0.8207, 'Forecast_MASE_8': 0.8022, 'Forecast_MASE_9': 0.7667, 'Forecast_MASE_10': 0.7494, 'Forecast_MASE_11': 0.7466, 'Forecast_MASE_12': 0.7666} INFO:pyaf.std:COMPETITION_DETAIL_END 'SA_female' INFO:pyaf.std:COMPETITION_DETAIL_START 'SA_male' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'SA_male' 0 {'Transformation': '_SA_male', 'DecompositionType': 'T+S+R', 'Model': '_SA_male_PolyTrend_residue_Cycle_5_residue_XGBX(14)', 'Voting': 198.0, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.5393, 'Forecast_MASE_2': 0.7649, 'Forecast_MASE_3': 0.9007, 'Forecast_MASE_4': 0.838, 'Forecast_MASE_5': 0.7806, 'Forecast_MASE_6': 0.7952, 'Forecast_MASE_7': 0.8569, 'Forecast_MASE_8': 0.9399, 'Forecast_MASE_9': 0.9614, 'Forecast_MASE_10': 0.9745, 'Forecast_MASE_11': 1.0183, 'Forecast_MASE_12': 1.0052} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'SA_male' 0 {'Transformation': '_SA_male', 'DecompositionType': 'T+S+R', 'Model': '_SA_male_PolyTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 197.8333, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.4956, 'Forecast_MASE_2': 0.7696, 'Forecast_MASE_3': 0.8954, 'Forecast_MASE_4': 0.9286, 'Forecast_MASE_5': 0.8964, 'Forecast_MASE_6': 0.9139, 'Forecast_MASE_7': 0.9277, 'Forecast_MASE_8': 0.8957, 'Forecast_MASE_9': 0.9529, 'Forecast_MASE_10': 0.9531, 'Forecast_MASE_11': 0.9262, 'Forecast_MASE_12': 0.947} INFO:pyaf.std:COMPETITION_DETAIL_END 'SA_male' INFO:pyaf.std:COMPETITION_DETAIL_START 'TAS_female' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'TAS_female' 0 {'Transformation': '_TAS_female', 'DecompositionType': 'T+S+R', 'Model': '_TAS_female_ConstantTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 200.8333, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6615, 'Forecast_MASE_2': 0.6615, 'Forecast_MASE_3': 0.6615, 'Forecast_MASE_4': 0.6615, 'Forecast_MASE_5': 0.6615, 'Forecast_MASE_6': 0.6615, 'Forecast_MASE_7': 0.6615, 'Forecast_MASE_8': 0.6615, 'Forecast_MASE_9': 0.6615, 'Forecast_MASE_10': 0.6615, 'Forecast_MASE_11': 0.6615, 'Forecast_MASE_12': 0.6615} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'TAS_female' 1 {'Transformation': '_TAS_female', 'DecompositionType': 'T+S+R', 'Model': '_TAS_female_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 200.8333, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6615, 'Forecast_MASE_2': 0.6615, 'Forecast_MASE_3': 0.6615, 'Forecast_MASE_4': 0.6615, 'Forecast_MASE_5': 0.6615, 'Forecast_MASE_6': 0.6615, 'Forecast_MASE_7': 0.6615, 'Forecast_MASE_8': 0.6615, 'Forecast_MASE_9': 0.6615, 'Forecast_MASE_10': 0.6615, 'Forecast_MASE_11': 0.6615, 'Forecast_MASE_12': 0.6615} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'TAS_female' 0 {'Transformation': '_TAS_female', 'DecompositionType': 'T+S+R', 'Model': '_TAS_female_ConstantTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 200.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6268, 'Forecast_MASE_2': 0.6268, 'Forecast_MASE_3': 0.6268, 'Forecast_MASE_4': 0.6268, 'Forecast_MASE_5': 0.6268, 'Forecast_MASE_6': 0.6268, 'Forecast_MASE_7': 0.6268, 'Forecast_MASE_8': 0.6268, 'Forecast_MASE_9': 0.6268, 'Forecast_MASE_10': 0.6268, 'Forecast_MASE_11': 0.6268, 'Forecast_MASE_12': 0.6268} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'TAS_female' 1 {'Transformation': '_TAS_female', 'DecompositionType': 'T+S+R', 'Model': '_TAS_female_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 200.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6268, 'Forecast_MASE_2': 0.6268, 'Forecast_MASE_3': 0.6268, 'Forecast_MASE_4': 0.6268, 'Forecast_MASE_5': 0.6268, 'Forecast_MASE_6': 0.6268, 'Forecast_MASE_7': 0.6268, 'Forecast_MASE_8': 0.6268, 'Forecast_MASE_9': 0.6268, 'Forecast_MASE_10': 0.6268, 'Forecast_MASE_11': 0.6268, 'Forecast_MASE_12': 0.6268} INFO:pyaf.std:COMPETITION_DETAIL_END 'TAS_female' INFO:pyaf.std:COMPETITION_DETAIL_START 'TAS_male' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'TAS_male' 0 {'Transformation': '_TAS_male', 'DecompositionType': 'T+S+R', 'Model': '_TAS_male_ConstantTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 200.8333, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6615, 'Forecast_MASE_2': 0.6615, 'Forecast_MASE_3': 0.6615, 'Forecast_MASE_4': 0.6615, 'Forecast_MASE_5': 0.6615, 'Forecast_MASE_6': 0.6615, 'Forecast_MASE_7': 0.6615, 'Forecast_MASE_8': 0.6615, 'Forecast_MASE_9': 0.6615, 'Forecast_MASE_10': 0.6615, 'Forecast_MASE_11': 0.6615, 'Forecast_MASE_12': 0.6615} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'TAS_male' 1 {'Transformation': '_TAS_male', 'DecompositionType': 'T+S+R', 'Model': '_TAS_male_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 200.8333, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6615, 'Forecast_MASE_2': 0.6615, 'Forecast_MASE_3': 0.6615, 'Forecast_MASE_4': 0.6615, 'Forecast_MASE_5': 0.6615, 'Forecast_MASE_6': 0.6615, 'Forecast_MASE_7': 0.6615, 'Forecast_MASE_8': 0.6615, 'Forecast_MASE_9': 0.6615, 'Forecast_MASE_10': 0.6615, 'Forecast_MASE_11': 0.6615, 'Forecast_MASE_12': 0.6615} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'TAS_male' 0 {'Transformation': '_TAS_male', 'DecompositionType': 'T+S+R', 'Model': '_TAS_male_ConstantTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 200.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6268, 'Forecast_MASE_2': 0.6268, 'Forecast_MASE_3': 0.6268, 'Forecast_MASE_4': 0.6268, 'Forecast_MASE_5': 0.6268, 'Forecast_MASE_6': 0.6268, 'Forecast_MASE_7': 0.6268, 'Forecast_MASE_8': 0.6268, 'Forecast_MASE_9': 0.6268, 'Forecast_MASE_10': 0.6268, 'Forecast_MASE_11': 0.6268, 'Forecast_MASE_12': 0.6268} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'TAS_male' 1 {'Transformation': '_TAS_male', 'DecompositionType': 'T+S+R', 'Model': '_TAS_male_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 200.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6268, 'Forecast_MASE_2': 0.6268, 'Forecast_MASE_3': 0.6268, 'Forecast_MASE_4': 0.6268, 'Forecast_MASE_5': 0.6268, 'Forecast_MASE_6': 0.6268, 'Forecast_MASE_7': 0.6268, 'Forecast_MASE_8': 0.6268, 'Forecast_MASE_9': 0.6268, 'Forecast_MASE_10': 0.6268, 'Forecast_MASE_11': 0.6268, 'Forecast_MASE_12': 0.6268} INFO:pyaf.std:COMPETITION_DETAIL_END 'TAS_male' INFO:pyaf.std:COMPETITION_DETAIL_START 'VIC_female' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'VIC_female' 0 {'Transformation': '_VIC_female', 'DecompositionType': 'T+S+R', 'Model': '_VIC_female_PolyTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 200.3333, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.6011, 'Forecast_MASE_2': 0.8234, 'Forecast_MASE_3': 1.0648, 'Forecast_MASE_4': 1.1734, 'Forecast_MASE_5': 1.1481, 'Forecast_MASE_6': 1.1027, 'Forecast_MASE_7': 1.1468, 'Forecast_MASE_8': 1.3307, 'Forecast_MASE_9': 1.3875, 'Forecast_MASE_10': 1.3799, 'Forecast_MASE_11': 1.3691, 'Forecast_MASE_12': 1.4226} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'VIC_female' 1 {'Transformation': '_VIC_female', 'DecompositionType': 'T+S+R', 'Model': '_VIC_female_PolyTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 200.3333, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.6011, 'Forecast_MASE_2': 0.8234, 'Forecast_MASE_3': 1.0648, 'Forecast_MASE_4': 1.1734, 'Forecast_MASE_5': 1.1481, 'Forecast_MASE_6': 1.1027, 'Forecast_MASE_7': 1.1468, 'Forecast_MASE_8': 1.3307, 'Forecast_MASE_9': 1.3875, 'Forecast_MASE_10': 1.3799, 'Forecast_MASE_11': 1.3691, 'Forecast_MASE_12': 1.4226} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'VIC_female' 0 {'Transformation': '_VIC_female', 'DecompositionType': 'T+S+R', 'Model': '_VIC_female_PolyTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 194.3333, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.5091, 'Forecast_MASE_2': 0.7358, 'Forecast_MASE_3': 1.0332, 'Forecast_MASE_4': 1.2093, 'Forecast_MASE_5': 1.2251, 'Forecast_MASE_6': 1.1361, 'Forecast_MASE_7': 1.1276, 'Forecast_MASE_8': 1.2681, 'Forecast_MASE_9': 1.2815, 'Forecast_MASE_10': 1.3316, 'Forecast_MASE_11': 1.3842, 'Forecast_MASE_12': 1.3344} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'VIC_female' 1 {'Transformation': '_VIC_female', 'DecompositionType': 'T+S+R', 'Model': '_VIC_female_PolyTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 194.3333, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.5091, 'Forecast_MASE_2': 0.7358, 'Forecast_MASE_3': 1.0332, 'Forecast_MASE_4': 1.2093, 'Forecast_MASE_5': 1.2251, 'Forecast_MASE_6': 1.1361, 'Forecast_MASE_7': 1.1276, 'Forecast_MASE_8': 1.2681, 'Forecast_MASE_9': 1.2815, 'Forecast_MASE_10': 1.3316, 'Forecast_MASE_11': 1.3842, 'Forecast_MASE_12': 1.3344} INFO:pyaf.std:COMPETITION_DETAIL_END 'VIC_female' INFO:pyaf.std:COMPETITION_DETAIL_START 'VIC_male' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'VIC_male' 0 {'Transformation': '_VIC_male', 'DecompositionType': 'T+S+R', 'Model': '_VIC_male_PolyTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 196.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.6017, 'Forecast_MASE_2': 0.9293, 'Forecast_MASE_3': 0.9409, 'Forecast_MASE_4': 1.0127, 'Forecast_MASE_5': 1.0559, 'Forecast_MASE_6': 1.0589, 'Forecast_MASE_7': 1.0421, 'Forecast_MASE_8': 0.9922, 'Forecast_MASE_9': 0.9612, 'Forecast_MASE_10': 0.9268, 'Forecast_MASE_11': 0.909, 'Forecast_MASE_12': 0.9054} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'VIC_male' 1 {'Transformation': '_VIC_male', 'DecompositionType': 'T+S+R', 'Model': '_VIC_male_PolyTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 196.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.6017, 'Forecast_MASE_2': 0.9293, 'Forecast_MASE_3': 0.9409, 'Forecast_MASE_4': 1.0127, 'Forecast_MASE_5': 1.0559, 'Forecast_MASE_6': 1.0589, 'Forecast_MASE_7': 1.0421, 'Forecast_MASE_8': 0.9922, 'Forecast_MASE_9': 0.9612, 'Forecast_MASE_10': 0.9268, 'Forecast_MASE_11': 0.909, 'Forecast_MASE_12': 0.9054} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'VIC_male' 0 {'Transformation': '_VIC_male', 'DecompositionType': 'T+S+R', 'Model': '_VIC_male_ConstantTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 201.1667, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.5849, 'Forecast_MASE_2': 0.761, 'Forecast_MASE_3': 0.7743, 'Forecast_MASE_4': 0.798, 'Forecast_MASE_5': 0.8104, 'Forecast_MASE_6': 0.8299, 'Forecast_MASE_7': 0.8435, 'Forecast_MASE_8': 0.871, 'Forecast_MASE_9': 0.9096, 'Forecast_MASE_10': 0.9313, 'Forecast_MASE_11': 0.9172, 'Forecast_MASE_12': 0.9112} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'VIC_male' 1 {'Transformation': '_VIC_male', 'DecompositionType': 'T+S+R', 'Model': '_VIC_male_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 201.1667, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.5849, 'Forecast_MASE_2': 0.761, 'Forecast_MASE_3': 0.7743, 'Forecast_MASE_4': 0.798, 'Forecast_MASE_5': 0.8104, 'Forecast_MASE_6': 0.8299, 'Forecast_MASE_7': 0.8435, 'Forecast_MASE_8': 0.871, 'Forecast_MASE_9': 0.9096, 'Forecast_MASE_10': 0.9313, 'Forecast_MASE_11': 0.9172, 'Forecast_MASE_12': 0.9112} INFO:pyaf.std:COMPETITION_DETAIL_END 'VIC_male' INFO:pyaf.std:COMPETITION_DETAIL_START 'WA_female' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'WA_female' 0 {'Transformation': '_WA_female', 'DecompositionType': 'T+S+R', 'Model': '_WA_female_ConstantTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 201.3333, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.5916, 'Forecast_MASE_2': 0.7753, 'Forecast_MASE_3': 0.8633, 'Forecast_MASE_4': 0.8849, 'Forecast_MASE_5': 0.7828, 'Forecast_MASE_6': 0.874, 'Forecast_MASE_7': 0.9603, 'Forecast_MASE_8': 0.9223, 'Forecast_MASE_9': 0.9447, 'Forecast_MASE_10': 0.9642, 'Forecast_MASE_11': 0.9408, 'Forecast_MASE_12': 1.0519} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'WA_female' 1 {'Transformation': '_WA_female', 'DecompositionType': 'T+S+R', 'Model': '_WA_female_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 201.3333, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.5916, 'Forecast_MASE_2': 0.7753, 'Forecast_MASE_3': 0.8633, 'Forecast_MASE_4': 0.8849, 'Forecast_MASE_5': 0.7828, 'Forecast_MASE_6': 0.874, 'Forecast_MASE_7': 0.9603, 'Forecast_MASE_8': 0.9223, 'Forecast_MASE_9': 0.9447, 'Forecast_MASE_10': 0.9642, 'Forecast_MASE_11': 0.9408, 'Forecast_MASE_12': 1.0519} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'WA_female' 0 {'Transformation': '_WA_female', 'DecompositionType': 'T+S+R', 'Model': '_WA_female_ConstantTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 201.3333, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.5694, 'Forecast_MASE_2': 0.7748, 'Forecast_MASE_3': 0.8207, 'Forecast_MASE_4': 0.8206, 'Forecast_MASE_5': 0.8029, 'Forecast_MASE_6': 0.7679, 'Forecast_MASE_7': 0.7909, 'Forecast_MASE_8': 0.7293, 'Forecast_MASE_9': 0.7802, 'Forecast_MASE_10': 0.7451, 'Forecast_MASE_11': 0.7643, 'Forecast_MASE_12': 0.7713} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'WA_female' 1 {'Transformation': '_WA_female', 'DecompositionType': 'T+S+R', 'Model': '_WA_female_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 201.3333, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.5694, 'Forecast_MASE_2': 0.7748, 'Forecast_MASE_3': 0.8207, 'Forecast_MASE_4': 0.8206, 'Forecast_MASE_5': 0.8029, 'Forecast_MASE_6': 0.7679, 'Forecast_MASE_7': 0.7909, 'Forecast_MASE_8': 0.7293, 'Forecast_MASE_9': 0.7802, 'Forecast_MASE_10': 0.7451, 'Forecast_MASE_11': 0.7643, 'Forecast_MASE_12': 0.7713} INFO:pyaf.std:COMPETITION_DETAIL_END 'WA_female' INFO:pyaf.std:COMPETITION_DETAIL_START 'WA_male' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'WA_male' 0 {'Transformation': '_WA_male', 'DecompositionType': 'T+S+R', 'Model': '_WA_male_PolyTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 200.8333, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.533, 'Forecast_MASE_2': 0.6856, 'Forecast_MASE_3': 0.7543, 'Forecast_MASE_4': 0.7985, 'Forecast_MASE_5': 0.7324, 'Forecast_MASE_6': 0.711, 'Forecast_MASE_7': 0.6524, 'Forecast_MASE_8': 0.6584, 'Forecast_MASE_9': 0.6722, 'Forecast_MASE_10': 0.6799, 'Forecast_MASE_11': 0.6769, 'Forecast_MASE_12': 0.6757} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'WA_male' 0 {'Transformation': '_WA_male', 'DecompositionType': 'T+S+R', 'Model': '_WA_male_ConstantTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 200.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.5768, 'Forecast_MASE_2': 0.7448, 'Forecast_MASE_3': 0.7811, 'Forecast_MASE_4': 0.8114, 'Forecast_MASE_5': 0.805, 'Forecast_MASE_6': 0.7566, 'Forecast_MASE_7': 0.8039, 'Forecast_MASE_8': 0.8226, 'Forecast_MASE_9': 0.8272, 'Forecast_MASE_10': 0.7951, 'Forecast_MASE_11': 0.7631, 'Forecast_MASE_12': 0.8093} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'WA_male' 1 {'Transformation': '_WA_male', 'DecompositionType': 'T+S+R', 'Model': '_WA_male_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 200.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.5768, 'Forecast_MASE_2': 0.7448, 'Forecast_MASE_3': 0.7811, 'Forecast_MASE_4': 0.8114, 'Forecast_MASE_5': 0.805, 'Forecast_MASE_6': 0.7566, 'Forecast_MASE_7': 0.8039, 'Forecast_MASE_8': 0.8226, 'Forecast_MASE_9': 0.8272, 'Forecast_MASE_10': 0.7951, 'Forecast_MASE_11': 0.7631, 'Forecast_MASE_12': 0.8093} INFO:pyaf.std:COMPETITION_DETAIL_END 'WA_male' INFO:pyaf.std:COMPETITION_DETAIL_START '_female' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST '_female' 0 {'Transformation': '__female', 'DecompositionType': 'T+S+R', 'Model': '__female_PolyTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 199.3333, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.7189, 'Forecast_MASE_2': 1.0102, 'Forecast_MASE_3': 1.1928, 'Forecast_MASE_4': 1.2374, 'Forecast_MASE_5': 1.324, 'Forecast_MASE_6': 1.3981, 'Forecast_MASE_7': 1.4, 'Forecast_MASE_8': 1.4327, 'Forecast_MASE_9': 1.5222, 'Forecast_MASE_10': 1.5678, 'Forecast_MASE_11': 1.6124, 'Forecast_MASE_12': 1.6171} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST '_female' 1 {'Transformation': '__female', 'DecompositionType': 'T+S+R', 'Model': '__female_PolyTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 199.3333, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.7189, 'Forecast_MASE_2': 1.0102, 'Forecast_MASE_3': 1.1928, 'Forecast_MASE_4': 1.2374, 'Forecast_MASE_5': 1.324, 'Forecast_MASE_6': 1.3981, 'Forecast_MASE_7': 1.4, 'Forecast_MASE_8': 1.4327, 'Forecast_MASE_9': 1.5222, 'Forecast_MASE_10': 1.5678, 'Forecast_MASE_11': 1.6124, 'Forecast_MASE_12': 1.6171} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST '_female' 0 {'Transformation': 'Diff__female', 'DecompositionType': 'T+S+R', 'Model': 'Diff__female_ConstantTrend_residue_Cycle_7_residue_XGBX(14)', 'Voting': 200.3333, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.7843, 'Forecast_MASE_2': 0.7843, 'Forecast_MASE_3': 0.7843, 'Forecast_MASE_4': 0.7843, 'Forecast_MASE_5': 0.7843, 'Forecast_MASE_6': 0.7843, 'Forecast_MASE_7': 0.7843, 'Forecast_MASE_8': 0.7843, 'Forecast_MASE_9': 0.7843, 'Forecast_MASE_10': 0.7843, 'Forecast_MASE_11': 0.7843, 'Forecast_MASE_12': 0.7843} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST '_female' 1 {'Transformation': 'RelDiff__female', 'DecompositionType': 'T+S+R', 'Model': 'RelDiff__female_ConstantTrend_residue_Cycle_7_residue_XGBX(14)', 'Voting': 200.3333, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.7911, 'Forecast_MASE_2': 0.7911, 'Forecast_MASE_3': 0.7911, 'Forecast_MASE_4': 0.7911, 'Forecast_MASE_5': 0.7911, 'Forecast_MASE_6': 0.7911, 'Forecast_MASE_7': 0.7911, 'Forecast_MASE_8': 0.7911, 'Forecast_MASE_9': 0.7911, 'Forecast_MASE_10': 0.7911, 'Forecast_MASE_11': 0.7911, 'Forecast_MASE_12': 0.7911} INFO:pyaf.std:COMPETITION_DETAIL_END '_female' INFO:pyaf.std:COMPETITION_DETAIL_START '_male' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST '_male' 0 {'Transformation': '__male', 'DecompositionType': 'T+S+R', 'Model': '__male_PolyTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 199.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.7085, 'Forecast_MASE_2': 1.0115, 'Forecast_MASE_3': 1.2977, 'Forecast_MASE_4': 1.5183, 'Forecast_MASE_5': 1.6037, 'Forecast_MASE_6': 1.5949, 'Forecast_MASE_7': 1.5934, 'Forecast_MASE_8': 1.4783, 'Forecast_MASE_9': 1.6287, 'Forecast_MASE_10': 1.739, 'Forecast_MASE_11': 1.8421, 'Forecast_MASE_12': 2.02} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST '_male' 1 {'Transformation': '__male', 'DecompositionType': 'T+S+R', 'Model': '__male_PolyTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 199.5, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.7085, 'Forecast_MASE_2': 1.0115, 'Forecast_MASE_3': 1.2977, 'Forecast_MASE_4': 1.5183, 'Forecast_MASE_5': 1.6037, 'Forecast_MASE_6': 1.5949, 'Forecast_MASE_7': 1.5934, 'Forecast_MASE_8': 1.4783, 'Forecast_MASE_9': 1.6287, 'Forecast_MASE_10': 1.739, 'Forecast_MASE_11': 1.8421, 'Forecast_MASE_12': 2.02} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST '_male' 0 {'Transformation': 'Diff__male', 'DecompositionType': 'T+S+R', 'Model': 'Diff__male_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 200.0, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.8725, 'Forecast_MASE_2': 0.8725, 'Forecast_MASE_3': 0.8725, 'Forecast_MASE_4': 0.8725, 'Forecast_MASE_5': 0.8725, 'Forecast_MASE_6': 0.8725, 'Forecast_MASE_7': 0.8725, 'Forecast_MASE_8': 0.8725, 'Forecast_MASE_9': 0.8725, 'Forecast_MASE_10': 0.8725, 'Forecast_MASE_11': 0.8725, 'Forecast_MASE_12': 0.8725} INFO:pyaf.std:COMPETITION_DETAIL_END '_male' INFO:pyaf.std:COMPETITION_DETAIL_START '_' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST '_' 0 {'Transformation': '__', 'DecompositionType': 'T+S+R', 'Model': '___PolyTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 200.1667, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.7281, 'Forecast_MASE_2': 1.1266, 'Forecast_MASE_3': 1.3189, 'Forecast_MASE_4': 1.3683, 'Forecast_MASE_5': 1.3631, 'Forecast_MASE_6': 1.2589, 'Forecast_MASE_7': 1.385, 'Forecast_MASE_8': 1.5566, 'Forecast_MASE_9': 1.5404, 'Forecast_MASE_10': 1.3992, 'Forecast_MASE_11': 1.4126, 'Forecast_MASE_12': 1.4913} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST '_' 1 {'Transformation': '__', 'DecompositionType': 'T+S+R', 'Model': '___PolyTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 200.1667, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.7281, 'Forecast_MASE_2': 1.1266, 'Forecast_MASE_3': 1.3189, 'Forecast_MASE_4': 1.3683, 'Forecast_MASE_5': 1.3631, 'Forecast_MASE_6': 1.2589, 'Forecast_MASE_7': 1.385, 'Forecast_MASE_8': 1.5566, 'Forecast_MASE_9': 1.5404, 'Forecast_MASE_10': 1.3992, 'Forecast_MASE_11': 1.4126, 'Forecast_MASE_12': 1.4913} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST '_' 0 {'Transformation': 'RelDiff__', 'DecompositionType': 'T+S+R', 'Model': 'RelDiff___ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 199.5833, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.84, 'Forecast_MASE_2': 0.84, 'Forecast_MASE_3': 0.84, 'Forecast_MASE_4': 0.84, 'Forecast_MASE_5': 0.84, 'Forecast_MASE_6': 0.84, 'Forecast_MASE_7': 0.84, 'Forecast_MASE_8': 0.84, 'Forecast_MASE_9': 0.84, 'Forecast_MASE_10': 0.84, 'Forecast_MASE_11': 0.84, 'Forecast_MASE_12': 0.84} INFO:pyaf.std:COMPETITION_DETAIL_END '_' INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_AllMethods_Exogenous_all_nodes_force_XGBX_hierarchy.png') @@ -1110,45 +1115,45 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model_Performance": { "1": { - "AUC": 0.4706, - "DiffSMAPE": 0.2976, - "ErrorMean": 0.6556, - "ErrorStdDev": 2.3741, - "KS": 0.1017, - "KendallTau": 0.8426, + "AUC": 0.493, + "DiffSMAPE": 0.2867, + "ErrorMean": -0.0078, + "ErrorStdDev": 2.1099, + "KS": 0.0847, + "KendallTau": 0.8675, "Length": 59, "LnQ": Infinity, - "MAE": 1.8928, - "MAPE": 1063268301.5015, - "MASE": 0.4481, - "MannWhitneyU": 1638.0, - "MedAE": 1.5721, - "Pearson": 0.9661, - "R2": 0.9265, - "RMSE": 2.463, - "RMSSE": 0.4591, - "SMAPE": 0.3057, + "MAE": 1.641, + "MAPE": 727985315.6517, + "MASE": 0.3885, + "MannWhitneyU": 1716.0, + "MedAE": 1.389, + "Pearson": 0.9735, + "R2": 0.9461, + "RMSE": 2.1099, + "RMSSE": 0.3933, + "SMAPE": 0.3108, "Signal": "ACT_female_Forecast_1" }, "12": { - "AUC": 0.4619, - "DiffSMAPE": 0.4174, - "ErrorMean": 0.8605, - "ErrorStdDev": 4.1104, - "KS": 0.1186, - "KendallTau": 0.7141, + "AUC": 0.5116, + "DiffSMAPE": 0.3749, + "ErrorMean": -0.5373, + "ErrorStdDev": 3.4998, + "KS": 0.0847, + "KendallTau": 0.7451, "Length": 59, "LnQ": Infinity, - "MAE": 3.2706, - "MAPE": 1749893704.268, - "MASE": 0.7743, - "MannWhitneyU": 1608.0, - "MedAE": 2.1912, - "Pearson": 0.8918, - "R2": 0.7864, - "RMSE": 4.1995, - "RMSSE": 0.7829, - "SMAPE": 0.424, + "MAE": 2.7141, + "MAPE": 1135629355.4199, + "MASE": 0.6425, + "MannWhitneyU": 1781.0, + "MedAE": 2.4514, + "Pearson": 0.9229, + "R2": 0.8481, + "RMSE": 3.5408, + "RMSSE": 0.6601, + "SMAPE": 0.3838, "Signal": "ACT_female_Forecast_12" } }, @@ -1160,7 +1165,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "Cycle": "S", "Decomposition": "S", "Transformation": "S", - "Trend": "S" + "Trend": "M" }, "Dataset": { "Exogenous_Data": { @@ -1187,53 +1192,53 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model": { "AR_Model": "XGBX", - "Best_Decomposition": "_ACT_male_ConstantTrend_residue_Cycle_None_residue_XGBX(14)", - "Cycle": "Cycle_None", + "Best_Decomposition": "_ACT_male_PolyTrend_residue_Cycle_7_residue_XGBX(14)", + "Cycle": "Cycle_7", "Signal_Decomposition_Type": "T+S+R", "Signal_Transoformation": "NoTransf", - "Trend": "ConstantTrend" + "Trend": "PolyTrend" }, "Model_Performance": { "1": { - "AUC": 0.4525, - "DiffSMAPE": 0.2577, - "ErrorMean": 0.9584, - "ErrorStdDev": 3.726, - "KS": 0.2373, - "KendallTau": 0.8306, + "AUC": 0.4947, + "DiffSMAPE": 0.2573, + "ErrorMean": 0.0125, + "ErrorStdDev": 3.0089, + "KS": 0.0678, + "KendallTau": 0.8629, "Length": 59, - "LnQ": 14.1529, - "MAE": 2.9141, - "MAPE": 0.4863, - "MASE": 0.571, - "MannWhitneyU": 1575.0, - "MedAE": 2.4704, - "Pearson": 0.9625, - "R2": 0.9184, - "RMSE": 3.8473, - "RMSSE": 0.5512, - "SMAPE": 0.26, + "LnQ": Infinity, + "MAE": 2.272, + "MAPE": 0.3046, + "MASE": 0.4452, + "MannWhitneyU": 1722.0, + "MedAE": 1.6842, + "Pearson": 0.975, + "R2": 0.9501, + "RMSE": 3.0089, + "RMSSE": 0.4311, + "SMAPE": 0.2613, "Signal": "ACT_male_Forecast_1" }, "12": { - "AUC": 0.4283, - "DiffSMAPE": 0.2836, - "ErrorMean": 2.2626, - "ErrorStdDev": 4.6076, - "KS": 0.2373, - "KendallTau": 0.8392, + "AUC": 0.509, + "DiffSMAPE": 0.4458, + "ErrorMean": -0.3584, + "ErrorStdDev": 5.9672, + "KS": 0.1017, + "KendallTau": 0.728, "Length": 59, - "LnQ": 15.9062, - "MAE": 3.6759, - "MAPE": 0.5493, - "MASE": 0.7203, - "MannWhitneyU": 1491.0, - "MedAE": 2.4704, - "Pearson": 0.9401, - "R2": 0.8547, - "RMSE": 5.1332, - "RMSSE": 0.7354, - "SMAPE": 0.2859, + "LnQ": Infinity, + "MAE": 4.664, + "MAPE": 0.6605, + "MASE": 0.9139, + "MannWhitneyU": 1772.0, + "MedAE": 3.8367, + "Pearson": 0.8998, + "R2": 0.8029, + "RMSE": 5.9779, + "RMSSE": 0.8564, + "SMAPE": 0.4515, "Signal": "ACT_male_Forecast_12" } }, @@ -1245,17 +1250,20 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "Cycle": "S", "Decomposition": "S", "Transformation": "S", - "Trend": "M" + "Trend": "S" }, "Dataset": { "Exogenous_Data": { "Categorical_Variables": {}, "Categorical_Variables_Excluded": [], "Categorical_Variables_Usage": {}, - "Continuous_Variables": {}, - "Continuous_Variables_Excluded": [ - "Index_ex1" - ] + "Continuous_Variables": { + "Index_ex1": { + "Mean": 3849734.0, + "StdDev": 67397.42058120623 + } + }, + "Continuous_Variables_Excluded": [] }, "Signal": "NSW_female", "Time": { @@ -1269,53 +1277,53 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model": { "AR_Model": "XGBX", - "Best_Decomposition": "_NSW_female_PolyTrend_residue_Cycle_7_residue_XGBX(14)", - "Cycle": "Cycle_7", + "Best_Decomposition": "_NSW_female_ConstantTrend_residue_Cycle_None_residue_XGBX(14)", + "Cycle": "Cycle_None", "Signal_Decomposition_Type": "T+S+R", "Signal_Transoformation": "NoTransf", - "Trend": "PolyTrend" + "Trend": "ConstantTrend" }, "Model_Performance": { "1": { - "AUC": 0.4645, - "DiffSMAPE": 0.0492, - "ErrorMean": 12.4141, - "ErrorStdDev": 31.5397, - "KS": 0.1356, - "KendallTau": 0.8933, + "AUC": 0.4895, + "DiffSMAPE": 0.046, + "ErrorMean": -0.0105, + "ErrorStdDev": 36.9372, + "KS": 0.1525, + "KendallTau": 0.8649, "Length": 59, - "LnQ": 0.2175, - "MAE": 28.4337, - "MAPE": 0.0503, - "MASE": 0.6462, - "MannWhitneyU": 1617.0, - "MedAE": 27.287, - "Pearson": 0.9885, - "R2": 0.9735, - "RMSE": 33.8949, - "RMSSE": 0.5885, - "SMAPE": 0.0492, + "LnQ": 0.2286, + "MAE": 27.4812, + "MAPE": 0.0469, + "MASE": 0.6246, + "MannWhitneyU": 1704.0, + "MedAE": 18.6351, + "Pearson": 0.9853, + "R2": 0.9686, + "RMSE": 36.9372, + "RMSSE": 0.6414, + "SMAPE": 0.046, "Signal": "NSW_female_Forecast_1" }, "12": { - "AUC": 0.4536, - "DiffSMAPE": 0.0852, - "ErrorMean": 20.7525, - "ErrorStdDev": 54.977, - "KS": 0.1864, - "KendallTau": 0.8185, + "AUC": 0.493, + "DiffSMAPE": 0.0515, + "ErrorMean": -2.4538, + "ErrorStdDev": 40.9138, + "KS": 0.1525, + "KendallTau": 0.8474, "Length": 59, - "LnQ": 0.7009, - "MAE": 49.55, - "MAPE": 0.0887, - "MASE": 1.1261, - "MannWhitneyU": 1579.0, - "MedAE": 54.0782, - "Pearson": 0.9647, - "R2": 0.9204, - "RMSE": 58.7634, - "RMSSE": 1.0203, - "SMAPE": 0.0852, + "LnQ": 0.2696, + "MAE": 31.1885, + "MAPE": 0.0522, + "MASE": 0.7088, + "MannWhitneyU": 1716.0, + "MedAE": 24.6826, + "Pearson": 0.9808, + "R2": 0.9613, + "RMSE": 40.9873, + "RMSSE": 0.7117, + "SMAPE": 0.0515, "Signal": "NSW_female_Forecast_12" } }, @@ -1326,18 +1334,21 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "AR": "L", "Cycle": "S", "Decomposition": "S", - "Transformation": "S", - "Trend": "M" + "Transformation": "M", + "Trend": "S" }, "Dataset": { "Exogenous_Data": { "Categorical_Variables": {}, "Categorical_Variables_Excluded": [], "Categorical_Variables_Usage": {}, - "Continuous_Variables": {}, - "Continuous_Variables_Excluded": [ - "Index_ex1" - ] + "Continuous_Variables": { + "Index_ex1": { + "Mean": 3849734.0, + "StdDev": 67397.42058120623 + } + }, + "Continuous_Variables_Excluded": [] }, "Signal": "NSW_male", "Time": { @@ -1351,53 +1362,53 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model": { "AR_Model": "XGBX", - "Best_Decomposition": "_NSW_male_PolyTrend_residue_Cycle_7_residue_XGBX(14)", + "Best_Decomposition": "RelDiff_NSW_male_ConstantTrend_residue_Cycle_7_residue_XGBX(14)", "Cycle": "Cycle_7", "Signal_Decomposition_Type": "T+S+R", - "Signal_Transoformation": "NoTransf", - "Trend": "PolyTrend" + "Signal_Transoformation": "RelativeDifference", + "Trend": "ConstantTrend" }, "Model_Performance": { "1": { - "AUC": 0.4634, - "DiffSMAPE": 0.0429, - "ErrorMean": 15.7357, - "ErrorStdDev": 38.5104, - "KS": 0.1525, - "KendallTau": 0.845, + "AUC": 0.4565, + "DiffSMAPE": 0.0587, + "ErrorMean": 23.2866, + "ErrorStdDev": 54.9909, + "KS": 0.1356, + "KendallTau": 0.8228, "Length": 59, - "LnQ": 0.1974, - "MAE": 33.5488, - "MAPE": 0.0437, - "MASE": 0.6056, - "MannWhitneyU": 1613.0, - "MedAE": 28.722, - "Pearson": 0.9898, - "R2": 0.9762, - "RMSE": 41.6012, - "RMSSE": 0.5796, - "SMAPE": 0.0429, + "LnQ": 0.315, + "MAE": 47.997, + "MAPE": 0.0609, + "MASE": 0.8664, + "MannWhitneyU": 1589.0, + "MedAE": 37.0889, + "Pearson": 0.9797, + "R2": 0.951, + "RMSE": 59.7182, + "RMSSE": 0.832, + "SMAPE": 0.0587, "Signal": "NSW_male_Forecast_1" }, "12": { - "AUC": 0.4588, - "DiffSMAPE": 0.0975, - "ErrorMean": 23.1323, - "ErrorStdDev": 91.6974, - "KS": 0.1695, - "KendallTau": 0.7854, + "AUC": 0.4565, + "DiffSMAPE": 0.0587, + "ErrorMean": 23.2866, + "ErrorStdDev": 54.9909, + "KS": 0.1356, + "KendallTau": 0.8228, "Length": 59, - "LnQ": 1.1817, - "MAE": 70.1846, - "MAPE": 0.1017, - "MASE": 1.2669, - "MannWhitneyU": 1597.0, - "MedAE": 51.8987, - "Pearson": 0.9431, - "R2": 0.8771, - "RMSE": 94.5702, - "RMSSE": 1.3175, - "SMAPE": 0.0975, + "LnQ": 0.315, + "MAE": 47.997, + "MAPE": 0.0609, + "MASE": 0.8664, + "MannWhitneyU": 1589.0, + "MedAE": 37.0889, + "Pearson": 0.9797, + "R2": 0.951, + "RMSE": 59.7182, + "RMSSE": 0.832, + "SMAPE": 0.0587, "Signal": "NSW_male_Forecast_12" } }, @@ -1444,45 +1455,45 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model_Performance": { "1": { - "AUC": 0.422, - "DiffSMAPE": 0.4049, - "ErrorMean": 1.4114, - "ErrorStdDev": 6.5609, - "KS": 0.339, - "KendallTau": 0.8361, + "AUC": 0.4749, + "DiffSMAPE": 0.3397, + "ErrorMean": -0.0228, + "ErrorStdDev": 6.5654, + "KS": 0.2034, + "KendallTau": 0.8392, "Length": 59, - "LnQ": 25.3614, - "MAE": 4.5368, - "MAPE": 0.7895, - "MASE": 0.6371, - "MannWhitneyU": 1469.0, - "MedAE": 3.4596, - "Pearson": 0.9323, - "R2": 0.8567, - "RMSE": 6.711, - "RMSSE": 0.6176, - "SMAPE": 0.409, + "LnQ": 15.485, + "MAE": 4.0976, + "MAPE": 0.5189, + "MASE": 0.5754, + "MannWhitneyU": 1653.0, + "MedAE": 2.5816, + "Pearson": 0.9321, + "R2": 0.8629, + "RMSE": 6.5654, + "RMSSE": 0.6042, + "SMAPE": 0.3437, "Signal": "NT_female_Forecast_1" }, "12": { - "AUC": 0.4097, - "DiffSMAPE": 0.455, - "ErrorMean": 2.0403, - "ErrorStdDev": 7.0528, - "KS": 0.339, - "KendallTau": 0.8539, + "AUC": 0.4631, + "DiffSMAPE": 0.3598, + "ErrorMean": 0.5294, + "ErrorStdDev": 7.0552, + "KS": 0.2034, + "KendallTau": 0.8317, "Length": 59, - "LnQ": 30.0268, - "MAE": 5.3425, - "MAPE": 0.9317, - "MASE": 0.7503, - "MannWhitneyU": 1426.0, - "MedAE": 4.1189, - "Pearson": 0.92, - "R2": 0.8285, - "RMSE": 7.342, - "RMSSE": 0.6756, - "SMAPE": 0.459, + "LnQ": 16.3908, + "MAE": 4.5734, + "MAPE": 0.5355, + "MASE": 0.6423, + "MannWhitneyU": 1612.0, + "MedAE": 2.8705, + "Pearson": 0.9188, + "R2": 0.8407, + "RMSE": 7.0751, + "RMSSE": 0.6511, + "SMAPE": 0.3639, "Signal": "NT_female_Forecast_12" } }, @@ -1529,45 +1540,45 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model_Performance": { "1": { - "AUC": 0.4384, - "DiffSMAPE": 0.2951, - "ErrorMean": 1.5248, - "ErrorStdDev": 7.0693, - "KS": 0.2712, - "KendallTau": 0.8632, + "AUC": 0.4774, + "DiffSMAPE": 0.2409, + "ErrorMean": -0.0302, + "ErrorStdDev": 7.2603, + "KS": 0.1864, + "KendallTau": 0.8574, "Length": 59, - "LnQ": 16.3223, - "MAE": 4.5193, - "MAPE": 0.5482, - "MASE": 0.6409, - "MannWhitneyU": 1526.0, - "MedAE": 3.5908, - "Pearson": 0.9425, - "R2": 0.8782, - "RMSE": 7.2319, - "RMSSE": 0.5488, - "SMAPE": 0.2973, + "LnQ": 9.2781, + "MAE": 4.1024, + "MAPE": 0.353, + "MASE": 0.5818, + "MannWhitneyU": 1662.0, + "MedAE": 2.2205, + "Pearson": 0.9386, + "R2": 0.8773, + "RMSE": 7.2604, + "RMSSE": 0.5509, + "SMAPE": 0.2431, "Signal": "NT_male_Forecast_1" }, "12": { - "AUC": 0.445, - "DiffSMAPE": 0.3023, - "ErrorMean": 1.5453, - "ErrorStdDev": 7.3511, - "KS": 0.2712, - "KendallTau": 0.8564, + "AUC": 0.4964, + "DiffSMAPE": 0.2458, + "ErrorMean": -0.376, + "ErrorStdDev": 7.5495, + "KS": 0.1864, + "KendallTau": 0.8537, "Length": 59, - "LnQ": 16.6459, - "MAE": 4.7275, - "MAPE": 0.5591, - "MASE": 0.6704, - "MannWhitneyU": 1549.0, - "MedAE": 3.5969, - "Pearson": 0.9364, - "R2": 0.8686, - "RMSE": 7.5118, - "RMSSE": 0.57, - "SMAPE": 0.3045, + "LnQ": 9.5466, + "MAE": 4.2477, + "MAPE": 0.3571, + "MASE": 0.6024, + "MannWhitneyU": 1728.0, + "MedAE": 2.1265, + "Pearson": 0.9326, + "R2": 0.867, + "RMSE": 7.5588, + "RMSSE": 0.5736, + "SMAPE": 0.248, "Signal": "NT_male_Forecast_12" } }, @@ -1614,45 +1625,45 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model_Performance": { "1": { - "AUC": 0.4648, - "DiffSMAPE": 0.0645, - "ErrorMean": 4.6199, - "ErrorStdDev": 22.2759, - "KS": 0.1695, - "KendallTau": 0.7383, + "AUC": 0.4944, + "DiffSMAPE": 0.059, + "ErrorMean": -0.0324, + "ErrorStdDev": 21.5808, + "KS": 0.1525, + "KendallTau": 0.7593, "Length": 59, - "LnQ": 0.4194, - "MAE": 17.0344, - "MAPE": 0.0663, - "MASE": 0.5675, - "MannWhitneyU": 1618.0, - "MedAE": 14.0158, - "Pearson": 0.9449, - "R2": 0.8837, - "RMSE": 22.7499, - "RMSSE": 0.614, - "SMAPE": 0.0645, + "LnQ": 0.3565, + "MAE": 15.783, + "MAPE": 0.0596, + "MASE": 0.5258, + "MannWhitneyU": 1721.0, + "MedAE": 12.6371, + "Pearson": 0.9485, + "R2": 0.8954, + "RMSE": 21.5808, + "RMSSE": 0.5824, + "SMAPE": 0.059, "Signal": "QLD_female_Forecast_1" }, "12": { - "AUC": 0.4783, - "DiffSMAPE": 0.0733, - "ErrorMean": 3.7306, - "ErrorStdDev": 24.7983, - "KS": 0.1695, - "KendallTau": 0.7066, + "AUC": 0.499, + "DiffSMAPE": 0.0678, + "ErrorMean": -0.8229, + "ErrorStdDev": 24.362, + "KS": 0.1864, + "KendallTau": 0.6899, "Length": 59, - "LnQ": 0.5032, - "MAE": 19.3056, - "MAPE": 0.075, - "MASE": 0.6432, - "MannWhitneyU": 1665.0, - "MedAE": 16.42, - "Pearson": 0.9333, - "R2": 0.8587, - "RMSE": 25.0774, - "RMSSE": 0.6768, - "SMAPE": 0.0733, + "LnQ": 0.4363, + "MAE": 18.3814, + "MAPE": 0.0682, + "MASE": 0.6124, + "MannWhitneyU": 1737.0, + "MedAE": 12.8872, + "Pearson": 0.9335, + "R2": 0.8665, + "RMSE": 24.3759, + "RMSSE": 0.6579, + "SMAPE": 0.0678, "Signal": "QLD_female_Forecast_12" } }, @@ -1664,17 +1675,20 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "Cycle": "S", "Decomposition": "S", "Transformation": "S", - "Trend": "M" + "Trend": "S" }, "Dataset": { "Exogenous_Data": { "Categorical_Variables": {}, "Categorical_Variables_Excluded": [], "Categorical_Variables_Usage": {}, - "Continuous_Variables": {}, - "Continuous_Variables_Excluded": [ - "Index_ex1" - ] + "Continuous_Variables": { + "Index_ex1": { + "Mean": 3849734.0, + "StdDev": 67397.42058120623 + } + }, + "Continuous_Variables_Excluded": [] }, "Signal": "QLD_male", "Time": { @@ -1688,53 +1702,53 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model": { "AR_Model": "XGBX", - "Best_Decomposition": "_QLD_male_PolyTrend_residue_Cycle_None_residue_XGBX(14)", + "Best_Decomposition": "_QLD_male_ConstantTrend_residue_Cycle_None_residue_XGBX(14)", "Cycle": "Cycle_None", "Signal_Decomposition_Type": "T+S+R", "Signal_Transoformation": "NoTransf", - "Trend": "PolyTrend" + "Trend": "ConstantTrend" }, "Model_Performance": { "1": { - "AUC": 0.4729, - "DiffSMAPE": 0.0382, - "ErrorMean": 5.6031, - "ErrorStdDev": 16.4535, - "KS": 0.1186, - "KendallTau": 0.8345, + "AUC": 0.5007, + "DiffSMAPE": 0.0502, + "ErrorMean": 0.005, + "ErrorStdDev": 20.372, + "KS": 0.1525, + "KendallTau": 0.7933, "Length": 59, - "LnQ": 0.1792, - "MAE": 12.7871, - "MAPE": 0.0393, - "MASE": 0.5339, - "MannWhitneyU": 1646.0, - "MedAE": 9.9659, - "Pearson": 0.9832, - "R2": 0.9629, - "RMSE": 17.3814, - "RMSSE": 0.5796, - "SMAPE": 0.0382, + "LnQ": 0.2766, + "MAE": 16.0018, + "MAPE": 0.0511, + "MASE": 0.6682, + "MannWhitneyU": 1743.0, + "MedAE": 13.7233, + "Pearson": 0.9754, + "R2": 0.949, + "RMSE": 20.372, + "RMSSE": 0.6793, + "SMAPE": 0.0502, "Signal": "QLD_male_Forecast_1" }, "12": { - "AUC": 0.5065, - "DiffSMAPE": 0.0953, - "ErrorMean": -0.0027, - "ErrorStdDev": 40.9021, - "KS": 0.1525, - "KendallTau": 0.6669, + "AUC": 0.5493, + "DiffSMAPE": 0.0727, + "ErrorMean": -6.7431, + "ErrorStdDev": 31.3833, + "KS": 0.2542, + "KendallTau": 0.5834, "Length": 59, - "LnQ": 1.0732, - "MAE": 31.178, - "MAPE": 0.0998, - "MASE": 1.3019, - "MannWhitneyU": 1763.0, - "MedAE": 26.8482, - "Pearson": 0.8924, - "R2": 0.7944, - "RMSE": 40.9021, - "RMSSE": 1.3639, - "SMAPE": 0.0953, + "LnQ": 0.5178, + "MAE": 24.7644, + "MAPE": 0.0728, + "MASE": 1.0341, + "MannWhitneyU": 1912.0, + "MedAE": 21.1124, + "Pearson": 0.9407, + "R2": 0.8734, + "RMSE": 32.0996, + "RMSSE": 1.0704, + "SMAPE": 0.0727, "Signal": "QLD_male_Forecast_12" } }, @@ -1781,45 +1795,45 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model_Performance": { "1": { - "AUC": 0.4697, - "DiffSMAPE": 0.0688, - "ErrorMean": 3.2764, - "ErrorStdDev": 10.0933, - "KS": 0.1186, - "KendallTau": 0.8867, + "AUC": 0.4907, + "DiffSMAPE": 0.0506, + "ErrorMean": 0.0012, + "ErrorStdDev": 8.7043, + "KS": 0.0847, + "KendallTau": 0.9007, "Length": 59, - "LnQ": 0.4495, - "MAE": 8.618, - "MAPE": 0.0715, - "MASE": 0.4792, - "MannWhitneyU": 1635.0, - "MedAE": 8.0038, - "Pearson": 0.9757, - "R2": 0.9455, - "RMSE": 10.6118, - "RMSSE": 0.469, - "SMAPE": 0.0689, + "LnQ": 0.2459, + "MAE": 6.542, + "MAPE": 0.0508, + "MASE": 0.3638, + "MannWhitneyU": 1708.0, + "MedAE": 4.8435, + "Pearson": 0.9817, + "R2": 0.9633, + "RMSE": 8.7043, + "RMSSE": 0.3847, + "SMAPE": 0.0506, "Signal": "SA_female_Forecast_1" }, "12": { - "AUC": 0.4694, - "DiffSMAPE": 0.1086, - "ErrorMean": 2.3077, - "ErrorStdDev": 17.189, - "KS": 0.1525, - "KendallTau": 0.7496, + "AUC": 0.4729, + "DiffSMAPE": 0.1093, + "ErrorMean": 1.6941, + "ErrorStdDev": 17.3139, + "KS": 0.1864, + "KendallTau": 0.7649, "Length": 59, - "LnQ": 1.3524, - "MAE": 13.4529, - "MAPE": 0.1111, - "MASE": 0.7481, - "MannWhitneyU": 1634.0, - "MedAE": 11.582, + "LnQ": 1.133, + "MAE": 13.7857, + "MAPE": 0.1101, + "MASE": 0.7666, + "MannWhitneyU": 1646.0, + "MedAE": 11.7502, "Pearson": 0.9276, - "R2": 0.8544, - "RMSE": 17.3433, - "RMSSE": 0.7665, - "SMAPE": 0.1086, + "R2": 0.8535, + "RMSE": 17.3966, + "RMSSE": 0.7688, + "SMAPE": 0.1093, "Signal": "SA_female_Forecast_12" } }, @@ -1858,53 +1872,53 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model": { "AR_Model": "XGBX", - "Best_Decomposition": "_SA_male_PolyTrend_residue_Cycle_5_residue_XGBX(14)", - "Cycle": "Cycle_5", + "Best_Decomposition": "_SA_male_PolyTrend_residue_zeroCycle[0.0]_residue_XGBX(14)", + "Cycle": "NoCycle", "Signal_Decomposition_Type": "T+S+R", "Signal_Transoformation": "NoTransf", "Trend": "PolyTrend" }, "Model_Performance": { "1": { - "AUC": 0.4815, - "DiffSMAPE": 0.0629, - "ErrorMean": 3.7082, - "ErrorStdDev": 12.7374, - "KS": 0.1017, - "KendallTau": 0.8529, + "AUC": 0.5004, + "DiffSMAPE": 0.0604, + "ErrorMean": 0.0206, + "ErrorStdDev": 11.9065, + "KS": 0.0678, + "KendallTau": 0.854, "Length": 59, - "LnQ": 0.4538, - "MAE": 10.46, - "MAPE": 0.066, - "MASE": 0.5393, - "MannWhitneyU": 1676.0, - "MedAE": 8.8205, - "Pearson": 0.9758, - "R2": 0.9474, - "RMSE": 13.2662, - "RMSSE": 0.5278, - "SMAPE": 0.0629, + "LnQ": 0.3886, + "MAE": 9.6124, + "MAPE": 0.0613, + "MASE": 0.4956, + "MannWhitneyU": 1742.0, + "MedAE": 7.7463, + "Pearson": 0.9787, + "R2": 0.9576, + "RMSE": 11.9065, + "RMSSE": 0.4737, + "SMAPE": 0.0604, "Signal": "SA_male_Forecast_1" }, "12": { - "AUC": 0.4708, - "DiffSMAPE": 0.1168, - "ErrorMean": 4.6087, - "ErrorStdDev": 22.692, - "KS": 0.1017, - "KendallTau": 0.7052, + "AUC": 0.4953, + "DiffSMAPE": 0.1125, + "ErrorMean": 0.4497, + "ErrorStdDev": 21.7875, + "KS": 0.0847, + "KendallTau": 0.7227, "Length": 59, - "LnQ": 1.3352, - "MAE": 19.4982, - "MAPE": 0.1228, - "MASE": 1.0052, - "MannWhitneyU": 1639.0, - "MedAE": 19.0405, - "Pearson": 0.9211, - "R2": 0.8396, - "RMSE": 23.1553, - "RMSSE": 0.9212, - "SMAPE": 0.1168, + "LnQ": 1.1622, + "MAE": 18.3684, + "MAPE": 0.1133, + "MASE": 0.947, + "MannWhitneyU": 1724.0, + "MedAE": 18.2998, + "Pearson": 0.9281, + "R2": 0.858, + "RMSE": 21.7921, + "RMSSE": 0.8669, + "SMAPE": 0.1126, "Signal": "SA_male_Forecast_12" } }, @@ -1951,45 +1965,45 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model_Performance": { "1": { - "AUC": 0.47, - "DiffSMAPE": 0.0983, - "ErrorMean": 2.2263, - "ErrorStdDev": 9.2962, - "KS": 0.1356, - "KendallTau": 0.833, + "AUC": 0.4935, + "DiffSMAPE": 0.0912, + "ErrorMean": -0.014, + "ErrorStdDev": 9.2845, + "KS": 0.1186, + "KendallTau": 0.8325, "Length": 59, - "LnQ": 1.0018, - "MAE": 7.5842, - "MAPE": 0.1052, - "MASE": 0.6615, - "MannWhitneyU": 1636.0, - "MedAE": 6.0705, + "LnQ": 0.8391, + "MAE": 7.1865, + "MAPE": 0.0944, + "MASE": 0.6268, + "MannWhitneyU": 1718.0, + "MedAE": 5.7152, "Pearson": 0.953, - "R2": 0.9005, - "RMSE": 9.5591, - "RMSSE": 0.636, - "SMAPE": 0.0984, + "R2": 0.9061, + "RMSE": 9.2845, + "RMSSE": 0.6177, + "SMAPE": 0.0913, "Signal": "TAS_female_Forecast_1" }, "12": { - "AUC": 0.47, - "DiffSMAPE": 0.0983, - "ErrorMean": 2.2263, - "ErrorStdDev": 9.2962, - "KS": 0.1356, - "KendallTau": 0.833, + "AUC": 0.4935, + "DiffSMAPE": 0.0912, + "ErrorMean": -0.014, + "ErrorStdDev": 9.2845, + "KS": 0.1186, + "KendallTau": 0.8325, "Length": 59, - "LnQ": 1.0018, - "MAE": 7.5842, - "MAPE": 0.1052, - "MASE": 0.6615, - "MannWhitneyU": 1636.0, - "MedAE": 6.0705, + "LnQ": 0.8391, + "MAE": 7.1865, + "MAPE": 0.0944, + "MASE": 0.6268, + "MannWhitneyU": 1718.0, + "MedAE": 5.7152, "Pearson": 0.953, - "R2": 0.9005, - "RMSE": 9.5591, - "RMSSE": 0.636, - "SMAPE": 0.0984, + "R2": 0.9061, + "RMSE": 9.2845, + "RMSSE": 0.6177, + "SMAPE": 0.0913, "Signal": "TAS_female_Forecast_12" } }, @@ -2036,45 +2050,45 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model_Performance": { "1": { - "AUC": 0.47, - "DiffSMAPE": 0.0983, - "ErrorMean": 2.2263, - "ErrorStdDev": 9.2962, - "KS": 0.1356, - "KendallTau": 0.833, + "AUC": 0.4935, + "DiffSMAPE": 0.0912, + "ErrorMean": -0.014, + "ErrorStdDev": 9.2845, + "KS": 0.1186, + "KendallTau": 0.8325, "Length": 59, - "LnQ": 1.0018, - "MAE": 7.5842, - "MAPE": 0.1052, - "MASE": 0.6615, - "MannWhitneyU": 1636.0, - "MedAE": 6.0705, + "LnQ": 0.8391, + "MAE": 7.1865, + "MAPE": 0.0944, + "MASE": 0.6268, + "MannWhitneyU": 1718.0, + "MedAE": 5.7152, "Pearson": 0.953, - "R2": 0.9005, - "RMSE": 9.5591, - "RMSSE": 0.636, - "SMAPE": 0.0984, + "R2": 0.9061, + "RMSE": 9.2845, + "RMSSE": 0.6177, + "SMAPE": 0.0913, "Signal": "TAS_male_Forecast_1" }, "12": { - "AUC": 0.47, - "DiffSMAPE": 0.0983, - "ErrorMean": 2.2263, - "ErrorStdDev": 9.2962, - "KS": 0.1356, - "KendallTau": 0.833, + "AUC": 0.4935, + "DiffSMAPE": 0.0912, + "ErrorMean": -0.014, + "ErrorStdDev": 9.2845, + "KS": 0.1186, + "KendallTau": 0.8325, "Length": 59, - "LnQ": 1.0018, - "MAE": 7.5842, - "MAPE": 0.1052, - "MASE": 0.6615, - "MannWhitneyU": 1636.0, - "MedAE": 6.0705, + "LnQ": 0.8391, + "MAE": 7.1865, + "MAPE": 0.0944, + "MASE": 0.6268, + "MannWhitneyU": 1718.0, + "MedAE": 5.7152, "Pearson": 0.953, - "R2": 0.9005, - "RMSE": 9.5591, - "RMSSE": 0.636, - "SMAPE": 0.0984, + "R2": 0.9061, + "RMSE": 9.2845, + "RMSSE": 0.6177, + "SMAPE": 0.0913, "Signal": "TAS_male_Forecast_12" } }, @@ -2118,45 +2132,45 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model_Performance": { "1": { - "AUC": 0.4637, - "DiffSMAPE": 0.0568, - "ErrorMean": 8.5543, - "ErrorStdDev": 25.8709, - "KS": 0.1186, - "KendallTau": 0.8057, + "AUC": 0.4953, + "DiffSMAPE": 0.0457, + "ErrorMean": 0.0059, + "ErrorStdDev": 23.826, + "KS": 0.0847, + "KendallTau": 0.8186, "Length": 59, - "LnQ": 0.3155, - "MAE": 21.9697, - "MAPE": 0.0588, - "MASE": 0.6011, - "MannWhitneyU": 1614.0, - "MedAE": 16.7804, - "Pearson": 0.9781, - "R2": 0.9504, - "RMSE": 27.2485, - "RMSSE": 0.6045, - "SMAPE": 0.0568, + "LnQ": 0.2024, + "MAE": 18.6079, + "MAPE": 0.0463, + "MASE": 0.5091, + "MannWhitneyU": 1724.0, + "MedAE": 16.6713, + "Pearson": 0.9815, + "R2": 0.9621, + "RMSE": 23.826, + "RMSSE": 0.5285, + "SMAPE": 0.0457, "Signal": "VIC_female_Forecast_1" }, "12": { - "AUC": 0.4436, - "DiffSMAPE": 0.1383, - "ErrorMean": 13.0123, - "ErrorStdDev": 60.5104, - "KS": 0.2373, - "KendallTau": 0.5471, + "AUC": 0.47, + "DiffSMAPE": 0.1391, + "ErrorMean": 5.7829, + "ErrorStdDev": 59.5441, + "KS": 0.1695, + "KendallTau": 0.567, "Length": 59, - "LnQ": 1.9606, - "MAE": 51.9993, - "MAPE": 0.1406, - "MASE": 1.4226, - "MannWhitneyU": 1544.0, - "MedAE": 50.5719, - "Pearson": 0.8786, - "R2": 0.7441, - "RMSE": 61.8937, - "RMSSE": 1.373, - "SMAPE": 0.1383, + "LnQ": 2.4121, + "MAE": 48.7747, + "MAPE": 0.1366, + "MASE": 1.3344, + "MannWhitneyU": 1636.0, + "MedAE": 45.4302, + "Pearson": 0.8841, + "R2": 0.7609, + "RMSE": 59.8243, + "RMSSE": 1.3271, + "SMAPE": 0.1391, "Signal": "VIC_female_Forecast_12" } }, @@ -2168,17 +2182,20 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "Cycle": "S", "Decomposition": "S", "Transformation": "S", - "Trend": "M" + "Trend": "S" }, "Dataset": { "Exogenous_Data": { "Categorical_Variables": {}, "Categorical_Variables_Excluded": [], "Categorical_Variables_Usage": {}, - "Continuous_Variables": {}, - "Continuous_Variables_Excluded": [ - "Index_ex1" - ] + "Continuous_Variables": { + "Index_ex1": { + "Mean": 3849734.0, + "StdDev": 67397.42058120623 + } + }, + "Continuous_Variables_Excluded": [] }, "Signal": "VIC_male", "Time": { @@ -2192,53 +2209,53 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model": { "AR_Model": "XGBX", - "Best_Decomposition": "_VIC_male_PolyTrend_residue_Cycle_None_residue_XGBX(14)", + "Best_Decomposition": "_VIC_male_ConstantTrend_residue_Cycle_None_residue_XGBX(14)", "Cycle": "Cycle_None", "Signal_Decomposition_Type": "T+S+R", "Signal_Transoformation": "NoTransf", - "Trend": "PolyTrend" + "Trend": "ConstantTrend" }, "Model_Performance": { "1": { - "AUC": 0.4579, - "DiffSMAPE": 0.0496, - "ErrorMean": 10.4659, - "ErrorStdDev": 32.6912, - "KS": 0.1695, - "KendallTau": 0.8111, + "AUC": 0.4855, + "DiffSMAPE": 0.0476, + "ErrorMean": -0.0146, + "ErrorStdDev": 34.4943, + "KS": 0.1525, + "KendallTau": 0.8085, "Length": 59, - "LnQ": 0.246, - "MAE": 26.6943, - "MAPE": 0.0509, - "MASE": 0.6017, - "MannWhitneyU": 1594.0, - "MedAE": 20.9444, - "Pearson": 0.9784, - "R2": 0.9529, - "RMSE": 34.3256, - "RMSSE": 0.6339, - "SMAPE": 0.0496, + "LnQ": 0.2421, + "MAE": 25.9475, + "MAPE": 0.0483, + "MASE": 0.5849, + "MannWhitneyU": 1690.0, + "MedAE": 18.2007, + "Pearson": 0.9776, + "R2": 0.9524, + "RMSE": 34.4943, + "RMSSE": 0.637, + "SMAPE": 0.0477, "Signal": "VIC_male_Forecast_1" }, "12": { - "AUC": 0.4312, - "DiffSMAPE": 0.0746, - "ErrorMean": 19.2152, - "ErrorStdDev": 46.1463, - "KS": 0.2542, - "KendallTau": 0.7105, + "AUC": 0.4585, + "DiffSMAPE": 0.0724, + "ErrorMean": 6.273, + "ErrorStdDev": 50.1413, + "KS": 0.2712, + "KendallTau": 0.6697, "Length": 59, - "LnQ": 0.5256, - "MAE": 40.166, - "MAPE": 0.0782, - "MASE": 0.9054, - "MannWhitneyU": 1501.0, - "MedAE": 33.4262, - "Pearson": 0.9566, - "R2": 0.9001, - "RMSE": 49.9871, - "RMSSE": 0.9232, - "SMAPE": 0.0746, + "LnQ": 0.4622, + "MAE": 40.4217, + "MAPE": 0.0737, + "MASE": 0.9112, + "MannWhitneyU": 1596.0, + "MedAE": 34.2961, + "Pearson": 0.9485, + "R2": 0.8979, + "RMSE": 50.5321, + "RMSSE": 0.9332, + "SMAPE": 0.0724, "Signal": "VIC_male_Forecast_12" } }, @@ -2285,45 +2302,45 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model_Performance": { "1": { - "AUC": 0.4665, - "DiffSMAPE": 0.0784, - "ErrorMean": 2.4534, - "ErrorStdDev": 12.8162, - "KS": 0.1525, - "KendallTau": 0.7292, + "AUC": 0.4964, + "DiffSMAPE": 0.0741, + "ErrorMean": -0.0154, + "ErrorStdDev": 12.429, + "KS": 0.1356, + "KendallTau": 0.7501, "Length": 59, - "LnQ": 0.5854, - "MAE": 10.3941, - "MAPE": 0.0813, - "MASE": 0.5916, - "MannWhitneyU": 1624.0, - "MedAE": 8.3497, - "Pearson": 0.9331, - "R2": 0.8538, - "RMSE": 13.0489, - "RMSSE": 0.5977, - "SMAPE": 0.0784, + "LnQ": 0.4923, + "MAE": 10.0042, + "MAPE": 0.0753, + "MASE": 0.5694, + "MannWhitneyU": 1728.0, + "MedAE": 8.887, + "Pearson": 0.9373, + "R2": 0.8673, + "RMSE": 12.429, + "RMSSE": 0.5693, + "SMAPE": 0.0741, "Signal": "WA_female_Forecast_1" }, "12": { - "AUC": 0.4654, - "DiffSMAPE": 0.1401, - "ErrorMean": 5.5823, - "ErrorStdDev": 22.351, - "KS": 0.2203, - "KendallTau": 0.4879, + "AUC": 0.5065, + "DiffSMAPE": 0.099, + "ErrorMean": -0.0968, + "ErrorStdDev": 17.5735, + "KS": 0.1864, + "KendallTau": 0.6011, "Length": 59, - "LnQ": 1.9802, - "MAE": 18.4815, - "MAPE": 0.1527, - "MASE": 1.0519, - "MannWhitneyU": 1620.0, - "MedAE": 15.5846, - "Pearson": 0.7811, - "R2": 0.5443, - "RMSE": 23.0375, - "RMSSE": 1.0551, - "SMAPE": 0.1402, + "LnQ": 0.9093, + "MAE": 13.5516, + "MAPE": 0.1008, + "MASE": 0.7713, + "MannWhitneyU": 1763.0, + "MedAE": 11.2302, + "Pearson": 0.8662, + "R2": 0.7348, + "RMSE": 17.5737, + "RMSSE": 0.8049, + "SMAPE": 0.099, "Signal": "WA_female_Forecast_12" } }, @@ -2335,7 +2352,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "Cycle": "S", "Decomposition": "S", "Transformation": "S", - "Trend": "M" + "Trend": "S" }, "Dataset": { "Exogenous_Data": { @@ -2362,53 +2379,53 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model": { "AR_Model": "XGBX", - "Best_Decomposition": "_WA_male_PolyTrend_residue_zeroCycle[0.0]_residue_XGBX(14)", - "Cycle": "NoCycle", + "Best_Decomposition": "_WA_male_ConstantTrend_residue_Cycle_None_residue_XGBX(14)", + "Cycle": "Cycle_None", "Signal_Decomposition_Type": "T+S+R", "Signal_Transoformation": "NoTransf", - "Trend": "PolyTrend" + "Trend": "ConstantTrend" }, "Model_Performance": { "1": { - "AUC": 0.4556, - "DiffSMAPE": 0.0499, - "ErrorMean": 2.911, - "ErrorStdDev": 10.8616, - "KS": 0.1864, - "KendallTau": 0.8287, + "AUC": 0.4835, + "DiffSMAPE": 0.0526, + "ErrorMean": 0.0149, + "ErrorStdDev": 12.1174, + "KS": 0.1186, + "KendallTau": 0.798, "Length": 59, - "LnQ": 0.2397, - "MAE": 8.9231, - "MAPE": 0.0511, - "MASE": 0.533, - "MannWhitneyU": 1586.0, - "MedAE": 7.2196, - "Pearson": 0.9699, - "R2": 0.9287, - "RMSE": 11.2449, - "RMSSE": 0.5219, - "SMAPE": 0.0499, + "LnQ": 0.2517, + "MAE": 9.6568, + "MAPE": 0.0531, + "MASE": 0.5768, + "MannWhitneyU": 1683.0, + "MedAE": 7.8366, + "Pearson": 0.9602, + "R2": 0.9173, + "RMSE": 12.1174, + "RMSSE": 0.5624, + "SMAPE": 0.0527, "Signal": "WA_male_Forecast_1" }, "12": { - "AUC": 0.4967, - "DiffSMAPE": 0.061, - "ErrorMean": -0.5434, - "ErrorStdDev": 14.8314, - "KS": 0.1695, - "KendallTau": 0.6974, + "AUC": 0.4869, + "DiffSMAPE": 0.0726, + "ErrorMean": 0.4675, + "ErrorStdDev": 16.5343, + "KS": 0.1864, + "KendallTau": 0.5978, "Length": 59, - "LnQ": 0.3638, - "MAE": 11.3119, - "MAPE": 0.0613, - "MASE": 0.6757, - "MannWhitneyU": 1729.0, - "MedAE": 9.6613, - "Pearson": 0.9378, - "R2": 0.8759, - "RMSE": 14.8413, - "RMSSE": 0.6889, - "SMAPE": 0.061, + "LnQ": 0.4438, + "MAE": 13.5488, + "MAPE": 0.0736, + "MASE": 0.8093, + "MannWhitneyU": 1695.0, + "MedAE": 12.7717, + "Pearson": 0.9208, + "R2": 0.8458, + "RMSE": 16.5409, + "RMSSE": 0.7677, + "SMAPE": 0.0726, "Signal": "WA_male_Forecast_12" } }, @@ -2419,18 +2436,21 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "AR": "L", "Cycle": "S", "Decomposition": "S", - "Transformation": "S", - "Trend": "M" + "Transformation": "M", + "Trend": "S" }, "Dataset": { "Exogenous_Data": { "Categorical_Variables": {}, "Categorical_Variables_Excluded": [], "Categorical_Variables_Usage": {}, - "Continuous_Variables": {}, - "Continuous_Variables_Excluded": [ - "Index_ex1" - ] + "Continuous_Variables": { + "Index_ex1": { + "Mean": 3849734.0, + "StdDev": 67397.42058120623 + } + }, + "Continuous_Variables_Excluded": [] }, "Signal": "_", "Time": { @@ -2444,53 +2464,53 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model": { "AR_Model": "XGBX", - "Best_Decomposition": "___PolyTrend_residue_Cycle_None_residue_XGBX(14)", - "Cycle": "Cycle_None", + "Best_Decomposition": "RelDiff___ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)", + "Cycle": "NoCycle", "Signal_Decomposition_Type": "T+S+R", - "Signal_Transoformation": "NoTransf", - "Trend": "PolyTrend" + "Signal_Transoformation": "RelativeDifference", + "Trend": "ConstantTrend" }, "Model_Performance": { "1": { - "AUC": 0.4631, - "DiffSMAPE": 0.0378, - "ErrorMean": 63.022, - "ErrorStdDev": 161.4182, - "KS": 0.1695, - "KendallTau": 0.8083, + "AUC": 0.4683, + "DiffSMAPE": 0.0429, + "ErrorMean": 72.2149, + "ErrorStdDev": 180.7848, + "KS": 0.1017, + "KendallTau": 0.806, "Length": 59, - "LnQ": 0.1299, - "MAE": 142.0458, - "MAPE": 0.0385, - "MASE": 0.7281, - "MannWhitneyU": 1612.0, - "MedAE": 131.242, - "Pearson": 0.9888, - "R2": 0.9742, - "RMSE": 173.2848, - "RMSSE": 0.7241, - "SMAPE": 0.0378, + "LnQ": 0.1578, + "MAE": 163.8734, + "MAPE": 0.0438, + "MASE": 0.84, + "MannWhitneyU": 1630.0, + "MedAE": 161.9079, + "Pearson": 0.986, + "R2": 0.9674, + "RMSE": 194.6745, + "RMSSE": 0.8135, + "SMAPE": 0.0429, "Signal": "__Forecast_1" }, "12": { - "AUC": 0.4708, - "DiffSMAPE": 0.0816, - "ErrorMean": 98.7645, - "ErrorStdDev": 345.0603, - "KS": 0.1186, - "KendallTau": 0.7078, + "AUC": 0.4683, + "DiffSMAPE": 0.0429, + "ErrorMean": 72.2149, + "ErrorStdDev": 180.7848, + "KS": 0.1017, + "KendallTau": 0.806, "Length": 59, - "LnQ": 0.6883, - "MAE": 290.9288, - "MAPE": 0.0848, - "MASE": 1.4913, - "MannWhitneyU": 1639.0, - "MedAE": 238.6309, - "Pearson": 0.9475, - "R2": 0.8892, - "RMSE": 358.9165, - "RMSSE": 1.4998, - "SMAPE": 0.0816, + "LnQ": 0.1578, + "MAE": 163.8734, + "MAPE": 0.0438, + "MASE": 0.84, + "MannWhitneyU": 1630.0, + "MedAE": 161.9079, + "Pearson": 0.986, + "R2": 0.9674, + "RMSE": 194.6745, + "RMSSE": 0.8135, + "SMAPE": 0.0429, "Signal": "__Forecast_12" } }, @@ -2501,8 +2521,8 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "AR": "L", "Cycle": "S", "Decomposition": "S", - "Transformation": "S", - "Trend": "M" + "Transformation": "M", + "Trend": "S" }, "Dataset": { "Exogenous_Data": { @@ -2529,53 +2549,53 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model": { "AR_Model": "XGBX", - "Best_Decomposition": "__female_PolyTrend_residue_Cycle_None_residue_XGBX(14)", - "Cycle": "Cycle_None", + "Best_Decomposition": "Diff__female_ConstantTrend_residue_Cycle_7_residue_XGBX(14)", + "Cycle": "Cycle_7", "Signal_Decomposition_Type": "T+S+R", - "Signal_Transoformation": "NoTransf", - "Trend": "PolyTrend" + "Signal_Transoformation": "Difference", + "Trend": "ConstantTrend" }, "Model_Performance": { "1": { - "AUC": 0.4616, - "DiffSMAPE": 0.0419, - "ErrorMean": 27.5443, - "ErrorStdDev": 76.6764, - "KS": 0.1864, - "KendallTau": 0.7959, + "AUC": 0.5053, + "DiffSMAPE": 0.0434, + "ErrorMean": 3.4166, + "ErrorStdDev": 87.9827, + "KS": 0.0847, + "KendallTau": 0.7585, "Length": 59, - "LnQ": 0.1499, - "MAE": 67.9011, - "MAPE": 0.0425, - "MASE": 0.7189, - "MannWhitneyU": 1607.0, - "MedAE": 67.3787, - "Pearson": 0.9866, - "R2": 0.9699, - "RMSE": 81.4737, - "RMSSE": 0.6925, - "SMAPE": 0.0419, + "LnQ": 0.1605, + "MAE": 74.0783, + "MAPE": 0.0436, + "MASE": 0.7843, + "MannWhitneyU": 1759.0, + "MedAE": 66.6274, + "Pearson": 0.9823, + "R2": 0.9648, + "RMSE": 88.049, + "RMSSE": 0.7484, + "SMAPE": 0.0434, "Signal": "_female_Forecast_1" }, "12": { - "AUC": 0.4588, - "DiffSMAPE": 0.1025, - "ErrorMean": 42.56, - "ErrorStdDev": 175.6962, - "KS": 0.2034, - "KendallTau": 0.6895, + "AUC": 0.5053, + "DiffSMAPE": 0.0434, + "ErrorMean": 3.4166, + "ErrorStdDev": 87.9827, + "KS": 0.0847, + "KendallTau": 0.7585, "Length": 59, - "LnQ": 1.058, - "MAE": 152.7319, - "MAPE": 0.1049, - "MASE": 1.6171, - "MannWhitneyU": 1597.0, - "MedAE": 134.4431, - "Pearson": 0.9296, - "R2": 0.8517, - "RMSE": 180.7775, - "RMSSE": 1.5366, - "SMAPE": 0.1025, + "LnQ": 0.1605, + "MAE": 74.0783, + "MAPE": 0.0436, + "MASE": 0.7843, + "MannWhitneyU": 1759.0, + "MedAE": 66.6274, + "Pearson": 0.9823, + "R2": 0.9648, + "RMSE": 88.049, + "RMSSE": 0.7484, + "SMAPE": 0.0434, "Signal": "_female_Forecast_12" } }, @@ -2586,18 +2606,21 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "AR": "L", "Cycle": "S", "Decomposition": "S", - "Transformation": "S", - "Trend": "M" + "Transformation": "M", + "Trend": "S" }, "Dataset": { "Exogenous_Data": { "Categorical_Variables": {}, "Categorical_Variables_Excluded": [], "Categorical_Variables_Usage": {}, - "Continuous_Variables": {}, - "Continuous_Variables_Excluded": [ - "Index_ex1" - ] + "Continuous_Variables": { + "Index_ex1": { + "Mean": 3849734.0, + "StdDev": 67397.42058120623 + } + }, + "Continuous_Variables_Excluded": [] }, "Signal": "_male", "Time": { @@ -2611,53 +2634,53 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model": { "AR_Model": "XGBX", - "Best_Decomposition": "__male_PolyTrend_residue_Cycle_None_residue_XGBX(14)", - "Cycle": "Cycle_None", + "Best_Decomposition": "Diff__male_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)", + "Cycle": "NoCycle", "Signal_Decomposition_Type": "T+S+R", - "Signal_Transoformation": "NoTransf", - "Trend": "PolyTrend" + "Signal_Transoformation": "Difference", + "Trend": "ConstantTrend" }, "Model_Performance": { "1": { - "AUC": 0.4605, - "DiffSMAPE": 0.0374, - "ErrorMean": 35.4718, - "ErrorStdDev": 89.9719, - "KS": 0.1525, - "KendallTau": 0.8146, + "AUC": 0.526, + "DiffSMAPE": 0.043, + "ErrorMean": -28.0074, + "ErrorStdDev": 112.4982, + "KS": 0.1356, + "KendallTau": 0.7515, "Length": 59, - "LnQ": 0.1368, - "MAE": 77.7569, - "MAPE": 0.0383, - "MASE": 0.7085, - "MannWhitneyU": 1603.0, - "MedAE": 72.6483, - "Pearson": 0.9894, - "R2": 0.9749, - "RMSE": 96.7119, - "RMSSE": 0.7178, - "SMAPE": 0.0374, + "LnQ": 0.1645, + "MAE": 95.7528, + "MAPE": 0.0424, + "MASE": 0.8725, + "MannWhitneyU": 1831.0, + "MedAE": 98.427, + "Pearson": 0.9829, + "R2": 0.9639, + "RMSE": 115.9321, + "RMSSE": 0.8604, + "SMAPE": 0.043, "Signal": "_male_Forecast_1" }, "12": { - "AUC": 0.4499, - "DiffSMAPE": 0.1112, - "ErrorMean": 47.2346, - "ErrorStdDev": 255.9958, - "KS": 0.2542, - "KendallTau": 0.6404, + "AUC": 0.526, + "DiffSMAPE": 0.043, + "ErrorMean": -28.0074, + "ErrorStdDev": 112.4982, + "KS": 0.1356, + "KendallTau": 0.7515, "Length": 59, - "LnQ": 1.1949, - "MAE": 221.6756, - "MAPE": 0.1125, - "MASE": 2.02, - "MannWhitneyU": 1566.0, - "MedAE": 200.2812, - "Pearson": 0.9132, - "R2": 0.8181, - "RMSE": 260.317, - "RMSSE": 1.9321, - "SMAPE": 0.1112, + "LnQ": 0.1645, + "MAE": 95.7528, + "MAPE": 0.0424, + "MASE": 0.8725, + "MannWhitneyU": 1831.0, + "MedAE": 98.427, + "Pearson": 0.9829, + "R2": 0.9639, + "RMSE": 115.9321, + "RMSSE": 0.8604, + "SMAPE": 0.043, "Signal": "_male_Forecast_12" } }, @@ -2712,7 +2735,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al ] } }, - "Training_Time": 273.991 + "Training_Time": 31.858 }INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male', '_female', '_male', '_'], 'Horizons': {'ACT_female': 12, 'ACT_male': 12, 'NSW_female': 12, 'NSW_male': 12, 'NT_female': 12, 'NT_male': 12, 'QLD_female': 12, 'QLD_male': 12, 'SA_female': 12, 'SA_male': 12, 'TAS_female': 12, 'TAS_male': 12, 'VIC_female': 12, 'VIC_male': 12, 'WA_female': 12, 'WA_male': 12, '_female': 12, '_male': 12, '_': 12}} @@ -2720,11 +2743,11 @@ INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'N -INFO:pyaf.std:FORECASTING_ENGINE_END 22.111 +INFO:pyaf.std:FORECASTING_ENGINE_END 8.95 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU', 'TD', 'MO', 'OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD PHA_TD INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_MIDDLE_OUT_METHOD MO INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_OPTIMAL_COMBINATION_METHOD OC -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_grouped_signals_AllMethods_Exogenous_all_nodes_force_XGBX.py', 'ElapsedTimeSecs':(312.49, 5.85, 181.54), 'MAX_MEM_KB':205716, 'CPU_PRCNT':'59%', 'FILES_IN':920, 'FILES_OUT':1392, 'EXIT_STATUS':0} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_grouped_signals_AllMethods_Exogenous_all_nodes_force_XGBX.py', 'ElapsedTimeSecs':(42.86, 8.09, 297.29), 'MAX_MEM_KB':201152, 'CPU_PRCNT':'712%', 'FILES_IN':0, 'FILES_OUT':1472, 'EXIT_STATUS':0} diff --git a/tests/references/hierarchical/test_grouped_signals_AllMethods_Exogenous_per_node.log b/tests/references/hierarchical/test_grouped_signals_AllMethods_Exogenous_per_node.log index 04f76af92..690ec5c45 100644 --- a/tests/references/hierarchical/test_grouped_signals_AllMethods_Exogenous_per_node.log +++ b/tests/references/hierarchical/test_grouped_signals_AllMethods_Exogenous_per_node.log @@ -2,13 +2,13 @@ INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_START INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male', '_female', '_male', '_'], 'Horizons': {'ACT_female': 12, 'ACT_male': 12, 'NSW_female': 12, 'NSW_male': 12, 'NT_female': 12, 'NT_male': 12, 'QLD_female': 12, 'QLD_male': 12, 'SA_female': 12, 'SA_male': 12, 'TAS_female': 12, 'TAS_male': 12, 'VIC_female': 12, 'VIC_male': 12, 'WA_female': 12, 'WA_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 297.113 +INFO:pyaf.std:TRAINING_ENGINE_END 29.108 INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_END INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_COMPUTE_TOP_DOWN_HISTORICAL_PROPORTIONS INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male', '_female', '_male', '_'], 'Horizons': {'ACT_female': 12, 'ACT_male': 12, 'NSW_female': 12, 'NSW_male': 12, 'NT_female': 12, 'NT_male': 12, 'QLD_female': 12, 'QLD_male': 12, 'SA_female': 12, 'SA_male': 12, 'TAS_female': 12, 'TAS_male': 12, 'VIC_female': 12, 'VIC_male': 12, 'WA_female': 12, 'WA_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 41.494 +INFO:pyaf.std:FORECASTING_ENGINE_END 8.581 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU', 'TD', 'MO', 'OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD @@ -29,56 +29,56 @@ INFO:pyaf.hierarchical:DATASET_COLUMNS Index(['Index', 'ACT_female', 'ACT_female dtype='object', length=172) INFO:pyaf.hierarchical:STRUCTURE_LEVEL (0, ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male']) INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9206413650.6063, 'RMSE': 12.3188, 'MAE': 11.1585, 'SMAPE': 0.8842, 'DiffSMAPE': 0.8805, 'MASE': 2.6416, 'RMSSE': 2.2964, 'ErrorMean': 3.0018, 'ErrorStdDev': 11.9474, 'R2': -0.8384, 'Pearson': -0.6209, 'MedAE': 12.1195, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4073, 'MannWhitneyU': 1303.0, 'AUC': 0.3743} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7479032962.4501, 'RMSE': 11.4031, 'MAE': 10.3413, 'SMAPE': 0.9039, 'DiffSMAPE': 0.8996, 'MASE': 2.4481, 'RMSSE': 2.1257, 'ErrorMean': -0.0, 'ErrorStdDev': 11.4031, 'R2': -0.5753, 'Pearson': -0.6349, 'MedAE': 10.9446, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4204, 'MannWhitneyU': 1619.0, 'AUC': 0.4651} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 1345222950.519, 'RMSE': 5.9363, 'MAE': 4.4295, 'SMAPE': 0.5303, 'DiffSMAPE': 0.5209, 'MASE': 1.0486, 'RMSSE': 1.1066, 'ErrorMean': 1.6277, 'ErrorStdDev': 5.7088, 'R2': 0.5731, 'Pearson': 0.785, 'MedAE': 3.6249, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.6131, 'MannWhitneyU': 1498.0, 'AUC': 0.4303} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 1345222950.5176, 'RMSE': 5.9363, 'MAE': 4.4295, 'SMAPE': 0.5303, 'DiffSMAPE': 0.5209, 'MASE': 1.0486, 'RMSSE': 1.1066, 'ErrorMean': 1.6277, 'ErrorStdDev': 5.7088, 'R2': 0.5731, 'Pearson': 0.785, 'MedAE': 3.6249, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.6131, 'MannWhitneyU': 1498.0, 'AUC': 0.4303} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7412888698.721, 'RMSE': 11.3387, 'MAE': 10.2795, 'SMAPE': 0.9006, 'DiffSMAPE': 0.8963, 'MASE': 2.4335, 'RMSSE': 2.1137, 'ErrorMean': -0.0, 'ErrorStdDev': 11.3387, 'R2': -0.5575, 'Pearson': -0.6209, 'MedAE': 10.8886, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4073, 'MannWhitneyU': 1621.0, 'AUC': 0.4657} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9206413650.6063, 'RMSE': 12.3188, 'MAE': 11.1585, 'SMAPE': 0.8842, 'DiffSMAPE': 0.8805, 'MASE': 2.6416, 'RMSSE': 2.2964, 'ErrorMean': 3.0018, 'ErrorStdDev': 11.9474, 'R2': -0.8384, 'Pearson': -0.6209, 'MedAE': 12.1195, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4073, 'MannWhitneyU': 1303.0, 'AUC': 0.3743} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7479032962.4501, 'RMSE': 11.4031, 'MAE': 10.3413, 'SMAPE': 0.9039, 'DiffSMAPE': 0.8996, 'MASE': 2.4481, 'RMSSE': 2.1257, 'ErrorMean': -0.0, 'ErrorStdDev': 11.4031, 'R2': -0.5753, 'Pearson': -0.6349, 'MedAE': 10.9446, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4204, 'MannWhitneyU': 1619.0, 'AUC': 0.4651} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 1345222950.519, 'RMSE': 5.9363, 'MAE': 4.4295, 'SMAPE': 0.5303, 'DiffSMAPE': 0.5209, 'MASE': 1.0486, 'RMSSE': 1.1066, 'ErrorMean': 1.6277, 'ErrorStdDev': 5.7088, 'R2': 0.5731, 'Pearson': 0.785, 'MedAE': 3.6249, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.6131, 'MannWhitneyU': 1498.0, 'AUC': 0.4303} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 1345222950.5176, 'RMSE': 5.9363, 'MAE': 4.4295, 'SMAPE': 0.5303, 'DiffSMAPE': 0.5209, 'MASE': 1.0486, 'RMSSE': 1.1066, 'ErrorMean': 1.6277, 'ErrorStdDev': 5.7088, 'R2': 0.5731, 'Pearson': 0.785, 'MedAE': 3.6249, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.6131, 'MannWhitneyU': 1498.0, 'AUC': 0.4303} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7412888698.721, 'RMSE': 11.3387, 'MAE': 10.2795, 'SMAPE': 0.9006, 'DiffSMAPE': 0.8963, 'MASE': 2.4335, 'RMSSE': 2.1137, 'ErrorMean': -0.0, 'ErrorStdDev': 11.3387, 'R2': -0.5575, 'Pearson': -0.6209, 'MedAE': 10.8886, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4073, 'MannWhitneyU': 1621.0, 'AUC': 0.4657} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9206413650.6063, 'RMSE': 12.3188, 'MAE': 11.1585, 'SMAPE': 0.8842, 'DiffSMAPE': 0.8805, 'MASE': 2.6416, 'RMSSE': 2.2964, 'ErrorMean': 3.0018, 'ErrorStdDev': 11.9474, 'R2': -0.8384, 'Pearson': -0.6209, 'MedAE': 12.1195, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4073, 'MannWhitneyU': 1303.0, 'AUC': 0.3743} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7479032962.4501, 'RMSE': 11.4031, 'MAE': 10.3413, 'SMAPE': 0.9039, 'DiffSMAPE': 0.8996, 'MASE': 2.4481, 'RMSSE': 2.1257, 'ErrorMean': -0.0, 'ErrorStdDev': 11.4031, 'R2': -0.5753, 'Pearson': -0.6349, 'MedAE': 10.9446, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4204, 'MannWhitneyU': 1619.0, 'AUC': 0.4651} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 1345222950.519, 'RMSE': 5.9363, 'MAE': 4.4295, 'SMAPE': 0.5303, 'DiffSMAPE': 0.5209, 'MASE': 1.0486, 'RMSSE': 1.1066, 'ErrorMean': 1.6277, 'ErrorStdDev': 5.7088, 'R2': 0.5731, 'Pearson': 0.785, 'MedAE': 3.6249, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.6131, 'MannWhitneyU': 1498.0, 'AUC': 0.4303} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 1345222950.5176, 'RMSE': 5.9363, 'MAE': 4.4295, 'SMAPE': 0.5303, 'DiffSMAPE': 0.5209, 'MASE': 1.0486, 'RMSSE': 1.1066, 'ErrorMean': 1.6277, 'ErrorStdDev': 5.7088, 'R2': 0.5731, 'Pearson': 0.785, 'MedAE': 3.6249, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.6131, 'MannWhitneyU': 1498.0, 'AUC': 0.4303} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7412888698.721, 'RMSE': 11.3387, 'MAE': 10.2795, 'SMAPE': 0.9006, 'DiffSMAPE': 0.8963, 'MASE': 2.4335, 'RMSSE': 2.1137, 'ErrorMean': -0.0, 'ErrorStdDev': 11.3387, 'R2': -0.5575, 'Pearson': -0.6209, 'MedAE': 10.8886, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4073, 'MannWhitneyU': 1621.0, 'AUC': 0.4657} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_AHP_TD_Forecast') {'Signal': 'ACT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.3108, 'RMSE': 18.0444, 'MAE': 16.4517, 'SMAPE': 0.8778, 'DiffSMAPE': 0.8753, 'MASE': 3.2236, 'RMSSE': 2.5851, 'ErrorMean': 4.0745, 'ErrorStdDev': 17.5784, 'R2': -0.796, 'Pearson': -0.6069, 'MedAE': 19.034, 'LnQ': 107.0423, 'KS': 0.3729, 'KendallTau': -0.424, 'MannWhitneyU': 1269.0, 'AUC': 0.3646} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_BU_Forecast') {'Signal': 'ACT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5679, 'RMSE': 6.1452, 'MAE': 4.3838, 'SMAPE': 0.3953, 'DiffSMAPE': 0.3902, 'MASE': 0.859, 'RMSSE': 0.8804, 'ErrorMean': 0.1605, 'ErrorStdDev': 6.1431, 'R2': 0.7917, 'Pearson': 0.8899, 'MedAE': 2.5852, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.7257, 'MannWhitneyU': 1680.5, 'AUC': 0.4828} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_Forecast') {'Signal': 'ACT_male', 'Length': 59, 'MAPE': 0.5679, 'RMSE': 6.1452, 'MAE': 4.3838, 'SMAPE': 0.3953, 'DiffSMAPE': 0.3902, 'MASE': 0.859, 'RMSSE': 0.8804, 'ErrorMean': 0.1605, 'ErrorStdDev': 6.1431, 'R2': 0.7917, 'Pearson': 0.8899, 'MedAE': 2.5852, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.7257, 'MannWhitneyU': 1680.5, 'AUC': 0.4828} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6863, 'RMSE': 16.689, 'MAE': 15.2654, 'SMAPE': 0.8916, 'DiffSMAPE': 0.8887, 'MASE': 2.9912, 'RMSSE': 2.3909, 'ErrorMean': 0.0, 'ErrorStdDev': 16.689, 'R2': -0.5363, 'Pearson': -0.5957, 'MedAE': 15.6399, 'LnQ': 95.7721, 'KS': 0.3729, 'KendallTau': -0.4158, 'MannWhitneyU': 1657.0, 'AUC': 0.476} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6863, 'RMSE': 16.689, 'MAE': 15.2654, 'SMAPE': 0.8916, 'DiffSMAPE': 0.8887, 'MASE': 2.9912, 'RMSSE': 2.3909, 'ErrorMean': -0.0, 'ErrorStdDev': 16.689, 'R2': -0.5363, 'Pearson': -0.5957, 'MedAE': 15.6399, 'LnQ': 95.7721, 'KS': 0.3729, 'KendallTau': -0.4158, 'MannWhitneyU': 1657.0, 'AUC': 0.476} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_OC_Forecast') {'Signal': 'ACT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.1905, 'RMSE': 9.5151, 'MAE': 7.7149, 'SMAPE': 0.6195, 'DiffSMAPE': 0.6143, 'MASE': 1.5117, 'RMSSE': 1.3631, 'ErrorMean': -0.3613, 'ErrorStdDev': 9.5082, 'R2': 0.5006, 'Pearson': 0.7163, 'MedAE': 5.9004, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.5873, 'MannWhitneyU': 1651.0, 'AUC': 0.4743} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_PHA_TD_Forecast') {'Signal': 'ACT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 2.7007, 'RMSE': 16.7615, 'MAE': 15.331, 'SMAPE': 0.894, 'DiffSMAPE': 0.8911, 'MASE': 3.004, 'RMSSE': 2.4013, 'ErrorMean': -0.0, 'ErrorStdDev': 16.7615, 'R2': -0.5497, 'Pearson': -0.6069, 'MedAE': 15.6757, 'LnQ': 96.3091, 'KS': 0.3559, 'KendallTau': -0.424, 'MannWhitneyU': 1650.0, 'AUC': 0.474} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_AHP_TD_Forecast') {'Signal': 'ACT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.3108, 'RMSE': 18.0444, 'MAE': 16.4517, 'SMAPE': 0.8778, 'DiffSMAPE': 0.8753, 'MASE': 3.2236, 'RMSSE': 2.5851, 'ErrorMean': 4.0745, 'ErrorStdDev': 17.5784, 'R2': -0.796, 'Pearson': -0.6069, 'MedAE': 19.034, 'LnQ': 107.0423, 'KS': 0.3729, 'KendallTau': -0.424, 'MannWhitneyU': 1269.0, 'AUC': 0.3646} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_BU_Forecast') {'Signal': 'ACT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5679, 'RMSE': 6.1452, 'MAE': 4.3838, 'SMAPE': 0.3953, 'DiffSMAPE': 0.3902, 'MASE': 0.859, 'RMSSE': 0.8804, 'ErrorMean': 0.1605, 'ErrorStdDev': 6.1431, 'R2': 0.7917, 'Pearson': 0.8899, 'MedAE': 2.5852, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.7257, 'MannWhitneyU': 1680.5, 'AUC': 0.4828} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_Forecast') {'Signal': 'ACT_male', 'Length': 59, 'MAPE': 0.5679, 'RMSE': 6.1452, 'MAE': 4.3838, 'SMAPE': 0.3953, 'DiffSMAPE': 0.3902, 'MASE': 0.859, 'RMSSE': 0.8804, 'ErrorMean': 0.1605, 'ErrorStdDev': 6.1431, 'R2': 0.7917, 'Pearson': 0.8899, 'MedAE': 2.5852, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.7257, 'MannWhitneyU': 1680.5, 'AUC': 0.4828} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6863, 'RMSE': 16.689, 'MAE': 15.2654, 'SMAPE': 0.8916, 'DiffSMAPE': 0.8887, 'MASE': 2.9912, 'RMSSE': 2.3909, 'ErrorMean': 0.0, 'ErrorStdDev': 16.689, 'R2': -0.5363, 'Pearson': -0.5957, 'MedAE': 15.6399, 'LnQ': 95.7721, 'KS': 0.3729, 'KendallTau': -0.4158, 'MannWhitneyU': 1657.0, 'AUC': 0.476} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6863, 'RMSE': 16.689, 'MAE': 15.2654, 'SMAPE': 0.8916, 'DiffSMAPE': 0.8887, 'MASE': 2.9912, 'RMSSE': 2.3909, 'ErrorMean': -0.0, 'ErrorStdDev': 16.689, 'R2': -0.5363, 'Pearson': -0.5957, 'MedAE': 15.6399, 'LnQ': 95.7721, 'KS': 0.3729, 'KendallTau': -0.4158, 'MannWhitneyU': 1657.0, 'AUC': 0.476} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_OC_Forecast') {'Signal': 'ACT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.1905, 'RMSE': 9.5151, 'MAE': 7.7149, 'SMAPE': 0.6195, 'DiffSMAPE': 0.6143, 'MASE': 1.5117, 'RMSSE': 1.3631, 'ErrorMean': -0.3613, 'ErrorStdDev': 9.5082, 'R2': 0.5006, 'Pearson': 0.7163, 'MedAE': 5.9004, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.5873, 'MannWhitneyU': 1651.0, 'AUC': 0.4743} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_PHA_TD_Forecast') {'Signal': 'ACT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 2.7007, 'RMSE': 16.7615, 'MAE': 15.331, 'SMAPE': 0.894, 'DiffSMAPE': 0.8911, 'MASE': 3.004, 'RMSSE': 2.4013, 'ErrorMean': -0.0, 'ErrorStdDev': 16.7615, 'R2': -0.5497, 'Pearson': -0.6069, 'MedAE': 15.6757, 'LnQ': 96.3091, 'KS': 0.3559, 'KendallTau': -0.424, 'MannWhitneyU': 1650.0, 'AUC': 0.474} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_AHP_TD_Forecast') {'Signal': 'ACT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.3108, 'RMSE': 18.0444, 'MAE': 16.4517, 'SMAPE': 0.8778, 'DiffSMAPE': 0.8753, 'MASE': 3.2236, 'RMSSE': 2.5851, 'ErrorMean': 4.0745, 'ErrorStdDev': 17.5784, 'R2': -0.796, 'Pearson': -0.6069, 'MedAE': 19.034, 'LnQ': 107.0423, 'KS': 0.3729, 'KendallTau': -0.424, 'MannWhitneyU': 1269.0, 'AUC': 0.3646} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_BU_Forecast') {'Signal': 'ACT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5679, 'RMSE': 6.1452, 'MAE': 4.3838, 'SMAPE': 0.3953, 'DiffSMAPE': 0.3902, 'MASE': 0.859, 'RMSSE': 0.8804, 'ErrorMean': 0.1605, 'ErrorStdDev': 6.1431, 'R2': 0.7917, 'Pearson': 0.8899, 'MedAE': 2.5852, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.7257, 'MannWhitneyU': 1680.5, 'AUC': 0.4828} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_Forecast') {'Signal': 'ACT_male', 'Length': 59, 'MAPE': 0.5679, 'RMSE': 6.1452, 'MAE': 4.3838, 'SMAPE': 0.3953, 'DiffSMAPE': 0.3902, 'MASE': 0.859, 'RMSSE': 0.8804, 'ErrorMean': 0.1605, 'ErrorStdDev': 6.1431, 'R2': 0.7917, 'Pearson': 0.8899, 'MedAE': 2.5852, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.7257, 'MannWhitneyU': 1680.5, 'AUC': 0.4828} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6863, 'RMSE': 16.689, 'MAE': 15.2654, 'SMAPE': 0.8916, 'DiffSMAPE': 0.8887, 'MASE': 2.9912, 'RMSSE': 2.3909, 'ErrorMean': 0.0, 'ErrorStdDev': 16.689, 'R2': -0.5363, 'Pearson': -0.5957, 'MedAE': 15.6399, 'LnQ': 95.7721, 'KS': 0.3729, 'KendallTau': -0.4158, 'MannWhitneyU': 1657.0, 'AUC': 0.476} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6863, 'RMSE': 16.689, 'MAE': 15.2654, 'SMAPE': 0.8916, 'DiffSMAPE': 0.8887, 'MASE': 2.9912, 'RMSSE': 2.3909, 'ErrorMean': -0.0, 'ErrorStdDev': 16.689, 'R2': -0.5363, 'Pearson': -0.5957, 'MedAE': 15.6399, 'LnQ': 95.7721, 'KS': 0.3729, 'KendallTau': -0.4158, 'MannWhitneyU': 1657.0, 'AUC': 0.476} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_OC_Forecast') {'Signal': 'ACT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.1905, 'RMSE': 9.5151, 'MAE': 7.7149, 'SMAPE': 0.6195, 'DiffSMAPE': 0.6143, 'MASE': 1.5117, 'RMSSE': 1.3631, 'ErrorMean': -0.3613, 'ErrorStdDev': 9.5082, 'R2': 0.5006, 'Pearson': 0.7163, 'MedAE': 5.9004, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.5873, 'MannWhitneyU': 1651.0, 'AUC': 0.4743} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_PHA_TD_Forecast') {'Signal': 'ACT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 2.7007, 'RMSE': 16.7615, 'MAE': 15.331, 'SMAPE': 0.894, 'DiffSMAPE': 0.8911, 'MASE': 3.004, 'RMSSE': 2.4013, 'ErrorMean': -0.0, 'ErrorStdDev': 16.7615, 'R2': -0.5497, 'Pearson': -0.6069, 'MedAE': 15.6757, 'LnQ': 96.3091, 'KS': 0.3559, 'KendallTau': -0.424, 'MannWhitneyU': 1650.0, 'AUC': 0.474} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0952, 'RMSE': 72.8239, 'MAE': 55.6866, 'SMAPE': 0.0928, 'DiffSMAPE': 0.0928, 'MASE': 1.2656, 'RMSSE': 1.2645, 'ErrorMean': -10.6694, 'ErrorStdDev': 72.038, 'R2': 0.8778, 'Pearson': 0.9526, 'MedAE': 44.0349, 'LnQ': 0.8741, 'KS': 0.2712, 'KendallTau': 0.7308, 'MannWhitneyU': 1908.0, 'AUC': 0.5481} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0942, 'RMSE': 68.3673, 'MAE': 52.6855, 'SMAPE': 0.0905, 'DiffSMAPE': 0.0904, 'MASE': 1.1974, 'RMSSE': 1.1871, 'ErrorMean': -0.0, 'ErrorStdDev': 68.3673, 'R2': 0.8923, 'Pearson': 0.9557, 'MedAE': 38.8081, 'LnQ': 0.8538, 'KS': 0.2373, 'KendallTau': 0.7401, 'MannWhitneyU': 1807.0, 'AUC': 0.5191} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0728, 'RMSE': 52.4471, 'MAE': 41.5409, 'SMAPE': 0.0735, 'DiffSMAPE': 0.0735, 'MASE': 0.9441, 'RMSSE': 0.9107, 'ErrorMean': -5.6327, 'ErrorStdDev': 52.1437, 'R2': 0.9366, 'Pearson': 0.9682, 'MedAE': 38.5391, 'LnQ': 0.5338, 'KS': 0.1186, 'KendallTau': 0.836, 'MannWhitneyU': 1733.0, 'AUC': 0.4978} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0972, 'RMSE': 70.7773, 'MAE': 54.5598, 'SMAPE': 0.0932, 'DiffSMAPE': 0.0932, 'MASE': 1.24, 'RMSSE': 1.229, 'ErrorMean': -0.0, 'ErrorStdDev': 70.7773, 'R2': 0.8846, 'Pearson': 0.9526, 'MedAE': 38.2922, 'LnQ': 0.9046, 'KS': 0.2373, 'KendallTau': 0.7308, 'MannWhitneyU': 1812.0, 'AUC': 0.5205} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0952, 'RMSE': 72.8239, 'MAE': 55.6866, 'SMAPE': 0.0928, 'DiffSMAPE': 0.0928, 'MASE': 1.2656, 'RMSSE': 1.2645, 'ErrorMean': -10.6694, 'ErrorStdDev': 72.038, 'R2': 0.8778, 'Pearson': 0.9526, 'MedAE': 44.0349, 'LnQ': 0.8741, 'KS': 0.2712, 'KendallTau': 0.7308, 'MannWhitneyU': 1908.0, 'AUC': 0.5481} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0942, 'RMSE': 68.3673, 'MAE': 52.6855, 'SMAPE': 0.0905, 'DiffSMAPE': 0.0904, 'MASE': 1.1974, 'RMSSE': 1.1871, 'ErrorMean': -0.0, 'ErrorStdDev': 68.3673, 'R2': 0.8923, 'Pearson': 0.9557, 'MedAE': 38.8081, 'LnQ': 0.8538, 'KS': 0.2373, 'KendallTau': 0.7401, 'MannWhitneyU': 1807.0, 'AUC': 0.5191} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0728, 'RMSE': 52.4471, 'MAE': 41.5409, 'SMAPE': 0.0735, 'DiffSMAPE': 0.0735, 'MASE': 0.9441, 'RMSSE': 0.9107, 'ErrorMean': -5.6327, 'ErrorStdDev': 52.1437, 'R2': 0.9366, 'Pearson': 0.9682, 'MedAE': 38.5391, 'LnQ': 0.5338, 'KS': 0.1186, 'KendallTau': 0.836, 'MannWhitneyU': 1733.0, 'AUC': 0.4978} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0972, 'RMSE': 70.7773, 'MAE': 54.5598, 'SMAPE': 0.0932, 'DiffSMAPE': 0.0932, 'MASE': 1.24, 'RMSSE': 1.229, 'ErrorMean': -0.0, 'ErrorStdDev': 70.7773, 'R2': 0.8846, 'Pearson': 0.9526, 'MedAE': 38.2922, 'LnQ': 0.9046, 'KS': 0.2373, 'KendallTau': 0.7308, 'MannWhitneyU': 1812.0, 'AUC': 0.5205} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0952, 'RMSE': 72.8239, 'MAE': 55.6866, 'SMAPE': 0.0928, 'DiffSMAPE': 0.0928, 'MASE': 1.2656, 'RMSSE': 1.2645, 'ErrorMean': -10.6694, 'ErrorStdDev': 72.038, 'R2': 0.8778, 'Pearson': 0.9526, 'MedAE': 44.0349, 'LnQ': 0.8741, 'KS': 0.2712, 'KendallTau': 0.7308, 'MannWhitneyU': 1908.0, 'AUC': 0.5481} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0942, 'RMSE': 68.3673, 'MAE': 52.6855, 'SMAPE': 0.0905, 'DiffSMAPE': 0.0904, 'MASE': 1.1974, 'RMSSE': 1.1871, 'ErrorMean': -0.0, 'ErrorStdDev': 68.3673, 'R2': 0.8923, 'Pearson': 0.9557, 'MedAE': 38.8081, 'LnQ': 0.8538, 'KS': 0.2373, 'KendallTau': 0.7401, 'MannWhitneyU': 1807.0, 'AUC': 0.5191} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0728, 'RMSE': 52.4471, 'MAE': 41.5409, 'SMAPE': 0.0735, 'DiffSMAPE': 0.0735, 'MASE': 0.9441, 'RMSSE': 0.9107, 'ErrorMean': -5.6327, 'ErrorStdDev': 52.1437, 'R2': 0.9366, 'Pearson': 0.9682, 'MedAE': 38.5391, 'LnQ': 0.5338, 'KS': 0.1186, 'KendallTau': 0.836, 'MannWhitneyU': 1733.0, 'AUC': 0.4978} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0972, 'RMSE': 70.7773, 'MAE': 54.5598, 'SMAPE': 0.0932, 'DiffSMAPE': 0.0932, 'MASE': 1.24, 'RMSSE': 1.229, 'ErrorMean': -0.0, 'ErrorStdDev': 70.7773, 'R2': 0.8846, 'Pearson': 0.9526, 'MedAE': 38.2922, 'LnQ': 0.9046, 'KS': 0.2373, 'KendallTau': 0.7308, 'MannWhitneyU': 1812.0, 'AUC': 0.5205} @@ -119,20 +119,20 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_MO_For INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_OC_Forecast') {'Signal': 'NT_female_OC_Forecast', 'Length': 59, 'MAPE': 1.0717, 'RMSE': 12.6276, 'MAE': 9.0388, 'SMAPE': 0.6627, 'DiffSMAPE': 0.6562, 'MASE': 1.2694, 'RMSSE': 1.162, 'ErrorMean': 1.3016, 'ErrorStdDev': 12.5603, 'R2': 0.4927, 'Pearson': 0.7066, 'MedAE': 7.035, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.6125, 'MannWhitneyU': 1540.0, 'AUC': 0.4424} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_PHA_TD_Forecast') {'Signal': 'NT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 4.0251, 'RMSE': 20.5633, 'MAE': 18.2278, 'SMAPE': 1.0476, 'DiffSMAPE': 1.0442, 'MASE': 2.5598, 'RMSSE': 1.8923, 'ErrorMean': -0.0, 'ErrorStdDev': 20.5633, 'R2': -0.3453, 'Pearson': -0.5197, 'MedAE': 17.7136, 'LnQ': 138.3678, 'KS': 0.4068, 'KendallTau': -0.429, 'MannWhitneyU': 1418.0, 'AUC': 0.4074} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_AHP_TD_Forecast') {'Signal': 'NT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.81, 'RMSE': 25.307, 'MAE': 22.7804, 'SMAPE': 0.9601, 'DiffSMAPE': 0.9578, 'MASE': 3.2305, 'RMSSE': 1.9203, 'ErrorMean': 4.5368, 'ErrorStdDev': 24.897, 'R2': -0.4909, 'Pearson': -0.4863, 'MedAE': 21.5294, 'LnQ': 122.6877, 'KS': 0.4237, 'KendallTau': -0.4784, 'MannWhitneyU': 1060.0, 'AUC': 0.3045} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_MO_Forecast') {'Signal': 'NT_male_MO_Forecast', 'Length': 59, 'MAPE': 3.1348, 'RMSE': 24.0296, 'MAE': 21.0164, 'SMAPE': 0.9597, 'DiffSMAPE': 0.9572, 'MASE': 2.9803, 'RMSSE': 1.8234, 'ErrorMean': -0.0, 'ErrorStdDev': 24.0296, 'R2': -0.3442, 'Pearson': -0.4759, 'MedAE': 19.0291, 'LnQ': 110.563, 'KS': 0.3559, 'KendallTau': -0.4619, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_OC_Forecast') {'Signal': 'NT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.3688, 'RMSE': 15.8586, 'MAE': 12.2534, 'SMAPE': 0.7394, 'DiffSMAPE': 0.7336, 'MASE': 1.7376, 'RMSSE': 1.2034, 'ErrorMean': -0.5219, 'ErrorStdDev': 15.85, 'R2': 0.4145, 'Pearson': 0.6453, 'MedAE': 10.0992, 'LnQ': inf, 'KS': 0.2712, 'KendallTau': 0.6109, 'MannWhitneyU': 1466.0, 'AUC': 0.4211} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_PHA_TD_Forecast') {'Signal': 'NT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 3.1519, 'RMSE': 24.1135, 'MAE': 21.0857, 'SMAPE': 0.9614, 'DiffSMAPE': 0.9589, 'MASE': 2.9901, 'RMSSE': 1.8298, 'ErrorMean': -0.0, 'ErrorStdDev': 24.1135, 'R2': -0.3536, 'Pearson': -0.4863, 'MedAE': 19.1069, 'LnQ': 111.1357, 'KS': 0.3559, 'KendallTau': -0.4784, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_AHP_TD_Forecast') {'Signal': 'NT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.81, 'RMSE': 25.307, 'MAE': 22.7804, 'SMAPE': 0.9601, 'DiffSMAPE': 0.9578, 'MASE': 3.2305, 'RMSSE': 1.9203, 'ErrorMean': 4.5368, 'ErrorStdDev': 24.897, 'R2': -0.4909, 'Pearson': -0.4863, 'MedAE': 21.5294, 'LnQ': 122.6877, 'KS': 0.4237, 'KendallTau': -0.4784, 'MannWhitneyU': 1060.0, 'AUC': 0.3045} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_MO_Forecast') {'Signal': 'NT_male_MO_Forecast', 'Length': 59, 'MAPE': 3.1348, 'RMSE': 24.0296, 'MAE': 21.0164, 'SMAPE': 0.9597, 'DiffSMAPE': 0.9572, 'MASE': 2.9803, 'RMSSE': 1.8234, 'ErrorMean': -0.0, 'ErrorStdDev': 24.0296, 'R2': -0.3442, 'Pearson': -0.4759, 'MedAE': 19.0291, 'LnQ': 110.563, 'KS': 0.3559, 'KendallTau': -0.4619, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_OC_Forecast') {'Signal': 'NT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.3688, 'RMSE': 15.8586, 'MAE': 12.2534, 'SMAPE': 0.7394, 'DiffSMAPE': 0.7336, 'MASE': 1.7376, 'RMSSE': 1.2034, 'ErrorMean': -0.5219, 'ErrorStdDev': 15.85, 'R2': 0.4145, 'Pearson': 0.6453, 'MedAE': 10.0992, 'LnQ': inf, 'KS': 0.2712, 'KendallTau': 0.6109, 'MannWhitneyU': 1466.0, 'AUC': 0.4211} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_PHA_TD_Forecast') {'Signal': 'NT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 3.1519, 'RMSE': 24.1135, 'MAE': 21.0857, 'SMAPE': 0.9614, 'DiffSMAPE': 0.9589, 'MASE': 2.9901, 'RMSSE': 1.8298, 'ErrorMean': -0.0, 'ErrorStdDev': 24.1135, 'R2': -0.3536, 'Pearson': -0.4863, 'MedAE': 19.1069, 'LnQ': 111.1357, 'KS': 0.3559, 'KendallTau': -0.4784, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_AHP_TD_Forecast') {'Signal': 'NT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.81, 'RMSE': 25.307, 'MAE': 22.7804, 'SMAPE': 0.9601, 'DiffSMAPE': 0.9578, 'MASE': 3.2305, 'RMSSE': 1.9203, 'ErrorMean': 4.5368, 'ErrorStdDev': 24.897, 'R2': -0.4909, 'Pearson': -0.4863, 'MedAE': 21.5294, 'LnQ': 122.6877, 'KS': 0.4237, 'KendallTau': -0.4784, 'MannWhitneyU': 1060.0, 'AUC': 0.3045} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_MO_Forecast') {'Signal': 'NT_male_MO_Forecast', 'Length': 59, 'MAPE': 3.1348, 'RMSE': 24.0296, 'MAE': 21.0164, 'SMAPE': 0.9597, 'DiffSMAPE': 0.9572, 'MASE': 2.9803, 'RMSSE': 1.8234, 'ErrorMean': -0.0, 'ErrorStdDev': 24.0296, 'R2': -0.3442, 'Pearson': -0.4759, 'MedAE': 19.0291, 'LnQ': 110.563, 'KS': 0.3559, 'KendallTau': -0.4619, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_OC_Forecast') {'Signal': 'NT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.3688, 'RMSE': 15.8586, 'MAE': 12.2534, 'SMAPE': 0.7394, 'DiffSMAPE': 0.7336, 'MASE': 1.7376, 'RMSSE': 1.2034, 'ErrorMean': -0.5219, 'ErrorStdDev': 15.85, 'R2': 0.4145, 'Pearson': 0.6453, 'MedAE': 10.0992, 'LnQ': inf, 'KS': 0.2712, 'KendallTau': 0.6109, 'MannWhitneyU': 1466.0, 'AUC': 0.4211} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_PHA_TD_Forecast') {'Signal': 'NT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 3.1519, 'RMSE': 24.1135, 'MAE': 21.0857, 'SMAPE': 0.9614, 'DiffSMAPE': 0.9589, 'MASE': 2.9901, 'RMSSE': 1.8298, 'ErrorMean': -0.0, 'ErrorStdDev': 24.1135, 'R2': -0.3536, 'Pearson': -0.4863, 'MedAE': 19.1069, 'LnQ': 111.1357, 'KS': 0.3559, 'KendallTau': -0.4784, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} @@ -155,38 +155,38 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_MO_Fo INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_OC_Forecast') {'Signal': 'QLD_female_OC_Forecast', 'Length': 59, 'MAPE': 0.081, 'RMSE': 28.0849, 'MAE': 21.5416, 'SMAPE': 0.0816, 'DiffSMAPE': 0.0816, 'MASE': 0.7176, 'RMSSE': 0.758, 'ErrorMean': -2.0651, 'ErrorStdDev': 28.0089, 'R2': 0.8228, 'Pearson': 0.9077, 'MedAE': 16.8453, 'LnQ': 0.6481, 'KS': 0.1356, 'KendallTau': 0.661, 'MannWhitneyU': 1755.0, 'AUC': 0.5042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_PHA_TD_Forecast') {'Signal': 'QLD_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0871, 'RMSE': 29.7334, 'MAE': 23.4036, 'SMAPE': 0.0881, 'DiffSMAPE': 0.0881, 'MASE': 0.7797, 'RMSSE': 0.8025, 'ErrorMean': -0.0, 'ErrorStdDev': 29.7334, 'R2': 0.8014, 'Pearson': 0.9061, 'MedAE': 17.5885, 'LnQ': 0.7456, 'KS': 0.1695, 'KendallTau': 0.641, 'MannWhitneyU': 1636.0, 'AUC': 0.47} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_AHP_TD_Forecast') {'Signal': 'QLD_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0794, 'RMSE': 34.7938, 'MAE': 27.0406, 'SMAPE': 0.0781, 'DiffSMAPE': 0.0781, 'MASE': 1.1291, 'RMSSE': 1.1602, 'ErrorMean': 3.2996, 'ErrorStdDev': 34.637, 'R2': 0.8512, 'Pearson': 0.9293, 'MedAE': 19.5034, 'LnQ': 0.6267, 'KS': 0.1695, 'KendallTau': 0.6692, 'MannWhitneyU': 1608.0, 'AUC': 0.4619} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_MO_Forecast') {'Signal': 'QLD_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0786, 'RMSE': 34.1729, 'MAE': 26.7604, 'SMAPE': 0.0779, 'DiffSMAPE': 0.0779, 'MASE': 1.1174, 'RMSSE': 1.1395, 'ErrorMean': -0.0, 'ErrorStdDev': 34.1729, 'R2': 0.8565, 'Pearson': 0.9296, 'MedAE': 18.8801, 'LnQ': 0.6204, 'KS': 0.1356, 'KendallTau': 0.6587, 'MannWhitneyU': 1670.0, 'AUC': 0.4797} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0804, 'RMSE': 34.9961, 'MAE': 27.2695, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0792, 'MASE': 1.1387, 'RMSSE': 1.167, 'ErrorMean': -0.5219, 'ErrorStdDev': 34.9922, 'R2': 0.8495, 'Pearson': 0.9231, 'MedAE': 22.7082, 'LnQ': 0.6429, 'KS': 0.1017, 'KendallTau': 0.654, 'MannWhitneyU': 1713.0, 'AUC': 0.4921} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_PHA_TD_Forecast') {'Signal': 'QLD_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0787, 'RMSE': 34.4144, 'MAE': 26.8549, 'SMAPE': 0.0782, 'DiffSMAPE': 0.0782, 'MASE': 1.1214, 'RMSSE': 1.1476, 'ErrorMean': -0.0, 'ErrorStdDev': 34.4144, 'R2': 0.8544, 'Pearson': 0.9293, 'MedAE': 20.1717, 'LnQ': 0.6248, 'KS': 0.1356, 'KendallTau': 0.6692, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_AHP_TD_Forecast') {'Signal': 'QLD_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0794, 'RMSE': 34.7938, 'MAE': 27.0406, 'SMAPE': 0.0781, 'DiffSMAPE': 0.0781, 'MASE': 1.1291, 'RMSSE': 1.1602, 'ErrorMean': 3.2996, 'ErrorStdDev': 34.637, 'R2': 0.8512, 'Pearson': 0.9293, 'MedAE': 19.5034, 'LnQ': 0.6267, 'KS': 0.1695, 'KendallTau': 0.6692, 'MannWhitneyU': 1608.0, 'AUC': 0.4619} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_MO_Forecast') {'Signal': 'QLD_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0786, 'RMSE': 34.1729, 'MAE': 26.7604, 'SMAPE': 0.0779, 'DiffSMAPE': 0.0779, 'MASE': 1.1174, 'RMSSE': 1.1395, 'ErrorMean': -0.0, 'ErrorStdDev': 34.1729, 'R2': 0.8565, 'Pearson': 0.9296, 'MedAE': 18.8801, 'LnQ': 0.6204, 'KS': 0.1356, 'KendallTau': 0.6587, 'MannWhitneyU': 1670.0, 'AUC': 0.4797} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0804, 'RMSE': 34.9961, 'MAE': 27.2695, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0792, 'MASE': 1.1387, 'RMSSE': 1.167, 'ErrorMean': -0.5219, 'ErrorStdDev': 34.9922, 'R2': 0.8495, 'Pearson': 0.9231, 'MedAE': 22.7082, 'LnQ': 0.6429, 'KS': 0.1017, 'KendallTau': 0.654, 'MannWhitneyU': 1713.0, 'AUC': 0.4921} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_PHA_TD_Forecast') {'Signal': 'QLD_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0787, 'RMSE': 34.4144, 'MAE': 26.8549, 'SMAPE': 0.0782, 'DiffSMAPE': 0.0782, 'MASE': 1.1214, 'RMSSE': 1.1476, 'ErrorMean': -0.0, 'ErrorStdDev': 34.4144, 'R2': 0.8544, 'Pearson': 0.9293, 'MedAE': 20.1717, 'LnQ': 0.6248, 'KS': 0.1356, 'KendallTau': 0.6692, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_AHP_TD_Forecast') {'Signal': 'QLD_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0794, 'RMSE': 34.7938, 'MAE': 27.0406, 'SMAPE': 0.0781, 'DiffSMAPE': 0.0781, 'MASE': 1.1291, 'RMSSE': 1.1602, 'ErrorMean': 3.2996, 'ErrorStdDev': 34.637, 'R2': 0.8512, 'Pearson': 0.9293, 'MedAE': 19.5034, 'LnQ': 0.6267, 'KS': 0.1695, 'KendallTau': 0.6692, 'MannWhitneyU': 1608.0, 'AUC': 0.4619} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_MO_Forecast') {'Signal': 'QLD_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0786, 'RMSE': 34.1729, 'MAE': 26.7604, 'SMAPE': 0.0779, 'DiffSMAPE': 0.0779, 'MASE': 1.1174, 'RMSSE': 1.1395, 'ErrorMean': -0.0, 'ErrorStdDev': 34.1729, 'R2': 0.8565, 'Pearson': 0.9296, 'MedAE': 18.8801, 'LnQ': 0.6204, 'KS': 0.1356, 'KendallTau': 0.6587, 'MannWhitneyU': 1670.0, 'AUC': 0.4797} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0804, 'RMSE': 34.9961, 'MAE': 27.2695, 'SMAPE': 0.0792, 'DiffSMAPE': 0.0792, 'MASE': 1.1387, 'RMSSE': 1.167, 'ErrorMean': -0.5219, 'ErrorStdDev': 34.9922, 'R2': 0.8495, 'Pearson': 0.9231, 'MedAE': 22.7082, 'LnQ': 0.6429, 'KS': 0.1017, 'KendallTau': 0.654, 'MannWhitneyU': 1713.0, 'AUC': 0.4921} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_PHA_TD_Forecast') {'Signal': 'QLD_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0787, 'RMSE': 34.4144, 'MAE': 26.8549, 'SMAPE': 0.0782, 'DiffSMAPE': 0.0782, 'MASE': 1.1214, 'RMSSE': 1.1476, 'ErrorMean': -0.0, 'ErrorStdDev': 34.4144, 'R2': 0.8544, 'Pearson': 0.9293, 'MedAE': 20.1717, 'LnQ': 0.6248, 'KS': 0.1356, 'KendallTau': 0.6692, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_AHP_TD_Forecast') {'Signal': 'SA_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.137, 'RMSE': 21.2311, 'MAE': 16.95, 'SMAPE': 0.1322, 'DiffSMAPE': 0.1322, 'MASE': 0.9426, 'RMSSE': 0.9383, 'ErrorMean': -1.7026, 'ErrorStdDev': 21.1627, 'R2': 0.7818, 'Pearson': 0.8951, 'MedAE': 16.225, 'LnQ': 1.5809, 'KS': 0.2881, 'KendallTau': 0.6958, 'MannWhitneyU': 1826.0, 'AUC': 0.5246} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_BU_Forecast') {'Signal': 'SA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0892, 'RMSE': 14.1874, 'MAE': 11.0701, 'SMAPE': 0.0876, 'DiffSMAPE': 0.0876, 'MASE': 0.6156, 'RMSSE': 0.627, 'ErrorMean': 0.0, 'ErrorStdDev': 14.1874, 'R2': 0.9026, 'Pearson': 0.9501, 'MedAE': 9.3504, 'LnQ': 0.7419, 'KS': 0.0847, 'KendallTau': 0.8105, 'MannWhitneyU': 1708.0, 'AUC': 0.4907} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_Forecast') {'Signal': 'SA_female', 'Length': 59, 'MAPE': 0.0892, 'RMSE': 14.1874, 'MAE': 11.0701, 'SMAPE': 0.0876, 'DiffSMAPE': 0.0876, 'MASE': 0.6156, 'RMSSE': 0.627, 'ErrorMean': 0.0, 'ErrorStdDev': 14.1874, 'R2': 0.9026, 'Pearson': 0.9501, 'MedAE': 9.3504, 'LnQ': 0.7419, 'KS': 0.0847, 'KendallTau': 0.8105, 'MannWhitneyU': 1708.0, 'AUC': 0.4907} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_BU_Forecast') {'Signal': 'SA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0892, 'RMSE': 14.1874, 'MAE': 11.0701, 'SMAPE': 0.0876, 'DiffSMAPE': 0.0876, 'MASE': 0.6156, 'RMSSE': 0.627, 'ErrorMean': -0.0, 'ErrorStdDev': 14.1874, 'R2': 0.9026, 'Pearson': 0.9501, 'MedAE': 9.3504, 'LnQ': 0.7419, 'KS': 0.0847, 'KendallTau': 0.8105, 'MannWhitneyU': 1708.0, 'AUC': 0.4907} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_Forecast') {'Signal': 'SA_female', 'Length': 59, 'MAPE': 0.0892, 'RMSE': 14.1874, 'MAE': 11.0701, 'SMAPE': 0.0876, 'DiffSMAPE': 0.0876, 'MASE': 0.6156, 'RMSSE': 0.627, 'ErrorMean': -0.0, 'ErrorStdDev': 14.1874, 'R2': 0.9026, 'Pearson': 0.9501, 'MedAE': 9.3504, 'LnQ': 0.7419, 'KS': 0.0847, 'KendallTau': 0.8105, 'MannWhitneyU': 1708.0, 'AUC': 0.4907} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_MO_Forecast') {'Signal': 'SA_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1393, 'RMSE': 21.237, 'MAE': 16.9376, 'SMAPE': 0.1329, 'DiffSMAPE': 0.1328, 'MASE': 0.9419, 'RMSSE': 0.9386, 'ErrorMean': -0.0, 'ErrorStdDev': 21.237, 'R2': 0.7817, 'Pearson': 0.8912, 'MedAE': 15.1973, 'LnQ': 1.6249, 'KS': 0.2373, 'KendallTau': 0.6934, 'MannWhitneyU': 1760.0, 'AUC': 0.5056} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_OC_Forecast') {'Signal': 'SA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1015, 'RMSE': 15.4408, 'MAE': 12.3601, 'SMAPE': 0.0985, 'DiffSMAPE': 0.0984, 'MASE': 0.6873, 'RMSSE': 0.6824, 'ErrorMean': 1.3016, 'ErrorStdDev': 15.3858, 'R2': 0.8846, 'Pearson': 0.9411, 'MedAE': 10.7762, 'LnQ': 0.918, 'KS': 0.1017, 'KendallTau': 0.8012, 'MannWhitneyU': 1674.0, 'AUC': 0.4809} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_PHA_TD_Forecast') {'Signal': 'SA_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1385, 'RMSE': 21.0407, 'MAE': 16.7834, 'SMAPE': 0.132, 'DiffSMAPE': 0.132, 'MASE': 0.9333, 'RMSSE': 0.9299, 'ErrorMean': -0.0, 'ErrorStdDev': 21.0407, 'R2': 0.7857, 'Pearson': 0.8951, 'MedAE': 15.4806, 'LnQ': 1.6125, 'KS': 0.2373, 'KendallTau': 0.6958, 'MannWhitneyU': 1761.0, 'AUC': 0.5059} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_AHP_TD_Forecast') {'Signal': 'SA_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.137, 'RMSE': 21.2311, 'MAE': 16.95, 'SMAPE': 0.1322, 'DiffSMAPE': 0.1322, 'MASE': 0.9426, 'RMSSE': 0.9383, 'ErrorMean': -1.7026, 'ErrorStdDev': 21.1627, 'R2': 0.7818, 'Pearson': 0.8951, 'MedAE': 16.225, 'LnQ': 1.5809, 'KS': 0.2881, 'KendallTau': 0.6958, 'MannWhitneyU': 1826.0, 'AUC': 0.5246} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_BU_Forecast') {'Signal': 'SA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0892, 'RMSE': 14.1874, 'MAE': 11.0701, 'SMAPE': 0.0876, 'DiffSMAPE': 0.0876, 'MASE': 0.6156, 'RMSSE': 0.627, 'ErrorMean': 0.0, 'ErrorStdDev': 14.1874, 'R2': 0.9026, 'Pearson': 0.9501, 'MedAE': 9.3504, 'LnQ': 0.7419, 'KS': 0.0847, 'KendallTau': 0.8105, 'MannWhitneyU': 1708.0, 'AUC': 0.4907} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_Forecast') {'Signal': 'SA_female', 'Length': 59, 'MAPE': 0.0892, 'RMSE': 14.1874, 'MAE': 11.0701, 'SMAPE': 0.0876, 'DiffSMAPE': 0.0876, 'MASE': 0.6156, 'RMSSE': 0.627, 'ErrorMean': 0.0, 'ErrorStdDev': 14.1874, 'R2': 0.9026, 'Pearson': 0.9501, 'MedAE': 9.3504, 'LnQ': 0.7419, 'KS': 0.0847, 'KendallTau': 0.8105, 'MannWhitneyU': 1708.0, 'AUC': 0.4907} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_BU_Forecast') {'Signal': 'SA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0892, 'RMSE': 14.1874, 'MAE': 11.0701, 'SMAPE': 0.0876, 'DiffSMAPE': 0.0876, 'MASE': 0.6156, 'RMSSE': 0.627, 'ErrorMean': -0.0, 'ErrorStdDev': 14.1874, 'R2': 0.9026, 'Pearson': 0.9501, 'MedAE': 9.3504, 'LnQ': 0.7419, 'KS': 0.0847, 'KendallTau': 0.8105, 'MannWhitneyU': 1708.0, 'AUC': 0.4907} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_Forecast') {'Signal': 'SA_female', 'Length': 59, 'MAPE': 0.0892, 'RMSE': 14.1874, 'MAE': 11.0701, 'SMAPE': 0.0876, 'DiffSMAPE': 0.0876, 'MASE': 0.6156, 'RMSSE': 0.627, 'ErrorMean': -0.0, 'ErrorStdDev': 14.1874, 'R2': 0.9026, 'Pearson': 0.9501, 'MedAE': 9.3504, 'LnQ': 0.7419, 'KS': 0.0847, 'KendallTau': 0.8105, 'MannWhitneyU': 1708.0, 'AUC': 0.4907} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_MO_Forecast') {'Signal': 'SA_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1393, 'RMSE': 21.237, 'MAE': 16.9376, 'SMAPE': 0.1329, 'DiffSMAPE': 0.1328, 'MASE': 0.9419, 'RMSSE': 0.9386, 'ErrorMean': -0.0, 'ErrorStdDev': 21.237, 'R2': 0.7817, 'Pearson': 0.8912, 'MedAE': 15.1973, 'LnQ': 1.6249, 'KS': 0.2373, 'KendallTau': 0.6934, 'MannWhitneyU': 1760.0, 'AUC': 0.5056} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_OC_Forecast') {'Signal': 'SA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1015, 'RMSE': 15.4408, 'MAE': 12.3601, 'SMAPE': 0.0985, 'DiffSMAPE': 0.0984, 'MASE': 0.6873, 'RMSSE': 0.6824, 'ErrorMean': 1.3016, 'ErrorStdDev': 15.3858, 'R2': 0.8846, 'Pearson': 0.9411, 'MedAE': 10.7762, 'LnQ': 0.918, 'KS': 0.1017, 'KendallTau': 0.8012, 'MannWhitneyU': 1674.0, 'AUC': 0.4809} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_PHA_TD_Forecast') {'Signal': 'SA_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1385, 'RMSE': 21.0407, 'MAE': 16.7834, 'SMAPE': 0.132, 'DiffSMAPE': 0.132, 'MASE': 0.9333, 'RMSSE': 0.9299, 'ErrorMean': -0.0, 'ErrorStdDev': 21.0407, 'R2': 0.7857, 'Pearson': 0.8951, 'MedAE': 15.4806, 'LnQ': 1.6125, 'KS': 0.2373, 'KendallTau': 0.6958, 'MannWhitneyU': 1761.0, 'AUC': 0.5059} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_AHP_TD_Forecast') {'Signal': 'SA_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.137, 'RMSE': 21.2311, 'MAE': 16.95, 'SMAPE': 0.1322, 'DiffSMAPE': 0.1322, 'MASE': 0.9426, 'RMSSE': 0.9383, 'ErrorMean': -1.7026, 'ErrorStdDev': 21.1627, 'R2': 0.7818, 'Pearson': 0.8951, 'MedAE': 16.225, 'LnQ': 1.5809, 'KS': 0.2881, 'KendallTau': 0.6958, 'MannWhitneyU': 1826.0, 'AUC': 0.5246} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_BU_Forecast') {'Signal': 'SA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0892, 'RMSE': 14.1874, 'MAE': 11.0701, 'SMAPE': 0.0876, 'DiffSMAPE': 0.0876, 'MASE': 0.6156, 'RMSSE': 0.627, 'ErrorMean': 0.0, 'ErrorStdDev': 14.1874, 'R2': 0.9026, 'Pearson': 0.9501, 'MedAE': 9.3504, 'LnQ': 0.7419, 'KS': 0.0847, 'KendallTau': 0.8105, 'MannWhitneyU': 1708.0, 'AUC': 0.4907} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_Forecast') {'Signal': 'SA_female', 'Length': 59, 'MAPE': 0.0892, 'RMSE': 14.1874, 'MAE': 11.0701, 'SMAPE': 0.0876, 'DiffSMAPE': 0.0876, 'MASE': 0.6156, 'RMSSE': 0.627, 'ErrorMean': 0.0, 'ErrorStdDev': 14.1874, 'R2': 0.9026, 'Pearson': 0.9501, 'MedAE': 9.3504, 'LnQ': 0.7419, 'KS': 0.0847, 'KendallTau': 0.8105, 'MannWhitneyU': 1708.0, 'AUC': 0.4907} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_BU_Forecast') {'Signal': 'SA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0892, 'RMSE': 14.1874, 'MAE': 11.0701, 'SMAPE': 0.0876, 'DiffSMAPE': 0.0876, 'MASE': 0.6156, 'RMSSE': 0.627, 'ErrorMean': -0.0, 'ErrorStdDev': 14.1874, 'R2': 0.9026, 'Pearson': 0.9501, 'MedAE': 9.3504, 'LnQ': 0.7419, 'KS': 0.0847, 'KendallTau': 0.8105, 'MannWhitneyU': 1708.0, 'AUC': 0.4907} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_Forecast') {'Signal': 'SA_female', 'Length': 59, 'MAPE': 0.0892, 'RMSE': 14.1874, 'MAE': 11.0701, 'SMAPE': 0.0876, 'DiffSMAPE': 0.0876, 'MASE': 0.6156, 'RMSSE': 0.627, 'ErrorMean': -0.0, 'ErrorStdDev': 14.1874, 'R2': 0.9026, 'Pearson': 0.9501, 'MedAE': 9.3504, 'LnQ': 0.7419, 'KS': 0.0847, 'KendallTau': 0.8105, 'MannWhitneyU': 1708.0, 'AUC': 0.4907} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_MO_Forecast') {'Signal': 'SA_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1393, 'RMSE': 21.237, 'MAE': 16.9376, 'SMAPE': 0.1329, 'DiffSMAPE': 0.1328, 'MASE': 0.9419, 'RMSSE': 0.9386, 'ErrorMean': -0.0, 'ErrorStdDev': 21.237, 'R2': 0.7817, 'Pearson': 0.8912, 'MedAE': 15.1973, 'LnQ': 1.6249, 'KS': 0.2373, 'KendallTau': 0.6934, 'MannWhitneyU': 1760.0, 'AUC': 0.5056} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_OC_Forecast') {'Signal': 'SA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1015, 'RMSE': 15.4408, 'MAE': 12.3601, 'SMAPE': 0.0985, 'DiffSMAPE': 0.0984, 'MASE': 0.6873, 'RMSSE': 0.6824, 'ErrorMean': 1.3016, 'ErrorStdDev': 15.3858, 'R2': 0.8846, 'Pearson': 0.9411, 'MedAE': 10.7762, 'LnQ': 0.918, 'KS': 0.1017, 'KendallTau': 0.8012, 'MannWhitneyU': 1674.0, 'AUC': 0.4809} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_PHA_TD_Forecast') {'Signal': 'SA_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1385, 'RMSE': 21.0407, 'MAE': 16.7834, 'SMAPE': 0.132, 'DiffSMAPE': 0.132, 'MASE': 0.9333, 'RMSSE': 0.9299, 'ErrorMean': -0.0, 'ErrorStdDev': 21.0407, 'R2': 0.7857, 'Pearson': 0.8951, 'MedAE': 15.4806, 'LnQ': 1.6125, 'KS': 0.2373, 'KendallTau': 0.6958, 'MannWhitneyU': 1761.0, 'AUC': 0.5059} @@ -372,7 +372,7 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__Forecast') {'S INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__MO_Forecast') {'Signal': '__MO_Forecast', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 315.5243, 'MAE': 246.8434, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.2653, 'RMSSE': 1.3184, 'ErrorMean': -0.0, 'ErrorStdDev': 315.5243, 'R2': 0.9144, 'Pearson': 0.9562, 'MedAE': 189.5894, 'LnQ': 0.3891, 'KS': 0.1525, 'KendallTau': 0.716, 'MannWhitneyU': 1663.0, 'AUC': 0.4777} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__OC_Forecast') {'Signal': '__OC_Forecast', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 314.4694, 'MAE': 246.1495, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.2617, 'RMSSE': 1.314, 'ErrorMean': -0.2599, 'ErrorStdDev': 314.4693, 'R2': 0.9149, 'Pearson': 0.9565, 'MedAE': 192.7251, 'LnQ': 0.3883, 'KS': 0.1525, 'KendallTau': 0.7183, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__PHA_TD_Forecast') {'Signal': '__PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 315.5243, 'MAE': 246.8434, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.2653, 'RMSSE': 1.3184, 'ErrorMean': -0.0, 'ErrorStdDev': 315.5243, 'R2': 0.9144, 'Pearson': 0.9562, 'MedAE': 189.5894, 'LnQ': 0.3891, 'KS': 0.1525, 'KendallTau': 0.716, 'MannWhitneyU': 1663.0, 'AUC': 0.4777} -INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 369.981 +INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 41.859 INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='ACT_female' Length=59 Min=0 Max=36 Mean=12.40678 StdDev=9.085505 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_ACT_female' Min=0.0 Max=1.0 Mean=0.344633 StdDev=0.252375 @@ -382,12 +382,12 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_ACT_female_PolyTrend_residue_Cycle_5_residue INFO:pyaf.std:TREND_DETAIL '_ACT_female_PolyTrend' [PolyTrend] INFO:pyaf.std:CYCLE_DETAIL '_ACT_female_PolyTrend_residue_Cycle_5' [Cycle_5] INFO:pyaf.std:AUTOREG_DETAIL '_ACT_female_PolyTrend_residue_Cycle_5_residue_NoAR' [NoAR] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'M', 'Cycle': 'S', 'AR': 'S'} [MSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None @@ -494,7 +494,7 @@ INFO:pyaf.std:AR_MODEL_COEFF 10 Index_ex4_Lag2 0.562609 INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 0 [] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Index_ex4' {'Mean': 980.7457627118644, 'StdDev': 8.591481788494573} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Index_ex4' {'Mean': 980.7457627118644, 'StdDev': 8.59148178849457} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 1 ['Index_ex3'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 @@ -1023,7 +1023,7 @@ INFO:pyaf.std:COMPETITION_DETAIL_END '_' "Length": 59, "LnQ": Infinity, "MAE": 3.1223, - "MAPE": 1358966309.1745, + "MAPE": 1358966309.1751, "MASE": 0.7392, "MannWhitneyU": 1689.5, "MedAE": 2.5957, @@ -1044,7 +1044,7 @@ INFO:pyaf.std:COMPETITION_DETAIL_END '_' "Length": 59, "LnQ": Infinity, "MAE": 3.1223, - "MAPE": 1358966309.1745, + "MAPE": 1358966309.1751, "MASE": 0.7392, "MannWhitneyU": 1689.5, "MedAE": 2.5957, @@ -1160,7 +1160,7 @@ INFO:pyaf.std:COMPETITION_DETAIL_END '_' }, "Model_Performance": { "1": { - "AUC": 0.5013, + "AUC": 0.5014, "DiffSMAPE": 0.0744, "ErrorMean": -6.9343, "ErrorStdDev": 52.0969, @@ -1171,7 +1171,7 @@ INFO:pyaf.std:COMPETITION_DETAIL_END '_' "MAE": 41.3544, "MAPE": 0.0735, "MASE": 0.9399, - "MannWhitneyU": 1745.0, + "MannWhitneyU": 1745.5, "MedAE": 36.7588, "Pearson": 0.9682, "R2": 0.9364, @@ -1181,7 +1181,7 @@ INFO:pyaf.std:COMPETITION_DETAIL_END '_' "Signal": "NSW_female_Forecast_1" }, "12": { - "AUC": 0.5013, + "AUC": 0.5014, "DiffSMAPE": 0.0744, "ErrorMean": -6.9343, "ErrorStdDev": 52.0969, @@ -1192,7 +1192,7 @@ INFO:pyaf.std:COMPETITION_DETAIL_END '_' "MAE": 41.3544, "MAPE": 0.0735, "MASE": 0.9399, - "MannWhitneyU": 1745.0, + "MannWhitneyU": 1745.5, "MedAE": 36.7588, "Pearson": 0.9682, "R2": 0.9364, @@ -1220,7 +1220,7 @@ INFO:pyaf.std:COMPETITION_DETAIL_END '_' "Continuous_Variables": { "Index_ex4": { "Mean": 980.7457627118644, - "StdDev": 8.591481788494573 + "StdDev": 8.59148178849457 } }, "Continuous_Variables_Excluded": [ @@ -1393,7 +1393,7 @@ INFO:pyaf.std:COMPETITION_DETAIL_END '_' }, "Model_Performance": { "1": { - "AUC": 0.451, + "AUC": 0.4507, "DiffSMAPE": 0.5169, "ErrorMean": -0.0, "ErrorStdDev": 13.4642, @@ -1404,7 +1404,7 @@ INFO:pyaf.std:COMPETITION_DETAIL_END '_' "MAE": 9.3772, "MAPE": 0.5395, "MASE": 1.3298, - "MannWhitneyU": 1570.0, + "MannWhitneyU": 1569.0, "MedAE": 6.7796, "Pearson": 0.7619, "R2": 0.578, @@ -1414,7 +1414,7 @@ INFO:pyaf.std:COMPETITION_DETAIL_END '_' "Signal": "NT_male_Forecast_1" }, "12": { - "AUC": 0.451, + "AUC": 0.4507, "DiffSMAPE": 0.5169, "ErrorMean": -0.0, "ErrorStdDev": 13.4642, @@ -1425,7 +1425,7 @@ INFO:pyaf.std:COMPETITION_DETAIL_END '_' "MAE": 9.3772, "MAPE": 0.5395, "MASE": 1.3298, - "MannWhitneyU": 1570.0, + "MannWhitneyU": 1569.0, "MedAE": 6.7796, "Pearson": 0.7619, "R2": 0.578, @@ -1541,7 +1541,7 @@ INFO:pyaf.std:COMPETITION_DETAIL_END '_' "1": { "AUC": 0.4981, "DiffSMAPE": 0.0775, - "ErrorMean": 0.0, + "ErrorMean": -0.0, "ErrorStdDev": 33.2001, "KS": 0.1525, "KendallTau": 0.6856, @@ -1562,7 +1562,7 @@ INFO:pyaf.std:COMPETITION_DETAIL_END '_' "12": { "AUC": 0.4981, "DiffSMAPE": 0.0775, - "ErrorMean": 0.0, + "ErrorMean": -0.0, "ErrorStdDev": 33.2001, "KS": 0.1525, "KendallTau": 0.6856, @@ -1614,7 +1614,7 @@ INFO:pyaf.std:COMPETITION_DETAIL_END '_' "1": { "AUC": 0.4907, "DiffSMAPE": 0.0876, - "ErrorMean": 0.0, + "ErrorMean": -0.0, "ErrorStdDev": 14.1874, "KS": 0.0847, "KendallTau": 0.8105, @@ -2435,7 +2435,7 @@ INFO:pyaf.std:COMPETITION_DETAIL_END '_' ] } }, - "Training_Time": 369.981 + "Training_Time": 41.859 }INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male', '_female', '_male', '_'], 'Horizons': {'ACT_female': 12, 'ACT_male': 12, 'NSW_female': 12, 'NSW_male': 12, 'NT_female': 12, 'NT_male': 12, 'QLD_female': 12, 'QLD_male': 12, 'SA_female': 12, 'SA_male': 12, 'TAS_female': 12, 'TAS_male': 12, 'VIC_female': 12, 'VIC_male': 12, 'WA_female': 12, 'WA_male': 12, '_female': 12, '_male': 12, '_': 12}} @@ -2443,10 +2443,11 @@ INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'N -INFO:pyaf.std:FORECASTING_ENGINE_END 28.001 +INFO:pyaf.std:FORECASTING_ENGINE_END 5.26 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU', 'TD', 'MO', 'OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD PHA_TD INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_MIDDLE_OUT_METHOD MO INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_OPTIMAL_COMBINATION_METHOD OC +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_grouped_signals_AllMethods_Exogenous_per_node.py', 'ElapsedTimeSecs':(48.07, 8.04, 362.68), 'MAX_MEM_KB':186940, 'CPU_PRCNT':'771%', 'FILES_IN':0, 'FILES_OUT':560, 'EXIT_STATUS':0} diff --git a/tests/references/hierarchical/test_grouped_signals_AllMethods_Exogenous_per_node_force_ARX.log b/tests/references/hierarchical/test_grouped_signals_AllMethods_Exogenous_per_node_force_ARX.log index 86fdab1fc..12ad93e05 100644 --- a/tests/references/hierarchical/test_grouped_signals_AllMethods_Exogenous_per_node_force_ARX.log +++ b/tests/references/hierarchical/test_grouped_signals_AllMethods_Exogenous_per_node_force_ARX.log @@ -2,13 +2,13 @@ INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_START INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male', '_female', '_male', '_'], 'Horizons': {'ACT_female': 12, 'ACT_male': 12, 'NSW_female': 12, 'NSW_male': 12, 'NT_female': 12, 'NT_male': 12, 'QLD_female': 12, 'QLD_male': 12, 'SA_female': 12, 'SA_male': 12, 'TAS_female': 12, 'TAS_male': 12, 'VIC_female': 12, 'VIC_male': 12, 'WA_female': 12, 'WA_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 132.304 +INFO:pyaf.std:TRAINING_ENGINE_END 13.846 INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_END INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_COMPUTE_TOP_DOWN_HISTORICAL_PROPORTIONS INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male', '_female', '_male', '_'], 'Horizons': {'ACT_female': 12, 'ACT_male': 12, 'NSW_female': 12, 'NSW_male': 12, 'NT_female': 12, 'NT_male': 12, 'QLD_female': 12, 'QLD_male': 12, 'SA_female': 12, 'SA_male': 12, 'TAS_female': 12, 'TAS_male': 12, 'VIC_female': 12, 'VIC_male': 12, 'WA_female': 12, 'WA_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 100.788 +INFO:pyaf.std:FORECASTING_ENGINE_END 5.189 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU', 'TD', 'MO', 'OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD @@ -29,56 +29,56 @@ INFO:pyaf.hierarchical:DATASET_COLUMNS Index(['Index', 'ACT_female', 'ACT_female dtype='object', length=172) INFO:pyaf.hierarchical:STRUCTURE_LEVEL (0, ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male']) INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9206413650.6063, 'RMSE': 12.3188, 'MAE': 11.1585, 'SMAPE': 0.8842, 'DiffSMAPE': 0.8805, 'MASE': 2.6416, 'RMSSE': 2.2964, 'ErrorMean': 3.0018, 'ErrorStdDev': 11.9474, 'R2': -0.8384, 'Pearson': -0.6209, 'MedAE': 12.1195, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4073, 'MannWhitneyU': 1303.0, 'AUC': 0.3743} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7479032962.4501, 'RMSE': 11.4031, 'MAE': 10.3413, 'SMAPE': 0.9039, 'DiffSMAPE': 0.8996, 'MASE': 2.4481, 'RMSSE': 2.1257, 'ErrorMean': -0.0, 'ErrorStdDev': 11.4031, 'R2': -0.5753, 'Pearson': -0.6349, 'MedAE': 10.9446, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4204, 'MannWhitneyU': 1619.0, 'AUC': 0.4651} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 1496958197.4531, 'RMSE': 6.3338, 'MAE': 5.171, 'SMAPE': 0.6593, 'DiffSMAPE': 0.6482, 'MASE': 1.2242, 'RMSSE': 1.1807, 'ErrorMean': 1.5694, 'ErrorStdDev': 6.1363, 'R2': 0.514, 'Pearson': 0.7574, 'MedAE': 4.1686, 'LnQ': inf, 'KS': 0.1864, 'KendallTau': 0.5607, 'MannWhitneyU': 1511.0, 'AUC': 0.4341} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 1496958197.4515, 'RMSE': 6.3338, 'MAE': 5.171, 'SMAPE': 0.6593, 'DiffSMAPE': 0.6482, 'MASE': 1.2242, 'RMSSE': 1.1807, 'ErrorMean': 1.5694, 'ErrorStdDev': 6.1363, 'R2': 0.514, 'Pearson': 0.7574, 'MedAE': 4.1686, 'LnQ': inf, 'KS': 0.1864, 'KendallTau': 0.5607, 'MannWhitneyU': 1511.0, 'AUC': 0.4341} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7412888698.721, 'RMSE': 11.3387, 'MAE': 10.2795, 'SMAPE': 0.9006, 'DiffSMAPE': 0.8963, 'MASE': 2.4335, 'RMSSE': 2.1137, 'ErrorMean': -0.0, 'ErrorStdDev': 11.3387, 'R2': -0.5575, 'Pearson': -0.6209, 'MedAE': 10.8886, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4073, 'MannWhitneyU': 1621.0, 'AUC': 0.4657} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9206413650.6063, 'RMSE': 12.3188, 'MAE': 11.1585, 'SMAPE': 0.8842, 'DiffSMAPE': 0.8805, 'MASE': 2.6416, 'RMSSE': 2.2964, 'ErrorMean': 3.0018, 'ErrorStdDev': 11.9474, 'R2': -0.8384, 'Pearson': -0.6209, 'MedAE': 12.1195, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4073, 'MannWhitneyU': 1303.0, 'AUC': 0.3743} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7479032962.4501, 'RMSE': 11.4031, 'MAE': 10.3413, 'SMAPE': 0.9039, 'DiffSMAPE': 0.8996, 'MASE': 2.4481, 'RMSSE': 2.1257, 'ErrorMean': -0.0, 'ErrorStdDev': 11.4031, 'R2': -0.5753, 'Pearson': -0.6349, 'MedAE': 10.9446, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4204, 'MannWhitneyU': 1619.0, 'AUC': 0.4651} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 1496958197.4531, 'RMSE': 6.3338, 'MAE': 5.171, 'SMAPE': 0.6593, 'DiffSMAPE': 0.6482, 'MASE': 1.2242, 'RMSSE': 1.1807, 'ErrorMean': 1.5694, 'ErrorStdDev': 6.1363, 'R2': 0.514, 'Pearson': 0.7574, 'MedAE': 4.1686, 'LnQ': inf, 'KS': 0.1864, 'KendallTau': 0.5607, 'MannWhitneyU': 1511.0, 'AUC': 0.4341} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 1496958197.4515, 'RMSE': 6.3338, 'MAE': 5.171, 'SMAPE': 0.6593, 'DiffSMAPE': 0.6482, 'MASE': 1.2242, 'RMSSE': 1.1807, 'ErrorMean': 1.5694, 'ErrorStdDev': 6.1363, 'R2': 0.514, 'Pearson': 0.7574, 'MedAE': 4.1686, 'LnQ': inf, 'KS': 0.1864, 'KendallTau': 0.5607, 'MannWhitneyU': 1511.0, 'AUC': 0.4341} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7412888698.721, 'RMSE': 11.3387, 'MAE': 10.2795, 'SMAPE': 0.9006, 'DiffSMAPE': 0.8963, 'MASE': 2.4335, 'RMSSE': 2.1137, 'ErrorMean': -0.0, 'ErrorStdDev': 11.3387, 'R2': -0.5575, 'Pearson': -0.6209, 'MedAE': 10.8886, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4073, 'MannWhitneyU': 1621.0, 'AUC': 0.4657} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9206413650.6063, 'RMSE': 12.3188, 'MAE': 11.1585, 'SMAPE': 0.8842, 'DiffSMAPE': 0.8805, 'MASE': 2.6416, 'RMSSE': 2.2964, 'ErrorMean': 3.0018, 'ErrorStdDev': 11.9474, 'R2': -0.8384, 'Pearson': -0.6209, 'MedAE': 12.1195, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4073, 'MannWhitneyU': 1303.0, 'AUC': 0.3743} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7479032962.4501, 'RMSE': 11.4031, 'MAE': 10.3413, 'SMAPE': 0.9039, 'DiffSMAPE': 0.8996, 'MASE': 2.4481, 'RMSSE': 2.1257, 'ErrorMean': -0.0, 'ErrorStdDev': 11.4031, 'R2': -0.5753, 'Pearson': -0.6349, 'MedAE': 10.9446, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4204, 'MannWhitneyU': 1619.0, 'AUC': 0.4651} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 1496958197.4531, 'RMSE': 6.3338, 'MAE': 5.171, 'SMAPE': 0.6593, 'DiffSMAPE': 0.6482, 'MASE': 1.2242, 'RMSSE': 1.1807, 'ErrorMean': 1.5694, 'ErrorStdDev': 6.1363, 'R2': 0.514, 'Pearson': 0.7574, 'MedAE': 4.1686, 'LnQ': inf, 'KS': 0.1864, 'KendallTau': 0.5607, 'MannWhitneyU': 1511.0, 'AUC': 0.4341} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 1496958197.4515, 'RMSE': 6.3338, 'MAE': 5.171, 'SMAPE': 0.6593, 'DiffSMAPE': 0.6482, 'MASE': 1.2242, 'RMSSE': 1.1807, 'ErrorMean': 1.5694, 'ErrorStdDev': 6.1363, 'R2': 0.514, 'Pearson': 0.7574, 'MedAE': 4.1686, 'LnQ': inf, 'KS': 0.1864, 'KendallTau': 0.5607, 'MannWhitneyU': 1511.0, 'AUC': 0.4341} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7412888698.721, 'RMSE': 11.3387, 'MAE': 10.2795, 'SMAPE': 0.9006, 'DiffSMAPE': 0.8963, 'MASE': 2.4335, 'RMSSE': 2.1137, 'ErrorMean': -0.0, 'ErrorStdDev': 11.3387, 'R2': -0.5575, 'Pearson': -0.6209, 'MedAE': 10.8886, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4073, 'MannWhitneyU': 1621.0, 'AUC': 0.4657} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_AHP_TD_Forecast') {'Signal': 'ACT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.3108, 'RMSE': 18.0444, 'MAE': 16.4517, 'SMAPE': 0.8778, 'DiffSMAPE': 0.8753, 'MASE': 3.2236, 'RMSSE': 2.5851, 'ErrorMean': 4.0745, 'ErrorStdDev': 17.5784, 'R2': -0.796, 'Pearson': -0.6069, 'MedAE': 19.034, 'LnQ': 107.0423, 'KS': 0.3729, 'KendallTau': -0.424, 'MannWhitneyU': 1269.0, 'AUC': 0.3646} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_BU_Forecast') {'Signal': 'ACT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5679, 'RMSE': 6.1452, 'MAE': 4.3838, 'SMAPE': 0.3953, 'DiffSMAPE': 0.3902, 'MASE': 0.859, 'RMSSE': 0.8804, 'ErrorMean': 0.1605, 'ErrorStdDev': 6.1431, 'R2': 0.7917, 'Pearson': 0.8899, 'MedAE': 2.5852, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.7257, 'MannWhitneyU': 1680.5, 'AUC': 0.4828} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_Forecast') {'Signal': 'ACT_male', 'Length': 59, 'MAPE': 0.5679, 'RMSE': 6.1452, 'MAE': 4.3838, 'SMAPE': 0.3953, 'DiffSMAPE': 0.3902, 'MASE': 0.859, 'RMSSE': 0.8804, 'ErrorMean': 0.1605, 'ErrorStdDev': 6.1431, 'R2': 0.7917, 'Pearson': 0.8899, 'MedAE': 2.5852, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.7257, 'MannWhitneyU': 1680.5, 'AUC': 0.4828} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6863, 'RMSE': 16.689, 'MAE': 15.2654, 'SMAPE': 0.8916, 'DiffSMAPE': 0.8887, 'MASE': 2.9912, 'RMSSE': 2.3909, 'ErrorMean': 0.0, 'ErrorStdDev': 16.689, 'R2': -0.5363, 'Pearson': -0.5957, 'MedAE': 15.6399, 'LnQ': 95.7721, 'KS': 0.3729, 'KendallTau': -0.4158, 'MannWhitneyU': 1657.0, 'AUC': 0.476} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6863, 'RMSE': 16.689, 'MAE': 15.2654, 'SMAPE': 0.8916, 'DiffSMAPE': 0.8887, 'MASE': 2.9912, 'RMSSE': 2.3909, 'ErrorMean': -0.0, 'ErrorStdDev': 16.689, 'R2': -0.5363, 'Pearson': -0.5957, 'MedAE': 15.6399, 'LnQ': 95.7721, 'KS': 0.3729, 'KendallTau': -0.4158, 'MannWhitneyU': 1657.0, 'AUC': 0.476} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_OC_Forecast') {'Signal': 'ACT_male_OC_Forecast', 'Length': 59, 'MAPE': 0.899, 'RMSE': 7.8164, 'MAE': 6.1599, 'SMAPE': 0.5242, 'DiffSMAPE': 0.5191, 'MASE': 1.207, 'RMSSE': 1.1198, 'ErrorMean': 0.6137, 'ErrorStdDev': 7.7923, 'R2': 0.663, 'Pearson': 0.8369, 'MedAE': 4.1997, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.6866, 'MannWhitneyU': 1649.0, 'AUC': 0.4737} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_PHA_TD_Forecast') {'Signal': 'ACT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 2.7007, 'RMSE': 16.7615, 'MAE': 15.331, 'SMAPE': 0.894, 'DiffSMAPE': 0.8911, 'MASE': 3.004, 'RMSSE': 2.4013, 'ErrorMean': -0.0, 'ErrorStdDev': 16.7615, 'R2': -0.5497, 'Pearson': -0.6069, 'MedAE': 15.6757, 'LnQ': 96.3091, 'KS': 0.3559, 'KendallTau': -0.424, 'MannWhitneyU': 1650.0, 'AUC': 0.474} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_AHP_TD_Forecast') {'Signal': 'ACT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.3108, 'RMSE': 18.0444, 'MAE': 16.4517, 'SMAPE': 0.8778, 'DiffSMAPE': 0.8753, 'MASE': 3.2236, 'RMSSE': 2.5851, 'ErrorMean': 4.0745, 'ErrorStdDev': 17.5784, 'R2': -0.796, 'Pearson': -0.6069, 'MedAE': 19.034, 'LnQ': 107.0423, 'KS': 0.3729, 'KendallTau': -0.424, 'MannWhitneyU': 1269.0, 'AUC': 0.3646} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_BU_Forecast') {'Signal': 'ACT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5679, 'RMSE': 6.1452, 'MAE': 4.3838, 'SMAPE': 0.3953, 'DiffSMAPE': 0.3902, 'MASE': 0.859, 'RMSSE': 0.8804, 'ErrorMean': 0.1605, 'ErrorStdDev': 6.1431, 'R2': 0.7917, 'Pearson': 0.8899, 'MedAE': 2.5852, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.7257, 'MannWhitneyU': 1680.5, 'AUC': 0.4828} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_Forecast') {'Signal': 'ACT_male', 'Length': 59, 'MAPE': 0.5679, 'RMSE': 6.1452, 'MAE': 4.3838, 'SMAPE': 0.3953, 'DiffSMAPE': 0.3902, 'MASE': 0.859, 'RMSSE': 0.8804, 'ErrorMean': 0.1605, 'ErrorStdDev': 6.1431, 'R2': 0.7917, 'Pearson': 0.8899, 'MedAE': 2.5852, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.7257, 'MannWhitneyU': 1680.5, 'AUC': 0.4828} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6863, 'RMSE': 16.689, 'MAE': 15.2654, 'SMAPE': 0.8916, 'DiffSMAPE': 0.8887, 'MASE': 2.9912, 'RMSSE': 2.3909, 'ErrorMean': 0.0, 'ErrorStdDev': 16.689, 'R2': -0.5363, 'Pearson': -0.5957, 'MedAE': 15.6399, 'LnQ': 95.7721, 'KS': 0.3729, 'KendallTau': -0.4158, 'MannWhitneyU': 1657.0, 'AUC': 0.476} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6863, 'RMSE': 16.689, 'MAE': 15.2654, 'SMAPE': 0.8916, 'DiffSMAPE': 0.8887, 'MASE': 2.9912, 'RMSSE': 2.3909, 'ErrorMean': -0.0, 'ErrorStdDev': 16.689, 'R2': -0.5363, 'Pearson': -0.5957, 'MedAE': 15.6399, 'LnQ': 95.7721, 'KS': 0.3729, 'KendallTau': -0.4158, 'MannWhitneyU': 1657.0, 'AUC': 0.476} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_OC_Forecast') {'Signal': 'ACT_male_OC_Forecast', 'Length': 59, 'MAPE': 0.899, 'RMSE': 7.8164, 'MAE': 6.1599, 'SMAPE': 0.5242, 'DiffSMAPE': 0.5191, 'MASE': 1.207, 'RMSSE': 1.1198, 'ErrorMean': 0.6137, 'ErrorStdDev': 7.7923, 'R2': 0.663, 'Pearson': 0.8369, 'MedAE': 4.1997, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.6866, 'MannWhitneyU': 1649.0, 'AUC': 0.4737} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_PHA_TD_Forecast') {'Signal': 'ACT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 2.7007, 'RMSE': 16.7615, 'MAE': 15.331, 'SMAPE': 0.894, 'DiffSMAPE': 0.8911, 'MASE': 3.004, 'RMSSE': 2.4013, 'ErrorMean': -0.0, 'ErrorStdDev': 16.7615, 'R2': -0.5497, 'Pearson': -0.6069, 'MedAE': 15.6757, 'LnQ': 96.3091, 'KS': 0.3559, 'KendallTau': -0.424, 'MannWhitneyU': 1650.0, 'AUC': 0.474} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_AHP_TD_Forecast') {'Signal': 'ACT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.3108, 'RMSE': 18.0444, 'MAE': 16.4517, 'SMAPE': 0.8778, 'DiffSMAPE': 0.8753, 'MASE': 3.2236, 'RMSSE': 2.5851, 'ErrorMean': 4.0745, 'ErrorStdDev': 17.5784, 'R2': -0.796, 'Pearson': -0.6069, 'MedAE': 19.034, 'LnQ': 107.0423, 'KS': 0.3729, 'KendallTau': -0.424, 'MannWhitneyU': 1269.0, 'AUC': 0.3646} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_BU_Forecast') {'Signal': 'ACT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5679, 'RMSE': 6.1452, 'MAE': 4.3838, 'SMAPE': 0.3953, 'DiffSMAPE': 0.3902, 'MASE': 0.859, 'RMSSE': 0.8804, 'ErrorMean': 0.1605, 'ErrorStdDev': 6.1431, 'R2': 0.7917, 'Pearson': 0.8899, 'MedAE': 2.5852, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.7257, 'MannWhitneyU': 1680.5, 'AUC': 0.4828} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_Forecast') {'Signal': 'ACT_male', 'Length': 59, 'MAPE': 0.5679, 'RMSE': 6.1452, 'MAE': 4.3838, 'SMAPE': 0.3953, 'DiffSMAPE': 0.3902, 'MASE': 0.859, 'RMSSE': 0.8804, 'ErrorMean': 0.1605, 'ErrorStdDev': 6.1431, 'R2': 0.7917, 'Pearson': 0.8899, 'MedAE': 2.5852, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.7257, 'MannWhitneyU': 1680.5, 'AUC': 0.4828} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6863, 'RMSE': 16.689, 'MAE': 15.2654, 'SMAPE': 0.8916, 'DiffSMAPE': 0.8887, 'MASE': 2.9912, 'RMSSE': 2.3909, 'ErrorMean': 0.0, 'ErrorStdDev': 16.689, 'R2': -0.5363, 'Pearson': -0.5957, 'MedAE': 15.6399, 'LnQ': 95.7721, 'KS': 0.3729, 'KendallTau': -0.4158, 'MannWhitneyU': 1657.0, 'AUC': 0.476} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6863, 'RMSE': 16.689, 'MAE': 15.2654, 'SMAPE': 0.8916, 'DiffSMAPE': 0.8887, 'MASE': 2.9912, 'RMSSE': 2.3909, 'ErrorMean': -0.0, 'ErrorStdDev': 16.689, 'R2': -0.5363, 'Pearson': -0.5957, 'MedAE': 15.6399, 'LnQ': 95.7721, 'KS': 0.3729, 'KendallTau': -0.4158, 'MannWhitneyU': 1657.0, 'AUC': 0.476} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_OC_Forecast') {'Signal': 'ACT_male_OC_Forecast', 'Length': 59, 'MAPE': 0.899, 'RMSE': 7.8164, 'MAE': 6.1599, 'SMAPE': 0.5242, 'DiffSMAPE': 0.5191, 'MASE': 1.207, 'RMSSE': 1.1198, 'ErrorMean': 0.6137, 'ErrorStdDev': 7.7923, 'R2': 0.663, 'Pearson': 0.8369, 'MedAE': 4.1997, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.6866, 'MannWhitneyU': 1649.0, 'AUC': 0.4737} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_PHA_TD_Forecast') {'Signal': 'ACT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 2.7007, 'RMSE': 16.7615, 'MAE': 15.331, 'SMAPE': 0.894, 'DiffSMAPE': 0.8911, 'MASE': 3.004, 'RMSSE': 2.4013, 'ErrorMean': -0.0, 'ErrorStdDev': 16.7615, 'R2': -0.5497, 'Pearson': -0.6069, 'MedAE': 15.6757, 'LnQ': 96.3091, 'KS': 0.3559, 'KendallTau': -0.424, 'MannWhitneyU': 1650.0, 'AUC': 0.474} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0952, 'RMSE': 72.8239, 'MAE': 55.6866, 'SMAPE': 0.0928, 'DiffSMAPE': 0.0928, 'MASE': 1.2656, 'RMSSE': 1.2645, 'ErrorMean': -10.6694, 'ErrorStdDev': 72.038, 'R2': 0.8778, 'Pearson': 0.9526, 'MedAE': 44.0349, 'LnQ': 0.8741, 'KS': 0.2712, 'KendallTau': 0.7308, 'MannWhitneyU': 1908.0, 'AUC': 0.5481} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0942, 'RMSE': 68.3673, 'MAE': 52.6855, 'SMAPE': 0.0905, 'DiffSMAPE': 0.0904, 'MASE': 1.1974, 'RMSSE': 1.1871, 'ErrorMean': -0.0, 'ErrorStdDev': 68.3673, 'R2': 0.8923, 'Pearson': 0.9557, 'MedAE': 38.8081, 'LnQ': 0.8538, 'KS': 0.2373, 'KendallTau': 0.7401, 'MannWhitneyU': 1807.0, 'AUC': 0.5191} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0736, 'RMSE': 53.0124, 'MAE': 41.9065, 'SMAPE': 0.0743, 'DiffSMAPE': 0.0743, 'MASE': 0.9524, 'RMSSE': 0.9205, 'ErrorMean': -5.691, 'ErrorStdDev': 52.7061, 'R2': 0.9353, 'Pearson': 0.9675, 'MedAE': 38.8107, 'LnQ': 0.547, 'KS': 0.1017, 'KendallTau': 0.8313, 'MannWhitneyU': 1730.0, 'AUC': 0.497} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0972, 'RMSE': 70.7773, 'MAE': 54.5598, 'SMAPE': 0.0932, 'DiffSMAPE': 0.0932, 'MASE': 1.24, 'RMSSE': 1.229, 'ErrorMean': -0.0, 'ErrorStdDev': 70.7773, 'R2': 0.8846, 'Pearson': 0.9526, 'MedAE': 38.2922, 'LnQ': 0.9046, 'KS': 0.2373, 'KendallTau': 0.7308, 'MannWhitneyU': 1812.0, 'AUC': 0.5205} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0952, 'RMSE': 72.8239, 'MAE': 55.6866, 'SMAPE': 0.0928, 'DiffSMAPE': 0.0928, 'MASE': 1.2656, 'RMSSE': 1.2645, 'ErrorMean': -10.6694, 'ErrorStdDev': 72.038, 'R2': 0.8778, 'Pearson': 0.9526, 'MedAE': 44.0349, 'LnQ': 0.8741, 'KS': 0.2712, 'KendallTau': 0.7308, 'MannWhitneyU': 1908.0, 'AUC': 0.5481} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0942, 'RMSE': 68.3673, 'MAE': 52.6855, 'SMAPE': 0.0905, 'DiffSMAPE': 0.0904, 'MASE': 1.1974, 'RMSSE': 1.1871, 'ErrorMean': -0.0, 'ErrorStdDev': 68.3673, 'R2': 0.8923, 'Pearson': 0.9557, 'MedAE': 38.8081, 'LnQ': 0.8538, 'KS': 0.2373, 'KendallTau': 0.7401, 'MannWhitneyU': 1807.0, 'AUC': 0.5191} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0736, 'RMSE': 53.0124, 'MAE': 41.9065, 'SMAPE': 0.0743, 'DiffSMAPE': 0.0743, 'MASE': 0.9524, 'RMSSE': 0.9205, 'ErrorMean': -5.691, 'ErrorStdDev': 52.7061, 'R2': 0.9353, 'Pearson': 0.9675, 'MedAE': 38.8107, 'LnQ': 0.547, 'KS': 0.1017, 'KendallTau': 0.8313, 'MannWhitneyU': 1730.0, 'AUC': 0.497} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0972, 'RMSE': 70.7773, 'MAE': 54.5598, 'SMAPE': 0.0932, 'DiffSMAPE': 0.0932, 'MASE': 1.24, 'RMSSE': 1.229, 'ErrorMean': -0.0, 'ErrorStdDev': 70.7773, 'R2': 0.8846, 'Pearson': 0.9526, 'MedAE': 38.2922, 'LnQ': 0.9046, 'KS': 0.2373, 'KendallTau': 0.7308, 'MannWhitneyU': 1812.0, 'AUC': 0.5205} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0952, 'RMSE': 72.8239, 'MAE': 55.6866, 'SMAPE': 0.0928, 'DiffSMAPE': 0.0928, 'MASE': 1.2656, 'RMSSE': 1.2645, 'ErrorMean': -10.6694, 'ErrorStdDev': 72.038, 'R2': 0.8778, 'Pearson': 0.9526, 'MedAE': 44.0349, 'LnQ': 0.8741, 'KS': 0.2712, 'KendallTau': 0.7308, 'MannWhitneyU': 1908.0, 'AUC': 0.5481} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0942, 'RMSE': 68.3673, 'MAE': 52.6855, 'SMAPE': 0.0905, 'DiffSMAPE': 0.0904, 'MASE': 1.1974, 'RMSSE': 1.1871, 'ErrorMean': -0.0, 'ErrorStdDev': 68.3673, 'R2': 0.8923, 'Pearson': 0.9557, 'MedAE': 38.8081, 'LnQ': 0.8538, 'KS': 0.2373, 'KendallTau': 0.7401, 'MannWhitneyU': 1807.0, 'AUC': 0.5191} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0736, 'RMSE': 53.0124, 'MAE': 41.9065, 'SMAPE': 0.0743, 'DiffSMAPE': 0.0743, 'MASE': 0.9524, 'RMSSE': 0.9205, 'ErrorMean': -5.691, 'ErrorStdDev': 52.7061, 'R2': 0.9353, 'Pearson': 0.9675, 'MedAE': 38.8107, 'LnQ': 0.547, 'KS': 0.1017, 'KendallTau': 0.8313, 'MannWhitneyU': 1730.0, 'AUC': 0.497} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0972, 'RMSE': 70.7773, 'MAE': 54.5598, 'SMAPE': 0.0932, 'DiffSMAPE': 0.0932, 'MASE': 1.24, 'RMSSE': 1.229, 'ErrorMean': -0.0, 'ErrorStdDev': 70.7773, 'R2': 0.8846, 'Pearson': 0.9526, 'MedAE': 38.2922, 'LnQ': 0.9046, 'KS': 0.2373, 'KendallTau': 0.7308, 'MannWhitneyU': 1812.0, 'AUC': 0.5205} @@ -119,20 +119,20 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_MO_For INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_OC_Forecast') {'Signal': 'NT_female_OC_Forecast', 'Length': 59, 'MAPE': 1.1488, 'RMSE': 13.1204, 'MAE': 9.3248, 'SMAPE': 0.7674, 'DiffSMAPE': 0.7564, 'MASE': 1.3095, 'RMSSE': 1.2074, 'ErrorMean': 1.2433, 'ErrorStdDev': 13.0614, 'R2': 0.4523, 'Pearson': 0.6806, 'MedAE': 6.6424, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.5805, 'MannWhitneyU': 1570.0, 'AUC': 0.451} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_PHA_TD_Forecast') {'Signal': 'NT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 4.0251, 'RMSE': 20.5633, 'MAE': 18.2278, 'SMAPE': 1.0476, 'DiffSMAPE': 1.0442, 'MASE': 2.5598, 'RMSSE': 1.8923, 'ErrorMean': -0.0, 'ErrorStdDev': 20.5633, 'R2': -0.3453, 'Pearson': -0.5197, 'MedAE': 17.7136, 'LnQ': 138.3678, 'KS': 0.4068, 'KendallTau': -0.429, 'MannWhitneyU': 1418.0, 'AUC': 0.4074} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_AHP_TD_Forecast') {'Signal': 'NT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.81, 'RMSE': 25.307, 'MAE': 22.7804, 'SMAPE': 0.9601, 'DiffSMAPE': 0.9578, 'MASE': 3.2305, 'RMSSE': 1.9203, 'ErrorMean': 4.5368, 'ErrorStdDev': 24.897, 'R2': -0.4909, 'Pearson': -0.4863, 'MedAE': 21.5294, 'LnQ': 122.6877, 'KS': 0.4237, 'KendallTau': -0.4784, 'MannWhitneyU': 1060.0, 'AUC': 0.3045} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_MO_Forecast') {'Signal': 'NT_male_MO_Forecast', 'Length': 59, 'MAPE': 3.1348, 'RMSE': 24.0296, 'MAE': 21.0164, 'SMAPE': 0.9597, 'DiffSMAPE': 0.9572, 'MASE': 2.9803, 'RMSSE': 1.8234, 'ErrorMean': -0.0, 'ErrorStdDev': 24.0296, 'R2': -0.3442, 'Pearson': -0.4759, 'MedAE': 19.0291, 'LnQ': 110.563, 'KS': 0.3559, 'KendallTau': -0.4619, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_OC_Forecast') {'Signal': 'NT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.2168, 'RMSE': 14.3294, 'MAE': 10.8735, 'SMAPE': 0.6682, 'DiffSMAPE': 0.6623, 'MASE': 1.542, 'RMSSE': 1.0873, 'ErrorMean': 0.4532, 'ErrorStdDev': 14.3222, 'R2': 0.522, 'Pearson': 0.7258, 'MedAE': 9.1771, 'LnQ': inf, 'KS': 0.2542, 'KendallTau': 0.6677, 'MannWhitneyU': 1521.0, 'AUC': 0.4369} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_PHA_TD_Forecast') {'Signal': 'NT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 3.1519, 'RMSE': 24.1135, 'MAE': 21.0857, 'SMAPE': 0.9614, 'DiffSMAPE': 0.9589, 'MASE': 2.9901, 'RMSSE': 1.8298, 'ErrorMean': -0.0, 'ErrorStdDev': 24.1135, 'R2': -0.3536, 'Pearson': -0.4863, 'MedAE': 19.1069, 'LnQ': 111.1357, 'KS': 0.3559, 'KendallTau': -0.4784, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_AHP_TD_Forecast') {'Signal': 'NT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.81, 'RMSE': 25.307, 'MAE': 22.7804, 'SMAPE': 0.9601, 'DiffSMAPE': 0.9578, 'MASE': 3.2305, 'RMSSE': 1.9203, 'ErrorMean': 4.5368, 'ErrorStdDev': 24.897, 'R2': -0.4909, 'Pearson': -0.4863, 'MedAE': 21.5294, 'LnQ': 122.6877, 'KS': 0.4237, 'KendallTau': -0.4784, 'MannWhitneyU': 1060.0, 'AUC': 0.3045} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_MO_Forecast') {'Signal': 'NT_male_MO_Forecast', 'Length': 59, 'MAPE': 3.1348, 'RMSE': 24.0296, 'MAE': 21.0164, 'SMAPE': 0.9597, 'DiffSMAPE': 0.9572, 'MASE': 2.9803, 'RMSSE': 1.8234, 'ErrorMean': -0.0, 'ErrorStdDev': 24.0296, 'R2': -0.3442, 'Pearson': -0.4759, 'MedAE': 19.0291, 'LnQ': 110.563, 'KS': 0.3559, 'KendallTau': -0.4619, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_OC_Forecast') {'Signal': 'NT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.2168, 'RMSE': 14.3294, 'MAE': 10.8735, 'SMAPE': 0.6682, 'DiffSMAPE': 0.6623, 'MASE': 1.542, 'RMSSE': 1.0873, 'ErrorMean': 0.4532, 'ErrorStdDev': 14.3222, 'R2': 0.522, 'Pearson': 0.7258, 'MedAE': 9.1771, 'LnQ': inf, 'KS': 0.2542, 'KendallTau': 0.6677, 'MannWhitneyU': 1521.0, 'AUC': 0.4369} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_PHA_TD_Forecast') {'Signal': 'NT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 3.1519, 'RMSE': 24.1135, 'MAE': 21.0857, 'SMAPE': 0.9614, 'DiffSMAPE': 0.9589, 'MASE': 2.9901, 'RMSSE': 1.8298, 'ErrorMean': -0.0, 'ErrorStdDev': 24.1135, 'R2': -0.3536, 'Pearson': -0.4863, 'MedAE': 19.1069, 'LnQ': 111.1357, 'KS': 0.3559, 'KendallTau': -0.4784, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_AHP_TD_Forecast') {'Signal': 'NT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.81, 'RMSE': 25.307, 'MAE': 22.7804, 'SMAPE': 0.9601, 'DiffSMAPE': 0.9578, 'MASE': 3.2305, 'RMSSE': 1.9203, 'ErrorMean': 4.5368, 'ErrorStdDev': 24.897, 'R2': -0.4909, 'Pearson': -0.4863, 'MedAE': 21.5294, 'LnQ': 122.6877, 'KS': 0.4237, 'KendallTau': -0.4784, 'MannWhitneyU': 1060.0, 'AUC': 0.3045} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_MO_Forecast') {'Signal': 'NT_male_MO_Forecast', 'Length': 59, 'MAPE': 3.1348, 'RMSE': 24.0296, 'MAE': 21.0164, 'SMAPE': 0.9597, 'DiffSMAPE': 0.9572, 'MASE': 2.9803, 'RMSSE': 1.8234, 'ErrorMean': -0.0, 'ErrorStdDev': 24.0296, 'R2': -0.3442, 'Pearson': -0.4759, 'MedAE': 19.0291, 'LnQ': 110.563, 'KS': 0.3559, 'KendallTau': -0.4619, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_OC_Forecast') {'Signal': 'NT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.2168, 'RMSE': 14.3294, 'MAE': 10.8735, 'SMAPE': 0.6682, 'DiffSMAPE': 0.6623, 'MASE': 1.542, 'RMSSE': 1.0873, 'ErrorMean': 0.4532, 'ErrorStdDev': 14.3222, 'R2': 0.522, 'Pearson': 0.7258, 'MedAE': 9.1771, 'LnQ': inf, 'KS': 0.2542, 'KendallTau': 0.6677, 'MannWhitneyU': 1521.0, 'AUC': 0.4369} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_PHA_TD_Forecast') {'Signal': 'NT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 3.1519, 'RMSE': 24.1135, 'MAE': 21.0857, 'SMAPE': 0.9614, 'DiffSMAPE': 0.9589, 'MASE': 2.9901, 'RMSSE': 1.8298, 'ErrorMean': -0.0, 'ErrorStdDev': 24.1135, 'R2': -0.3536, 'Pearson': -0.4863, 'MedAE': 19.1069, 'LnQ': 111.1357, 'KS': 0.3559, 'KendallTau': -0.4784, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} @@ -155,20 +155,20 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_MO_Fo INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_OC_Forecast') {'Signal': 'QLD_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0819, 'RMSE': 28.5672, 'MAE': 21.6118, 'SMAPE': 0.0826, 'DiffSMAPE': 0.0826, 'MASE': 0.72, 'RMSSE': 0.771, 'ErrorMean': -2.1233, 'ErrorStdDev': 28.4882, 'R2': 0.8167, 'Pearson': 0.9043, 'MedAE': 18.2443, 'LnQ': 0.685, 'KS': 0.1525, 'KendallTau': 0.6622, 'MannWhitneyU': 1762.0, 'AUC': 0.5062} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_PHA_TD_Forecast') {'Signal': 'QLD_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0871, 'RMSE': 29.7334, 'MAE': 23.4036, 'SMAPE': 0.0881, 'DiffSMAPE': 0.0881, 'MASE': 0.7797, 'RMSSE': 0.8025, 'ErrorMean': -0.0, 'ErrorStdDev': 29.7334, 'R2': 0.8014, 'Pearson': 0.9061, 'MedAE': 17.5885, 'LnQ': 0.7456, 'KS': 0.1695, 'KendallTau': 0.641, 'MannWhitneyU': 1636.0, 'AUC': 0.47} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_AHP_TD_Forecast') {'Signal': 'QLD_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0794, 'RMSE': 34.7938, 'MAE': 27.0406, 'SMAPE': 0.0781, 'DiffSMAPE': 0.0781, 'MASE': 1.1291, 'RMSSE': 1.1602, 'ErrorMean': 3.2996, 'ErrorStdDev': 34.637, 'R2': 0.8512, 'Pearson': 0.9293, 'MedAE': 19.5034, 'LnQ': 0.6267, 'KS': 0.1695, 'KendallTau': 0.6692, 'MannWhitneyU': 1608.0, 'AUC': 0.4619} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_MO_Forecast') {'Signal': 'QLD_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0786, 'RMSE': 34.1729, 'MAE': 26.7604, 'SMAPE': 0.0779, 'DiffSMAPE': 0.0779, 'MASE': 1.1174, 'RMSSE': 1.1395, 'ErrorMean': -0.0, 'ErrorStdDev': 34.1729, 'R2': 0.8565, 'Pearson': 0.9296, 'MedAE': 18.8801, 'LnQ': 0.6204, 'KS': 0.1356, 'KendallTau': 0.6587, 'MannWhitneyU': 1670.0, 'AUC': 0.4797} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0824, 'RMSE': 34.8313, 'MAE': 27.2577, 'SMAPE': 0.0805, 'DiffSMAPE': 0.0804, 'MASE': 1.1382, 'RMSSE': 1.1615, 'ErrorMean': 0.4532, 'ErrorStdDev': 34.8283, 'R2': 0.8509, 'Pearson': 0.9227, 'MedAE': 23.4178, 'LnQ': 0.674, 'KS': 0.1017, 'KendallTau': 0.6587, 'MannWhitneyU': 1732.0, 'AUC': 0.4976} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_PHA_TD_Forecast') {'Signal': 'QLD_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0787, 'RMSE': 34.4144, 'MAE': 26.8549, 'SMAPE': 0.0782, 'DiffSMAPE': 0.0782, 'MASE': 1.1214, 'RMSSE': 1.1476, 'ErrorMean': -0.0, 'ErrorStdDev': 34.4144, 'R2': 0.8544, 'Pearson': 0.9293, 'MedAE': 20.1717, 'LnQ': 0.6248, 'KS': 0.1356, 'KendallTau': 0.6692, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_AHP_TD_Forecast') {'Signal': 'QLD_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0794, 'RMSE': 34.7938, 'MAE': 27.0406, 'SMAPE': 0.0781, 'DiffSMAPE': 0.0781, 'MASE': 1.1291, 'RMSSE': 1.1602, 'ErrorMean': 3.2996, 'ErrorStdDev': 34.637, 'R2': 0.8512, 'Pearson': 0.9293, 'MedAE': 19.5034, 'LnQ': 0.6267, 'KS': 0.1695, 'KendallTau': 0.6692, 'MannWhitneyU': 1608.0, 'AUC': 0.4619} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_MO_Forecast') {'Signal': 'QLD_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0786, 'RMSE': 34.1729, 'MAE': 26.7604, 'SMAPE': 0.0779, 'DiffSMAPE': 0.0779, 'MASE': 1.1174, 'RMSSE': 1.1395, 'ErrorMean': -0.0, 'ErrorStdDev': 34.1729, 'R2': 0.8565, 'Pearson': 0.9296, 'MedAE': 18.8801, 'LnQ': 0.6204, 'KS': 0.1356, 'KendallTau': 0.6587, 'MannWhitneyU': 1670.0, 'AUC': 0.4797} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0824, 'RMSE': 34.8313, 'MAE': 27.2577, 'SMAPE': 0.0805, 'DiffSMAPE': 0.0804, 'MASE': 1.1382, 'RMSSE': 1.1615, 'ErrorMean': 0.4532, 'ErrorStdDev': 34.8283, 'R2': 0.8509, 'Pearson': 0.9227, 'MedAE': 23.4178, 'LnQ': 0.674, 'KS': 0.1017, 'KendallTau': 0.6587, 'MannWhitneyU': 1732.0, 'AUC': 0.4976} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_PHA_TD_Forecast') {'Signal': 'QLD_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0787, 'RMSE': 34.4144, 'MAE': 26.8549, 'SMAPE': 0.0782, 'DiffSMAPE': 0.0782, 'MASE': 1.1214, 'RMSSE': 1.1476, 'ErrorMean': -0.0, 'ErrorStdDev': 34.4144, 'R2': 0.8544, 'Pearson': 0.9293, 'MedAE': 20.1717, 'LnQ': 0.6248, 'KS': 0.1356, 'KendallTau': 0.6692, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_AHP_TD_Forecast') {'Signal': 'QLD_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0794, 'RMSE': 34.7938, 'MAE': 27.0406, 'SMAPE': 0.0781, 'DiffSMAPE': 0.0781, 'MASE': 1.1291, 'RMSSE': 1.1602, 'ErrorMean': 3.2996, 'ErrorStdDev': 34.637, 'R2': 0.8512, 'Pearson': 0.9293, 'MedAE': 19.5034, 'LnQ': 0.6267, 'KS': 0.1695, 'KendallTau': 0.6692, 'MannWhitneyU': 1608.0, 'AUC': 0.4619} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_MO_Forecast') {'Signal': 'QLD_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0786, 'RMSE': 34.1729, 'MAE': 26.7604, 'SMAPE': 0.0779, 'DiffSMAPE': 0.0779, 'MASE': 1.1174, 'RMSSE': 1.1395, 'ErrorMean': -0.0, 'ErrorStdDev': 34.1729, 'R2': 0.8565, 'Pearson': 0.9296, 'MedAE': 18.8801, 'LnQ': 0.6204, 'KS': 0.1356, 'KendallTau': 0.6587, 'MannWhitneyU': 1670.0, 'AUC': 0.4797} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0824, 'RMSE': 34.8313, 'MAE': 27.2577, 'SMAPE': 0.0805, 'DiffSMAPE': 0.0804, 'MASE': 1.1382, 'RMSSE': 1.1615, 'ErrorMean': 0.4532, 'ErrorStdDev': 34.8283, 'R2': 0.8509, 'Pearson': 0.9227, 'MedAE': 23.4178, 'LnQ': 0.674, 'KS': 0.1017, 'KendallTau': 0.6587, 'MannWhitneyU': 1732.0, 'AUC': 0.4976} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_PHA_TD_Forecast') {'Signal': 'QLD_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0787, 'RMSE': 34.4144, 'MAE': 26.8549, 'SMAPE': 0.0782, 'DiffSMAPE': 0.0782, 'MASE': 1.1214, 'RMSSE': 1.1476, 'ErrorMean': -0.0, 'ErrorStdDev': 34.4144, 'R2': 0.8544, 'Pearson': 0.9293, 'MedAE': 20.1717, 'LnQ': 0.6248, 'KS': 0.1356, 'KendallTau': 0.6692, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} @@ -372,7 +372,7 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__Forecast') {'S INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__MO_Forecast') {'Signal': '__MO_Forecast', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 315.5243, 'MAE': 246.8434, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.2653, 'RMSSE': 1.3184, 'ErrorMean': -0.0, 'ErrorStdDev': 315.5243, 'R2': 0.9144, 'Pearson': 0.9562, 'MedAE': 189.5894, 'LnQ': 0.3891, 'KS': 0.1525, 'KendallTau': 0.716, 'MannWhitneyU': 1663.0, 'AUC': 0.4777} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__OC_Forecast') {'Signal': '__OC_Forecast', 'Length': 59, 'MAPE': 0.0632, 'RMSE': 314.402, 'MAE': 245.9011, 'SMAPE': 0.0633, 'DiffSMAPE': 0.0633, 'MASE': 1.2605, 'RMSSE': 1.3138, 'ErrorMean': -0.5655, 'ErrorStdDev': 314.4015, 'R2': 0.915, 'Pearson': 0.9565, 'MedAE': 191.306, 'LnQ': 0.3869, 'KS': 0.1525, 'KendallTau': 0.7195, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__PHA_TD_Forecast') {'Signal': '__PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 315.5243, 'MAE': 246.8434, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.2653, 'RMSSE': 1.3184, 'ErrorMean': -0.0, 'ErrorStdDev': 315.5243, 'R2': 0.9144, 'Pearson': 0.9562, 'MedAE': 189.5894, 'LnQ': 0.3891, 'KS': 0.1525, 'KendallTau': 0.716, 'MannWhitneyU': 1663.0, 'AUC': 0.4777} -INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 278.896 +INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 24.556 INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='ACT_female' Length=59 Min=0 Max=36 Mean=12.40678 StdDev=9.085505 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_ACT_female' Min=0.0 Max=1.0 Mean=0.344633 StdDev=0.252375 @@ -382,12 +382,12 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_ACT_female_PolyTrend_residue_Cycle_5_residue INFO:pyaf.std:TREND_DETAIL '_ACT_female_PolyTrend' [PolyTrend] INFO:pyaf.std:CYCLE_DETAIL '_ACT_female_PolyTrend_residue_Cycle_5' [Cycle_5] INFO:pyaf.std:AUTOREG_DETAIL '_ACT_female_PolyTrend_residue_Cycle_5_residue_NoAR' [NoAR] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'M', 'Cycle': 'S', 'AR': 'S'} [MSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None @@ -494,7 +494,7 @@ INFO:pyaf.std:AR_MODEL_COEFF 10 Index_ex3_Lag2 0.051883 INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 0 [] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Index_ex3' {'Mean': 0.0025056519946970814, 'StdDev': 0.7086360603008237} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Index_ex3' {'Mean': 0.0025056519946970906, 'StdDev': 0.7086360603008236} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 1 ['Index_ex4'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 @@ -1025,7 +1025,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "Length": 59, "LnQ": Infinity, "MAE": 3.1223, - "MAPE": 1358966309.1745, + "MAPE": 1358966309.1751, "MASE": 0.7392, "MannWhitneyU": 1689.5, "MedAE": 2.5957, @@ -1046,7 +1046,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "Length": 59, "LnQ": Infinity, "MAE": 3.1223, - "MAPE": 1358966309.1745, + "MAPE": 1358966309.1751, "MASE": 0.7392, "MannWhitneyU": 1689.5, "MedAE": 2.5957, @@ -1162,7 +1162,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model_Performance": { "1": { - "AUC": 0.5013, + "AUC": 0.5014, "DiffSMAPE": 0.0744, "ErrorMean": -6.9343, "ErrorStdDev": 52.0969, @@ -1173,7 +1173,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "MAE": 41.3544, "MAPE": 0.0735, "MASE": 0.9399, - "MannWhitneyU": 1745.0, + "MannWhitneyU": 1745.5, "MedAE": 36.7588, "Pearson": 0.9682, "R2": 0.9364, @@ -1183,7 +1183,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "Signal": "NSW_female_Forecast_1" }, "12": { - "AUC": 0.5013, + "AUC": 0.5014, "DiffSMAPE": 0.0744, "ErrorMean": -6.9343, "ErrorStdDev": 52.0969, @@ -1194,7 +1194,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "MAE": 41.3544, "MAPE": 0.0735, "MASE": 0.9399, - "MannWhitneyU": 1745.0, + "MannWhitneyU": 1745.5, "MedAE": 36.7588, "Pearson": 0.9682, "R2": 0.9364, @@ -1221,8 +1221,8 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "Categorical_Variables_Usage": {}, "Continuous_Variables": { "Index_ex3": { - "Mean": 0.0025056519946970814, - "StdDev": 0.7086360603008237 + "Mean": 0.0025056519946970906, + "StdDev": 0.7086360603008236 } }, "Continuous_Variables_Excluded": [ @@ -1395,7 +1395,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model_Performance": { "1": { - "AUC": 0.451, + "AUC": 0.4507, "DiffSMAPE": 0.5169, "ErrorMean": -0.0, "ErrorStdDev": 13.4642, @@ -1406,7 +1406,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "MAE": 9.3772, "MAPE": 0.5395, "MASE": 1.3298, - "MannWhitneyU": 1570.0, + "MannWhitneyU": 1569.0, "MedAE": 6.7796, "Pearson": 0.7619, "R2": 0.578, @@ -1416,7 +1416,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "Signal": "NT_male_Forecast_1" }, "12": { - "AUC": 0.451, + "AUC": 0.4507, "DiffSMAPE": 0.5169, "ErrorMean": -0.0, "ErrorStdDev": 13.4642, @@ -1427,7 +1427,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "MAE": 9.3772, "MAPE": 0.5395, "MASE": 1.3298, - "MannWhitneyU": 1570.0, + "MannWhitneyU": 1569.0, "MedAE": 6.7796, "Pearson": 0.7619, "R2": 0.578, @@ -1543,7 +1543,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "1": { "AUC": 0.4981, "DiffSMAPE": 0.0775, - "ErrorMean": 0.0, + "ErrorMean": -0.0, "ErrorStdDev": 33.2001, "KS": 0.1525, "KendallTau": 0.6856, @@ -1564,7 +1564,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "12": { "AUC": 0.4981, "DiffSMAPE": 0.0775, - "ErrorMean": 0.0, + "ErrorMean": -0.0, "ErrorStdDev": 33.2001, "KS": 0.1525, "KendallTau": 0.6856, @@ -2449,7 +2449,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al ] } }, - "Training_Time": 278.896 + "Training_Time": 24.556 }INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male', '_female', '_male', '_'], 'Horizons': {'ACT_female': 12, 'ACT_male': 12, 'NSW_female': 12, 'NSW_male': 12, 'NT_female': 12, 'NT_male': 12, 'QLD_female': 12, 'QLD_male': 12, 'SA_female': 12, 'SA_male': 12, 'TAS_female': 12, 'TAS_male': 12, 'VIC_female': 12, 'VIC_male': 12, 'WA_female': 12, 'WA_male': 12, '_female': 12, '_male': 12, '_': 12}} @@ -2457,11 +2457,11 @@ INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'N -INFO:pyaf.std:FORECASTING_ENGINE_END 35.698 +INFO:pyaf.std:FORECASTING_ENGINE_END 9.516 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU', 'TD', 'MO', 'OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD PHA_TD INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_MIDDLE_OUT_METHOD MO INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_OPTIMAL_COMBINATION_METHOD OC -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_grouped_signals_AllMethods_Exogenous_per_node_force_ARX.py', 'ElapsedTimeSecs':(323.09, 4.13, 126.28), 'MAX_MEM_KB':181608, 'CPU_PRCNT':'40%', 'FILES_IN':8, 'FILES_OUT':1480, 'EXIT_STATUS':0} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_grouped_signals_AllMethods_Exogenous_per_node_force_ARX.py', 'ElapsedTimeSecs':(35.99, 7.21, 207.38), 'MAX_MEM_KB':179268, 'CPU_PRCNT':'596%', 'FILES_IN':0, 'FILES_OUT':1432, 'EXIT_STATUS':0} diff --git a/tests/references/hierarchical/test_grouped_signals_AllMethods_Exogenous_per_node_force_XGBX.log b/tests/references/hierarchical/test_grouped_signals_AllMethods_Exogenous_per_node_force_XGBX.log index 3d8d4f2e7..a306879b2 100644 --- a/tests/references/hierarchical/test_grouped_signals_AllMethods_Exogenous_per_node_force_XGBX.log +++ b/tests/references/hierarchical/test_grouped_signals_AllMethods_Exogenous_per_node_force_XGBX.log @@ -2,13 +2,13 @@ INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_START INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male', '_female', '_male', '_'], 'Horizons': {'ACT_female': 12, 'ACT_male': 12, 'NSW_female': 12, 'NSW_male': 12, 'NT_female': 12, 'NT_male': 12, 'QLD_female': 12, 'QLD_male': 12, 'SA_female': 12, 'SA_male': 12, 'TAS_female': 12, 'TAS_male': 12, 'VIC_female': 12, 'VIC_male': 12, 'WA_female': 12, 'WA_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 130.803 +INFO:pyaf.std:TRAINING_ENGINE_END 15.137 INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_END INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_COMPUTE_TOP_DOWN_HISTORICAL_PROPORTIONS INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male', '_female', '_male', '_'], 'Horizons': {'ACT_female': 12, 'ACT_male': 12, 'NSW_female': 12, 'NSW_male': 12, 'NT_female': 12, 'NT_male': 12, 'QLD_female': 12, 'QLD_male': 12, 'SA_female': 12, 'SA_male': 12, 'TAS_female': 12, 'TAS_male': 12, 'VIC_female': 12, 'VIC_male': 12, 'WA_female': 12, 'WA_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 102.893 +INFO:pyaf.std:FORECASTING_ENGINE_END 8.212 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU', 'TD', 'MO', 'OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD @@ -29,350 +29,350 @@ INFO:pyaf.hierarchical:DATASET_COLUMNS Index(['Index', 'ACT_female', 'ACT_female dtype='object', length=172) INFO:pyaf.hierarchical:STRUCTURE_LEVEL (0, ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male']) INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9206413650.6063, 'RMSE': 12.3188, 'MAE': 11.1585, 'SMAPE': 0.8842, 'DiffSMAPE': 0.8805, 'MASE': 2.6416, 'RMSSE': 2.2964, 'ErrorMean': 3.0018, 'ErrorStdDev': 11.9474, 'R2': -0.8384, 'Pearson': -0.6209, 'MedAE': 12.1195, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4073, 'MannWhitneyU': 1303.0, 'AUC': 0.3743} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7479032962.4501, 'RMSE': 11.4031, 'MAE': 10.3413, 'SMAPE': 0.9039, 'DiffSMAPE': 0.8996, 'MASE': 2.4481, 'RMSSE': 2.1257, 'ErrorMean': -0.0, 'ErrorStdDev': 11.4031, 'R2': -0.5753, 'Pearson': -0.6349, 'MedAE': 10.9446, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4204, 'MannWhitneyU': 1619.0, 'AUC': 0.4651} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 1489637544.82, 'RMSE': 6.4128, 'MAE': 5.16, 'SMAPE': 0.6418, 'DiffSMAPE': 0.6313, 'MASE': 1.2216, 'RMSSE': 1.1955, 'ErrorMean': 1.2086, 'ErrorStdDev': 6.2979, 'R2': 0.5018, 'Pearson': 0.7425, 'MedAE': 4.1307, 'LnQ': inf, 'KS': 0.1695, 'KendallTau': 0.5619, 'MannWhitneyU': 1565.0, 'AUC': 0.4496} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 1412290477.0368, 'RMSE': 6.4041, 'MAE': 5.1139, 'SMAPE': 0.6164, 'DiffSMAPE': 0.6067, 'MASE': 1.2106, 'RMSSE': 1.1938, 'ErrorMean': 1.4603, 'ErrorStdDev': 6.2353, 'R2': 0.5032, 'Pearson': 0.7452, 'MedAE': 3.9129, 'LnQ': inf, 'KS': 0.1695, 'KendallTau': 0.5607, 'MannWhitneyU': 1534.0, 'AUC': 0.4407} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7412888698.721, 'RMSE': 11.3387, 'MAE': 10.2795, 'SMAPE': 0.9006, 'DiffSMAPE': 0.8963, 'MASE': 2.4335, 'RMSSE': 2.1137, 'ErrorMean': -0.0, 'ErrorStdDev': 11.3387, 'R2': -0.5575, 'Pearson': -0.6209, 'MedAE': 10.8886, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4073, 'MannWhitneyU': 1621.0, 'AUC': 0.4657} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9206413650.6063, 'RMSE': 12.3188, 'MAE': 11.1585, 'SMAPE': 0.8842, 'DiffSMAPE': 0.8805, 'MASE': 2.6416, 'RMSSE': 2.2964, 'ErrorMean': 3.0018, 'ErrorStdDev': 11.9474, 'R2': -0.8384, 'Pearson': -0.6209, 'MedAE': 12.1195, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4073, 'MannWhitneyU': 1303.0, 'AUC': 0.3743} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7479032962.4501, 'RMSE': 11.4031, 'MAE': 10.3413, 'SMAPE': 0.9039, 'DiffSMAPE': 0.8996, 'MASE': 2.4481, 'RMSSE': 2.1257, 'ErrorMean': -0.0, 'ErrorStdDev': 11.4031, 'R2': -0.5753, 'Pearson': -0.6349, 'MedAE': 10.9446, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4204, 'MannWhitneyU': 1619.0, 'AUC': 0.4651} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 1489637544.82, 'RMSE': 6.4128, 'MAE': 5.16, 'SMAPE': 0.6418, 'DiffSMAPE': 0.6313, 'MASE': 1.2216, 'RMSSE': 1.1955, 'ErrorMean': 1.2086, 'ErrorStdDev': 6.2979, 'R2': 0.5018, 'Pearson': 0.7425, 'MedAE': 4.1307, 'LnQ': inf, 'KS': 0.1695, 'KendallTau': 0.5619, 'MannWhitneyU': 1565.0, 'AUC': 0.4496} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 1412290477.0368, 'RMSE': 6.4041, 'MAE': 5.1139, 'SMAPE': 0.6164, 'DiffSMAPE': 0.6067, 'MASE': 1.2106, 'RMSSE': 1.1938, 'ErrorMean': 1.4603, 'ErrorStdDev': 6.2353, 'R2': 0.5032, 'Pearson': 0.7452, 'MedAE': 3.9129, 'LnQ': inf, 'KS': 0.1695, 'KendallTau': 0.5607, 'MannWhitneyU': 1534.0, 'AUC': 0.4407} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7412888698.721, 'RMSE': 11.3387, 'MAE': 10.2795, 'SMAPE': 0.9006, 'DiffSMAPE': 0.8963, 'MASE': 2.4335, 'RMSSE': 2.1137, 'ErrorMean': -0.0, 'ErrorStdDev': 11.3387, 'R2': -0.5575, 'Pearson': -0.6209, 'MedAE': 10.8886, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4073, 'MannWhitneyU': 1621.0, 'AUC': 0.4657} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_AHP_TD_Forecast') {'Signal': 'ACT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 9206413650.6063, 'RMSE': 12.3188, 'MAE': 11.1585, 'SMAPE': 0.8842, 'DiffSMAPE': 0.8805, 'MASE': 2.6416, 'RMSSE': 2.2964, 'ErrorMean': 3.0018, 'ErrorStdDev': 11.9474, 'R2': -0.8384, 'Pearson': -0.6209, 'MedAE': 12.1195, 'LnQ': inf, 'KS': 0.4068, 'KendallTau': -0.4073, 'MannWhitneyU': 1303.0, 'AUC': 0.3743} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_BU_Forecast') {'Signal': 'ACT_female_BU_Forecast', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_Forecast') {'Signal': 'ACT_female', 'Length': 59, 'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'SMAPE': 0.4479, 'DiffSMAPE': 0.4401, 'MASE': 0.7392, 'RMSSE': 0.753, 'ErrorMean': 0.3261, 'ErrorStdDev': 4.0264, 'R2': 0.8023, 'Pearson': 0.8964, 'MedAE': 2.5957, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.7225, 'MannWhitneyU': 1689.5, 'AUC': 0.4853} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_MO_Forecast') {'Signal': 'ACT_female_MO_Forecast', 'Length': 59, 'MAPE': 7479032962.4501, 'RMSE': 11.4031, 'MAE': 10.3413, 'SMAPE': 0.9039, 'DiffSMAPE': 0.8996, 'MASE': 2.4481, 'RMSSE': 2.1257, 'ErrorMean': -0.0, 'ErrorStdDev': 11.4031, 'R2': -0.5753, 'Pearson': -0.6349, 'MedAE': 10.9446, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4204, 'MannWhitneyU': 1619.0, 'AUC': 0.4651} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 1489637544.82, 'RMSE': 6.4128, 'MAE': 5.16, 'SMAPE': 0.6418, 'DiffSMAPE': 0.6313, 'MASE': 1.2216, 'RMSSE': 1.1955, 'ErrorMean': 1.2086, 'ErrorStdDev': 6.2979, 'R2': 0.5018, 'Pearson': 0.7425, 'MedAE': 4.1307, 'LnQ': inf, 'KS': 0.1695, 'KendallTau': 0.5619, 'MannWhitneyU': 1565.0, 'AUC': 0.4496} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_OC_Forecast') {'Signal': 'ACT_female_OC_Forecast', 'Length': 59, 'MAPE': 1412290477.0368, 'RMSE': 6.4041, 'MAE': 5.1139, 'SMAPE': 0.6164, 'DiffSMAPE': 0.6067, 'MASE': 1.2106, 'RMSSE': 1.1938, 'ErrorMean': 1.4603, 'ErrorStdDev': 6.2353, 'R2': 0.5032, 'Pearson': 0.7452, 'MedAE': 3.9129, 'LnQ': inf, 'KS': 0.1695, 'KendallTau': 0.5607, 'MannWhitneyU': 1534.0, 'AUC': 0.4407} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_female_PHA_TD_Forecast') {'Signal': 'ACT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 7412888698.721, 'RMSE': 11.3387, 'MAE': 10.2795, 'SMAPE': 0.9006, 'DiffSMAPE': 0.8963, 'MASE': 2.4335, 'RMSSE': 2.1137, 'ErrorMean': -0.0, 'ErrorStdDev': 11.3387, 'R2': -0.5575, 'Pearson': -0.6209, 'MedAE': 10.8886, 'LnQ': inf, 'KS': 0.3729, 'KendallTau': -0.4073, 'MannWhitneyU': 1621.0, 'AUC': 0.4657} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_AHP_TD_Forecast') {'Signal': 'ACT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.3108, 'RMSE': 18.0444, 'MAE': 16.4517, 'SMAPE': 0.8778, 'DiffSMAPE': 0.8753, 'MASE': 3.2236, 'RMSSE': 2.5851, 'ErrorMean': 4.0745, 'ErrorStdDev': 17.5784, 'R2': -0.796, 'Pearson': -0.6069, 'MedAE': 19.034, 'LnQ': 107.0423, 'KS': 0.3729, 'KendallTau': -0.424, 'MannWhitneyU': 1269.0, 'AUC': 0.3646} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_BU_Forecast') {'Signal': 'ACT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5679, 'RMSE': 6.1452, 'MAE': 4.3838, 'SMAPE': 0.3953, 'DiffSMAPE': 0.3902, 'MASE': 0.859, 'RMSSE': 0.8804, 'ErrorMean': 0.1605, 'ErrorStdDev': 6.1431, 'R2': 0.7917, 'Pearson': 0.8899, 'MedAE': 2.5852, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.7257, 'MannWhitneyU': 1680.5, 'AUC': 0.4828} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_Forecast') {'Signal': 'ACT_male', 'Length': 59, 'MAPE': 0.5679, 'RMSE': 6.1452, 'MAE': 4.3838, 'SMAPE': 0.3953, 'DiffSMAPE': 0.3902, 'MASE': 0.859, 'RMSSE': 0.8804, 'ErrorMean': 0.1605, 'ErrorStdDev': 6.1431, 'R2': 0.7917, 'Pearson': 0.8899, 'MedAE': 2.5852, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.7257, 'MannWhitneyU': 1680.5, 'AUC': 0.4828} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6863, 'RMSE': 16.689, 'MAE': 15.2654, 'SMAPE': 0.8916, 'DiffSMAPE': 0.8887, 'MASE': 2.9912, 'RMSSE': 2.3909, 'ErrorMean': 0.0, 'ErrorStdDev': 16.689, 'R2': -0.5363, 'Pearson': -0.5957, 'MedAE': 15.6399, 'LnQ': 95.7721, 'KS': 0.3729, 'KendallTau': -0.4158, 'MannWhitneyU': 1657.0, 'AUC': 0.476} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_OC_Forecast') {'Signal': 'ACT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.1288, 'RMSE': 11.2184, 'MAE': 8.3922, 'SMAPE': 0.6804, 'DiffSMAPE': 0.674, 'MASE': 1.6444, 'RMSSE': 1.6072, 'ErrorMean': -1.407, 'ErrorStdDev': 11.1298, 'R2': 0.3058, 'Pearson': 0.65, 'MedAE': 6.4455, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.5175, 'MannWhitneyU': 1762.0, 'AUC': 0.5062} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6863, 'RMSE': 16.689, 'MAE': 15.2654, 'SMAPE': 0.8916, 'DiffSMAPE': 0.8887, 'MASE': 2.9912, 'RMSSE': 2.3909, 'ErrorMean': -0.0, 'ErrorStdDev': 16.689, 'R2': -0.5363, 'Pearson': -0.5957, 'MedAE': 15.6399, 'LnQ': 95.7721, 'KS': 0.3729, 'KendallTau': -0.4158, 'MannWhitneyU': 1657.0, 'AUC': 0.476} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_OC_Forecast') {'Signal': 'ACT_male_OC_Forecast', 'Length': 59, 'MAPE': 0.8867, 'RMSE': 11.9086, 'MAE': 8.3748, 'SMAPE': 0.5927, 'DiffSMAPE': 0.5878, 'MASE': 1.641, 'RMSSE': 1.706, 'ErrorMean': -2.2676, 'ErrorStdDev': 11.6907, 'R2': 0.2178, 'Pearson': 0.5546, 'MedAE': 7.4218, 'LnQ': inf, 'KS': 0.1695, 'KendallTau': 0.456, 'MannWhitneyU': 1874.0, 'AUC': 0.5384} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'ACT_male_PHA_TD_Forecast') {'Signal': 'ACT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 2.7007, 'RMSE': 16.7615, 'MAE': 15.331, 'SMAPE': 0.894, 'DiffSMAPE': 0.8911, 'MASE': 3.004, 'RMSSE': 2.4013, 'ErrorMean': -0.0, 'ErrorStdDev': 16.7615, 'R2': -0.5497, 'Pearson': -0.6069, 'MedAE': 15.6757, 'LnQ': 96.3091, 'KS': 0.3559, 'KendallTau': -0.424, 'MannWhitneyU': 1650.0, 'AUC': 0.474} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_AHP_TD_Forecast') {'Signal': 'ACT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.3108, 'RMSE': 18.0444, 'MAE': 16.4517, 'SMAPE': 0.8778, 'DiffSMAPE': 0.8753, 'MASE': 3.2236, 'RMSSE': 2.5851, 'ErrorMean': 4.0745, 'ErrorStdDev': 17.5784, 'R2': -0.796, 'Pearson': -0.6069, 'MedAE': 19.034, 'LnQ': 107.0423, 'KS': 0.3729, 'KendallTau': -0.424, 'MannWhitneyU': 1269.0, 'AUC': 0.3646} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_BU_Forecast') {'Signal': 'ACT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5679, 'RMSE': 6.1452, 'MAE': 4.3838, 'SMAPE': 0.3953, 'DiffSMAPE': 0.3902, 'MASE': 0.859, 'RMSSE': 0.8804, 'ErrorMean': 0.1605, 'ErrorStdDev': 6.1431, 'R2': 0.7917, 'Pearson': 0.8899, 'MedAE': 2.5852, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.7257, 'MannWhitneyU': 1680.5, 'AUC': 0.4828} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_Forecast') {'Signal': 'ACT_male', 'Length': 59, 'MAPE': 0.5679, 'RMSE': 6.1452, 'MAE': 4.3838, 'SMAPE': 0.3953, 'DiffSMAPE': 0.3902, 'MASE': 0.859, 'RMSSE': 0.8804, 'ErrorMean': 0.1605, 'ErrorStdDev': 6.1431, 'R2': 0.7917, 'Pearson': 0.8899, 'MedAE': 2.5852, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.7257, 'MannWhitneyU': 1680.5, 'AUC': 0.4828} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6863, 'RMSE': 16.689, 'MAE': 15.2654, 'SMAPE': 0.8916, 'DiffSMAPE': 0.8887, 'MASE': 2.9912, 'RMSSE': 2.3909, 'ErrorMean': 0.0, 'ErrorStdDev': 16.689, 'R2': -0.5363, 'Pearson': -0.5957, 'MedAE': 15.6399, 'LnQ': 95.7721, 'KS': 0.3729, 'KendallTau': -0.4158, 'MannWhitneyU': 1657.0, 'AUC': 0.476} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_OC_Forecast') {'Signal': 'ACT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.1288, 'RMSE': 11.2184, 'MAE': 8.3922, 'SMAPE': 0.6804, 'DiffSMAPE': 0.674, 'MASE': 1.6444, 'RMSSE': 1.6072, 'ErrorMean': -1.407, 'ErrorStdDev': 11.1298, 'R2': 0.3058, 'Pearson': 0.65, 'MedAE': 6.4455, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.5175, 'MannWhitneyU': 1762.0, 'AUC': 0.5062} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6863, 'RMSE': 16.689, 'MAE': 15.2654, 'SMAPE': 0.8916, 'DiffSMAPE': 0.8887, 'MASE': 2.9912, 'RMSSE': 2.3909, 'ErrorMean': -0.0, 'ErrorStdDev': 16.689, 'R2': -0.5363, 'Pearson': -0.5957, 'MedAE': 15.6399, 'LnQ': 95.7721, 'KS': 0.3729, 'KendallTau': -0.4158, 'MannWhitneyU': 1657.0, 'AUC': 0.476} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_OC_Forecast') {'Signal': 'ACT_male_OC_Forecast', 'Length': 59, 'MAPE': 0.8867, 'RMSE': 11.9086, 'MAE': 8.3748, 'SMAPE': 0.5927, 'DiffSMAPE': 0.5878, 'MASE': 1.641, 'RMSSE': 1.706, 'ErrorMean': -2.2676, 'ErrorStdDev': 11.6907, 'R2': 0.2178, 'Pearson': 0.5546, 'MedAE': 7.4218, 'LnQ': inf, 'KS': 0.1695, 'KendallTau': 0.456, 'MannWhitneyU': 1874.0, 'AUC': 0.5384} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'ACT_male_PHA_TD_Forecast') {'Signal': 'ACT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 2.7007, 'RMSE': 16.7615, 'MAE': 15.331, 'SMAPE': 0.894, 'DiffSMAPE': 0.8911, 'MASE': 3.004, 'RMSSE': 2.4013, 'ErrorMean': -0.0, 'ErrorStdDev': 16.7615, 'R2': -0.5497, 'Pearson': -0.6069, 'MedAE': 15.6757, 'LnQ': 96.3091, 'KS': 0.3559, 'KendallTau': -0.424, 'MannWhitneyU': 1650.0, 'AUC': 0.474} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_AHP_TD_Forecast') {'Signal': 'ACT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.3108, 'RMSE': 18.0444, 'MAE': 16.4517, 'SMAPE': 0.8778, 'DiffSMAPE': 0.8753, 'MASE': 3.2236, 'RMSSE': 2.5851, 'ErrorMean': 4.0745, 'ErrorStdDev': 17.5784, 'R2': -0.796, 'Pearson': -0.6069, 'MedAE': 19.034, 'LnQ': 107.0423, 'KS': 0.3729, 'KendallTau': -0.424, 'MannWhitneyU': 1269.0, 'AUC': 0.3646} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_BU_Forecast') {'Signal': 'ACT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5679, 'RMSE': 6.1452, 'MAE': 4.3838, 'SMAPE': 0.3953, 'DiffSMAPE': 0.3902, 'MASE': 0.859, 'RMSSE': 0.8804, 'ErrorMean': 0.1605, 'ErrorStdDev': 6.1431, 'R2': 0.7917, 'Pearson': 0.8899, 'MedAE': 2.5852, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.7257, 'MannWhitneyU': 1680.5, 'AUC': 0.4828} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_Forecast') {'Signal': 'ACT_male', 'Length': 59, 'MAPE': 0.5679, 'RMSE': 6.1452, 'MAE': 4.3838, 'SMAPE': 0.3953, 'DiffSMAPE': 0.3902, 'MASE': 0.859, 'RMSSE': 0.8804, 'ErrorMean': 0.1605, 'ErrorStdDev': 6.1431, 'R2': 0.7917, 'Pearson': 0.8899, 'MedAE': 2.5852, 'LnQ': inf, 'KS': 0.1356, 'KendallTau': 0.7257, 'MannWhitneyU': 1680.5, 'AUC': 0.4828} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6863, 'RMSE': 16.689, 'MAE': 15.2654, 'SMAPE': 0.8916, 'DiffSMAPE': 0.8887, 'MASE': 2.9912, 'RMSSE': 2.3909, 'ErrorMean': 0.0, 'ErrorStdDev': 16.689, 'R2': -0.5363, 'Pearson': -0.5957, 'MedAE': 15.6399, 'LnQ': 95.7721, 'KS': 0.3729, 'KendallTau': -0.4158, 'MannWhitneyU': 1657.0, 'AUC': 0.476} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_OC_Forecast') {'Signal': 'ACT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.1288, 'RMSE': 11.2184, 'MAE': 8.3922, 'SMAPE': 0.6804, 'DiffSMAPE': 0.674, 'MASE': 1.6444, 'RMSSE': 1.6072, 'ErrorMean': -1.407, 'ErrorStdDev': 11.1298, 'R2': 0.3058, 'Pearson': 0.65, 'MedAE': 6.4455, 'LnQ': inf, 'KS': 0.1525, 'KendallTau': 0.5175, 'MannWhitneyU': 1762.0, 'AUC': 0.5062} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_MO_Forecast') {'Signal': 'ACT_male_MO_Forecast', 'Length': 59, 'MAPE': 2.6863, 'RMSE': 16.689, 'MAE': 15.2654, 'SMAPE': 0.8916, 'DiffSMAPE': 0.8887, 'MASE': 2.9912, 'RMSSE': 2.3909, 'ErrorMean': -0.0, 'ErrorStdDev': 16.689, 'R2': -0.5363, 'Pearson': -0.5957, 'MedAE': 15.6399, 'LnQ': 95.7721, 'KS': 0.3729, 'KendallTau': -0.4158, 'MannWhitneyU': 1657.0, 'AUC': 0.476} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_OC_Forecast') {'Signal': 'ACT_male_OC_Forecast', 'Length': 59, 'MAPE': 0.8867, 'RMSE': 11.9086, 'MAE': 8.3748, 'SMAPE': 0.5927, 'DiffSMAPE': 0.5878, 'MASE': 1.641, 'RMSSE': 1.706, 'ErrorMean': -2.2676, 'ErrorStdDev': 11.6907, 'R2': 0.2178, 'Pearson': 0.5546, 'MedAE': 7.4218, 'LnQ': inf, 'KS': 0.1695, 'KendallTau': 0.456, 'MannWhitneyU': 1874.0, 'AUC': 0.5384} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'ACT_male_PHA_TD_Forecast') {'Signal': 'ACT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 2.7007, 'RMSE': 16.7615, 'MAE': 15.331, 'SMAPE': 0.894, 'DiffSMAPE': 0.8911, 'MASE': 3.004, 'RMSSE': 2.4013, 'ErrorMean': -0.0, 'ErrorStdDev': 16.7615, 'R2': -0.5497, 'Pearson': -0.6069, 'MedAE': 15.6757, 'LnQ': 96.3091, 'KS': 0.3559, 'KendallTau': -0.424, 'MannWhitneyU': 1650.0, 'AUC': 0.474} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0952, 'RMSE': 72.8239, 'MAE': 55.6866, 'SMAPE': 0.0928, 'DiffSMAPE': 0.0928, 'MASE': 1.2656, 'RMSSE': 1.2645, 'ErrorMean': -10.6694, 'ErrorStdDev': 72.038, 'R2': 0.8778, 'Pearson': 0.9526, 'MedAE': 44.0349, 'LnQ': 0.8741, 'KS': 0.2712, 'KendallTau': 0.7308, 'MannWhitneyU': 1908.0, 'AUC': 0.5481} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0942, 'RMSE': 68.3673, 'MAE': 52.6855, 'SMAPE': 0.0905, 'DiffSMAPE': 0.0904, 'MASE': 1.1974, 'RMSSE': 1.1871, 'ErrorMean': -0.0, 'ErrorStdDev': 68.3673, 'R2': 0.8923, 'Pearson': 0.9557, 'MedAE': 38.8081, 'LnQ': 0.8538, 'KS': 0.2373, 'KendallTau': 0.7401, 'MannWhitneyU': 1807.0, 'AUC': 0.5191} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0738, 'RMSE': 53.2135, 'MAE': 41.9989, 'SMAPE': 0.0746, 'DiffSMAPE': 0.0746, 'MASE': 0.9545, 'RMSSE': 0.924, 'ErrorMean': -6.0518, 'ErrorStdDev': 52.8683, 'R2': 0.9348, 'Pearson': 0.9673, 'MedAE': 37.8705, 'LnQ': 0.5545, 'KS': 0.1017, 'KendallTau': 0.829, 'MannWhitneyU': 1732.0, 'AUC': 0.4976} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0739, 'RMSE': 53.176, 'MAE': 42.0381, 'SMAPE': 0.0746, 'DiffSMAPE': 0.0746, 'MASE': 0.9554, 'RMSSE': 0.9233, 'ErrorMean': -5.8001, 'ErrorStdDev': 52.8587, 'R2': 0.9349, 'Pearson': 0.9673, 'MedAE': 38.4421, 'LnQ': 0.5541, 'KS': 0.1017, 'KendallTau': 0.8313, 'MannWhitneyU': 1727.0, 'AUC': 0.4961} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0972, 'RMSE': 70.7773, 'MAE': 54.5598, 'SMAPE': 0.0932, 'DiffSMAPE': 0.0932, 'MASE': 1.24, 'RMSSE': 1.229, 'ErrorMean': -0.0, 'ErrorStdDev': 70.7773, 'R2': 0.8846, 'Pearson': 0.9526, 'MedAE': 38.2922, 'LnQ': 0.9046, 'KS': 0.2373, 'KendallTau': 0.7308, 'MannWhitneyU': 1812.0, 'AUC': 0.5205} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0952, 'RMSE': 72.8239, 'MAE': 55.6866, 'SMAPE': 0.0928, 'DiffSMAPE': 0.0928, 'MASE': 1.2656, 'RMSSE': 1.2645, 'ErrorMean': -10.6694, 'ErrorStdDev': 72.038, 'R2': 0.8778, 'Pearson': 0.9526, 'MedAE': 44.0349, 'LnQ': 0.8741, 'KS': 0.2712, 'KendallTau': 0.7308, 'MannWhitneyU': 1908.0, 'AUC': 0.5481} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0942, 'RMSE': 68.3673, 'MAE': 52.6855, 'SMAPE': 0.0905, 'DiffSMAPE': 0.0904, 'MASE': 1.1974, 'RMSSE': 1.1871, 'ErrorMean': -0.0, 'ErrorStdDev': 68.3673, 'R2': 0.8923, 'Pearson': 0.9557, 'MedAE': 38.8081, 'LnQ': 0.8538, 'KS': 0.2373, 'KendallTau': 0.7401, 'MannWhitneyU': 1807.0, 'AUC': 0.5191} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0738, 'RMSE': 53.2135, 'MAE': 41.9989, 'SMAPE': 0.0746, 'DiffSMAPE': 0.0746, 'MASE': 0.9545, 'RMSSE': 0.924, 'ErrorMean': -6.0518, 'ErrorStdDev': 52.8683, 'R2': 0.9348, 'Pearson': 0.9673, 'MedAE': 37.8705, 'LnQ': 0.5545, 'KS': 0.1017, 'KendallTau': 0.829, 'MannWhitneyU': 1732.0, 'AUC': 0.4976} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0739, 'RMSE': 53.176, 'MAE': 42.0381, 'SMAPE': 0.0746, 'DiffSMAPE': 0.0746, 'MASE': 0.9554, 'RMSSE': 0.9233, 'ErrorMean': -5.8001, 'ErrorStdDev': 52.8587, 'R2': 0.9349, 'Pearson': 0.9673, 'MedAE': 38.4421, 'LnQ': 0.5541, 'KS': 0.1017, 'KendallTau': 0.8313, 'MannWhitneyU': 1727.0, 'AUC': 0.4961} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0972, 'RMSE': 70.7773, 'MAE': 54.5598, 'SMAPE': 0.0932, 'DiffSMAPE': 0.0932, 'MASE': 1.24, 'RMSSE': 1.229, 'ErrorMean': -0.0, 'ErrorStdDev': 70.7773, 'R2': 0.8846, 'Pearson': 0.9526, 'MedAE': 38.2922, 'LnQ': 0.9046, 'KS': 0.2373, 'KendallTau': 0.7308, 'MannWhitneyU': 1812.0, 'AUC': 0.5205} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0952, 'RMSE': 72.8239, 'MAE': 55.6866, 'SMAPE': 0.0928, 'DiffSMAPE': 0.0928, 'MASE': 1.2656, 'RMSSE': 1.2645, 'ErrorMean': -10.6694, 'ErrorStdDev': 72.038, 'R2': 0.8778, 'Pearson': 0.9526, 'MedAE': 44.0349, 'LnQ': 0.8741, 'KS': 0.2712, 'KendallTau': 0.7308, 'MannWhitneyU': 1908.0, 'AUC': 0.5481} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0942, 'RMSE': 68.3673, 'MAE': 52.6855, 'SMAPE': 0.0905, 'DiffSMAPE': 0.0904, 'MASE': 1.1974, 'RMSSE': 1.1871, 'ErrorMean': -0.0, 'ErrorStdDev': 68.3673, 'R2': 0.8923, 'Pearson': 0.9557, 'MedAE': 38.8081, 'LnQ': 0.8538, 'KS': 0.2373, 'KendallTau': 0.7401, 'MannWhitneyU': 1807.0, 'AUC': 0.5191} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0738, 'RMSE': 53.2135, 'MAE': 41.9989, 'SMAPE': 0.0746, 'DiffSMAPE': 0.0746, 'MASE': 0.9545, 'RMSSE': 0.924, 'ErrorMean': -6.0518, 'ErrorStdDev': 52.8683, 'R2': 0.9348, 'Pearson': 0.9673, 'MedAE': 37.8705, 'LnQ': 0.5545, 'KS': 0.1017, 'KendallTau': 0.829, 'MannWhitneyU': 1732.0, 'AUC': 0.4976} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0739, 'RMSE': 53.176, 'MAE': 42.0381, 'SMAPE': 0.0746, 'DiffSMAPE': 0.0746, 'MASE': 0.9554, 'RMSSE': 0.9233, 'ErrorMean': -5.8001, 'ErrorStdDev': 52.8587, 'R2': 0.9349, 'Pearson': 0.9673, 'MedAE': 38.4421, 'LnQ': 0.5541, 'KS': 0.1017, 'KendallTau': 0.8313, 'MannWhitneyU': 1727.0, 'AUC': 0.4961} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0972, 'RMSE': 70.7773, 'MAE': 54.5598, 'SMAPE': 0.0932, 'DiffSMAPE': 0.0932, 'MASE': 1.24, 'RMSSE': 1.229, 'ErrorMean': -0.0, 'ErrorStdDev': 70.7773, 'R2': 0.8846, 'Pearson': 0.9526, 'MedAE': 38.2922, 'LnQ': 0.9046, 'KS': 0.2373, 'KendallTau': 0.7308, 'MannWhitneyU': 1812.0, 'AUC': 0.5205} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_AHP_TD_Forecast') {'Signal': 'NSW_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0865, 'RMSE': 86.7552, 'MAE': 68.2365, 'SMAPE': 0.085, 'DiffSMAPE': 0.085, 'MASE': 1.2318, 'RMSSE': 1.2087, 'ErrorMean': -11.5418, 'ErrorStdDev': 85.984, 'R2': 0.8966, 'Pearson': 0.9567, 'MedAE': 50.1691, 'LnQ': 0.7196, 'KS': 0.1864, 'KendallTau': 0.7327, 'MannWhitneyU': 1840.0, 'AUC': 0.5286} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_BU_Forecast') {'Signal': 'NSW_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0436, 'RMSE': 43.3825, 'MAE': 33.1215, 'SMAPE': 0.0428, 'DiffSMAPE': 0.0428, 'MASE': 0.5979, 'RMSSE': 0.6044, 'ErrorMean': 15.7443, 'ErrorStdDev': 40.4247, 'R2': 0.9741, 'Pearson': 0.9887, 'MedAE': 27.5762, 'LnQ': 0.2029, 'KS': 0.1356, 'KendallTau': 0.8532, 'MannWhitneyU': 1622.0, 'AUC': 0.466} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_Forecast') {'Signal': 'NSW_male', 'Length': 59, 'MAPE': 0.0436, 'RMSE': 43.3825, 'MAE': 33.1215, 'SMAPE': 0.0428, 'DiffSMAPE': 0.0428, 'MASE': 0.5979, 'RMSSE': 0.6044, 'ErrorMean': 15.7443, 'ErrorStdDev': 40.4247, 'R2': 0.9741, 'Pearson': 0.9887, 'MedAE': 27.5762, 'LnQ': 0.2029, 'KS': 0.1356, 'KendallTau': 0.8532, 'MannWhitneyU': 1622.0, 'AUC': 0.466} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_BU_Forecast') {'Signal': 'NSW_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0609, 'RMSE': 59.7182, 'MAE': 47.997, 'SMAPE': 0.0587, 'DiffSMAPE': 0.0587, 'MASE': 0.8664, 'RMSSE': 0.832, 'ErrorMean': 23.2866, 'ErrorStdDev': 54.9909, 'R2': 0.951, 'Pearson': 0.9797, 'MedAE': 37.0889, 'LnQ': 0.315, 'KS': 0.1356, 'KendallTau': 0.8228, 'MannWhitneyU': 1589.0, 'AUC': 0.4565} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_Forecast') {'Signal': 'NSW_male', 'Length': 59, 'MAPE': 0.0609, 'RMSE': 59.7182, 'MAE': 47.997, 'SMAPE': 0.0587, 'DiffSMAPE': 0.0587, 'MASE': 0.8664, 'RMSSE': 0.832, 'ErrorMean': 23.2866, 'ErrorStdDev': 54.9909, 'R2': 0.951, 'Pearson': 0.9797, 'MedAE': 37.0889, 'LnQ': 0.315, 'KS': 0.1356, 'KendallTau': 0.8228, 'MannWhitneyU': 1589.0, 'AUC': 0.4565} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_MO_Forecast') {'Signal': 'NSW_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0917, 'RMSE': 86.4992, 'MAE': 70.6183, 'SMAPE': 0.0889, 'DiffSMAPE': 0.0889, 'MASE': 1.2748, 'RMSSE': 1.2051, 'ErrorMean': -0.0, 'ErrorStdDev': 86.4992, 'R2': 0.8972, 'Pearson': 0.9553, 'MedAE': 60.7103, 'LnQ': 0.7654, 'KS': 0.1695, 'KendallTau': 0.7187, 'MannWhitneyU': 1768.0, 'AUC': 0.5079} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_OC_Forecast') {'Signal': 'NSW_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0443, 'RMSE': 44.4381, 'MAE': 34.3707, 'SMAPE': 0.0436, 'DiffSMAPE': 0.0436, 'MASE': 0.6204, 'RMSSE': 0.6191, 'ErrorMean': 14.1768, 'ErrorStdDev': 42.116, 'R2': 0.9729, 'Pearson': 0.9877, 'MedAE': 27.4276, 'LnQ': 0.1996, 'KS': 0.1525, 'KendallTau': 0.852, 'MannWhitneyU': 1621.0, 'AUC': 0.4657} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_OC_Forecast') {'Signal': 'NSW_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0605, 'RMSE': 58.3756, 'MAE': 48.066, 'SMAPE': 0.0586, 'DiffSMAPE': 0.0586, 'MASE': 0.8677, 'RMSSE': 0.8133, 'ErrorMean': 20.8585, 'ErrorStdDev': 54.5219, 'R2': 0.9532, 'Pearson': 0.9801, 'MedAE': 39.1497, 'LnQ': 0.3027, 'KS': 0.1186, 'KendallTau': 0.8287, 'MannWhitneyU': 1606.0, 'AUC': 0.4614} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_PHA_TD_Forecast') {'Signal': 'NSW_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0899, 'RMSE': 84.8246, 'MAE': 69.1813, 'SMAPE': 0.0872, 'DiffSMAPE': 0.0872, 'MASE': 1.2488, 'RMSSE': 1.1818, 'ErrorMean': -0.0, 'ErrorStdDev': 84.8246, 'R2': 0.9012, 'Pearson': 0.9567, 'MedAE': 58.9329, 'LnQ': 0.74, 'KS': 0.1695, 'KendallTau': 0.7327, 'MannWhitneyU': 1758.0, 'AUC': 0.505} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_male_AHP_TD_Forecast') {'Signal': 'NSW_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0865, 'RMSE': 86.7552, 'MAE': 68.2365, 'SMAPE': 0.085, 'DiffSMAPE': 0.085, 'MASE': 1.2318, 'RMSSE': 1.2087, 'ErrorMean': -11.5418, 'ErrorStdDev': 85.984, 'R2': 0.8966, 'Pearson': 0.9567, 'MedAE': 50.1691, 'LnQ': 0.7196, 'KS': 0.1864, 'KendallTau': 0.7327, 'MannWhitneyU': 1840.0, 'AUC': 0.5286} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_male_BU_Forecast') {'Signal': 'NSW_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0436, 'RMSE': 43.3825, 'MAE': 33.1215, 'SMAPE': 0.0428, 'DiffSMAPE': 0.0428, 'MASE': 0.5979, 'RMSSE': 0.6044, 'ErrorMean': 15.7443, 'ErrorStdDev': 40.4247, 'R2': 0.9741, 'Pearson': 0.9887, 'MedAE': 27.5762, 'LnQ': 0.2029, 'KS': 0.1356, 'KendallTau': 0.8532, 'MannWhitneyU': 1622.0, 'AUC': 0.466} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_male_Forecast') {'Signal': 'NSW_male', 'Length': 59, 'MAPE': 0.0436, 'RMSE': 43.3825, 'MAE': 33.1215, 'SMAPE': 0.0428, 'DiffSMAPE': 0.0428, 'MASE': 0.5979, 'RMSSE': 0.6044, 'ErrorMean': 15.7443, 'ErrorStdDev': 40.4247, 'R2': 0.9741, 'Pearson': 0.9887, 'MedAE': 27.5762, 'LnQ': 0.2029, 'KS': 0.1356, 'KendallTau': 0.8532, 'MannWhitneyU': 1622.0, 'AUC': 0.466} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_male_BU_Forecast') {'Signal': 'NSW_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0609, 'RMSE': 59.7182, 'MAE': 47.997, 'SMAPE': 0.0587, 'DiffSMAPE': 0.0587, 'MASE': 0.8664, 'RMSSE': 0.832, 'ErrorMean': 23.2866, 'ErrorStdDev': 54.9909, 'R2': 0.951, 'Pearson': 0.9797, 'MedAE': 37.0889, 'LnQ': 0.315, 'KS': 0.1356, 'KendallTau': 0.8228, 'MannWhitneyU': 1589.0, 'AUC': 0.4565} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_male_Forecast') {'Signal': 'NSW_male', 'Length': 59, 'MAPE': 0.0609, 'RMSE': 59.7182, 'MAE': 47.997, 'SMAPE': 0.0587, 'DiffSMAPE': 0.0587, 'MASE': 0.8664, 'RMSSE': 0.832, 'ErrorMean': 23.2866, 'ErrorStdDev': 54.9909, 'R2': 0.951, 'Pearson': 0.9797, 'MedAE': 37.0889, 'LnQ': 0.315, 'KS': 0.1356, 'KendallTau': 0.8228, 'MannWhitneyU': 1589.0, 'AUC': 0.4565} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_male_MO_Forecast') {'Signal': 'NSW_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0917, 'RMSE': 86.4992, 'MAE': 70.6183, 'SMAPE': 0.0889, 'DiffSMAPE': 0.0889, 'MASE': 1.2748, 'RMSSE': 1.2051, 'ErrorMean': -0.0, 'ErrorStdDev': 86.4992, 'R2': 0.8972, 'Pearson': 0.9553, 'MedAE': 60.7103, 'LnQ': 0.7654, 'KS': 0.1695, 'KendallTau': 0.7187, 'MannWhitneyU': 1768.0, 'AUC': 0.5079} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_male_OC_Forecast') {'Signal': 'NSW_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0443, 'RMSE': 44.4381, 'MAE': 34.3707, 'SMAPE': 0.0436, 'DiffSMAPE': 0.0436, 'MASE': 0.6204, 'RMSSE': 0.6191, 'ErrorMean': 14.1768, 'ErrorStdDev': 42.116, 'R2': 0.9729, 'Pearson': 0.9877, 'MedAE': 27.4276, 'LnQ': 0.1996, 'KS': 0.1525, 'KendallTau': 0.852, 'MannWhitneyU': 1621.0, 'AUC': 0.4657} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_male_OC_Forecast') {'Signal': 'NSW_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0605, 'RMSE': 58.3756, 'MAE': 48.066, 'SMAPE': 0.0586, 'DiffSMAPE': 0.0586, 'MASE': 0.8677, 'RMSSE': 0.8133, 'ErrorMean': 20.8585, 'ErrorStdDev': 54.5219, 'R2': 0.9532, 'Pearson': 0.9801, 'MedAE': 39.1497, 'LnQ': 0.3027, 'KS': 0.1186, 'KendallTau': 0.8287, 'MannWhitneyU': 1606.0, 'AUC': 0.4614} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_male_PHA_TD_Forecast') {'Signal': 'NSW_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0899, 'RMSE': 84.8246, 'MAE': 69.1813, 'SMAPE': 0.0872, 'DiffSMAPE': 0.0872, 'MASE': 1.2488, 'RMSSE': 1.1818, 'ErrorMean': -0.0, 'ErrorStdDev': 84.8246, 'R2': 0.9012, 'Pearson': 0.9567, 'MedAE': 58.9329, 'LnQ': 0.74, 'KS': 0.1695, 'KendallTau': 0.7327, 'MannWhitneyU': 1758.0, 'AUC': 0.505} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_male_AHP_TD_Forecast') {'Signal': 'NSW_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0865, 'RMSE': 86.7552, 'MAE': 68.2365, 'SMAPE': 0.085, 'DiffSMAPE': 0.085, 'MASE': 1.2318, 'RMSSE': 1.2087, 'ErrorMean': -11.5418, 'ErrorStdDev': 85.984, 'R2': 0.8966, 'Pearson': 0.9567, 'MedAE': 50.1691, 'LnQ': 0.7196, 'KS': 0.1864, 'KendallTau': 0.7327, 'MannWhitneyU': 1840.0, 'AUC': 0.5286} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_male_BU_Forecast') {'Signal': 'NSW_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0436, 'RMSE': 43.3825, 'MAE': 33.1215, 'SMAPE': 0.0428, 'DiffSMAPE': 0.0428, 'MASE': 0.5979, 'RMSSE': 0.6044, 'ErrorMean': 15.7443, 'ErrorStdDev': 40.4247, 'R2': 0.9741, 'Pearson': 0.9887, 'MedAE': 27.5762, 'LnQ': 0.2029, 'KS': 0.1356, 'KendallTau': 0.8532, 'MannWhitneyU': 1622.0, 'AUC': 0.466} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_male_Forecast') {'Signal': 'NSW_male', 'Length': 59, 'MAPE': 0.0436, 'RMSE': 43.3825, 'MAE': 33.1215, 'SMAPE': 0.0428, 'DiffSMAPE': 0.0428, 'MASE': 0.5979, 'RMSSE': 0.6044, 'ErrorMean': 15.7443, 'ErrorStdDev': 40.4247, 'R2': 0.9741, 'Pearson': 0.9887, 'MedAE': 27.5762, 'LnQ': 0.2029, 'KS': 0.1356, 'KendallTau': 0.8532, 'MannWhitneyU': 1622.0, 'AUC': 0.466} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_male_BU_Forecast') {'Signal': 'NSW_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0609, 'RMSE': 59.7182, 'MAE': 47.997, 'SMAPE': 0.0587, 'DiffSMAPE': 0.0587, 'MASE': 0.8664, 'RMSSE': 0.832, 'ErrorMean': 23.2866, 'ErrorStdDev': 54.9909, 'R2': 0.951, 'Pearson': 0.9797, 'MedAE': 37.0889, 'LnQ': 0.315, 'KS': 0.1356, 'KendallTau': 0.8228, 'MannWhitneyU': 1589.0, 'AUC': 0.4565} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_male_Forecast') {'Signal': 'NSW_male', 'Length': 59, 'MAPE': 0.0609, 'RMSE': 59.7182, 'MAE': 47.997, 'SMAPE': 0.0587, 'DiffSMAPE': 0.0587, 'MASE': 0.8664, 'RMSSE': 0.832, 'ErrorMean': 23.2866, 'ErrorStdDev': 54.9909, 'R2': 0.951, 'Pearson': 0.9797, 'MedAE': 37.0889, 'LnQ': 0.315, 'KS': 0.1356, 'KendallTau': 0.8228, 'MannWhitneyU': 1589.0, 'AUC': 0.4565} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_male_MO_Forecast') {'Signal': 'NSW_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0917, 'RMSE': 86.4992, 'MAE': 70.6183, 'SMAPE': 0.0889, 'DiffSMAPE': 0.0889, 'MASE': 1.2748, 'RMSSE': 1.2051, 'ErrorMean': -0.0, 'ErrorStdDev': 86.4992, 'R2': 0.8972, 'Pearson': 0.9553, 'MedAE': 60.7103, 'LnQ': 0.7654, 'KS': 0.1695, 'KendallTau': 0.7187, 'MannWhitneyU': 1768.0, 'AUC': 0.5079} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_male_OC_Forecast') {'Signal': 'NSW_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0443, 'RMSE': 44.4381, 'MAE': 34.3707, 'SMAPE': 0.0436, 'DiffSMAPE': 0.0436, 'MASE': 0.6204, 'RMSSE': 0.6191, 'ErrorMean': 14.1768, 'ErrorStdDev': 42.116, 'R2': 0.9729, 'Pearson': 0.9877, 'MedAE': 27.4276, 'LnQ': 0.1996, 'KS': 0.1525, 'KendallTau': 0.852, 'MannWhitneyU': 1621.0, 'AUC': 0.4657} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_male_OC_Forecast') {'Signal': 'NSW_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0605, 'RMSE': 58.3756, 'MAE': 48.066, 'SMAPE': 0.0586, 'DiffSMAPE': 0.0586, 'MASE': 0.8677, 'RMSSE': 0.8133, 'ErrorMean': 20.8585, 'ErrorStdDev': 54.5219, 'R2': 0.9532, 'Pearson': 0.9801, 'MedAE': 39.1497, 'LnQ': 0.3027, 'KS': 0.1186, 'KendallTau': 0.8287, 'MannWhitneyU': 1606.0, 'AUC': 0.4614} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_male_PHA_TD_Forecast') {'Signal': 'NSW_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0899, 'RMSE': 84.8246, 'MAE': 69.1813, 'SMAPE': 0.0872, 'DiffSMAPE': 0.0872, 'MASE': 1.2488, 'RMSSE': 1.1818, 'ErrorMean': -0.0, 'ErrorStdDev': 84.8246, 'R2': 0.9012, 'Pearson': 0.9567, 'MedAE': 58.9329, 'LnQ': 0.74, 'KS': 0.1695, 'KendallTau': 0.7327, 'MannWhitneyU': 1758.0, 'AUC': 0.505} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_female_AHP_TD_Forecast') {'Signal': 'NT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 4.9771, 'RMSE': 21.7062, 'MAE': 19.7862, 'SMAPE': 1.0388, 'DiffSMAPE': 1.0358, 'MASE': 2.7787, 'RMSSE': 1.9975, 'ErrorMean': 4.1718, 'ErrorStdDev': 21.3015, 'R2': -0.499, 'Pearson': -0.5197, 'MedAE': 20.981, 'LnQ': 154.2654, 'KS': 0.4746, 'KendallTau': -0.429, 'MannWhitneyU': 1146.0, 'AUC': 0.3292} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_female_BU_Forecast') {'Signal': 'NT_female_BU_Forecast', 'Length': 59, 'MAPE': 0.8184, 'RMSE': 11.4108, 'MAE': 7.9386, 'SMAPE': 0.6816, 'DiffSMAPE': 0.6687, 'MASE': 1.1149, 'RMSSE': 1.0501, 'ErrorMean': 0.0, 'ErrorStdDev': 11.4108, 'R2': 0.5857, 'Pearson': 0.7653, 'MedAE': 4.6631, 'LnQ': inf, 'KS': 0.1695, 'KendallTau': 0.6397, 'MannWhitneyU': 1689.0, 'AUC': 0.4852} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_female_Forecast') {'Signal': 'NT_female', 'Length': 59, 'MAPE': 0.8184, 'RMSE': 11.4108, 'MAE': 7.9386, 'SMAPE': 0.6816, 'DiffSMAPE': 0.6687, 'MASE': 1.1149, 'RMSSE': 1.0501, 'ErrorMean': 0.0, 'ErrorStdDev': 11.4108, 'R2': 0.5857, 'Pearson': 0.7653, 'MedAE': 4.6631, 'LnQ': inf, 'KS': 0.1695, 'KendallTau': 0.6397, 'MannWhitneyU': 1689.0, 'AUC': 0.4852} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_female_MO_Forecast') {'Signal': 'NT_female_MO_Forecast', 'Length': 59, 'MAPE': 4.053, 'RMSE': 20.6493, 'MAE': 18.3014, 'SMAPE': 1.0498, 'DiffSMAPE': 1.0464, 'MASE': 2.5702, 'RMSSE': 1.9002, 'ErrorMean': -0.0, 'ErrorStdDev': 20.6493, 'R2': -0.3566, 'Pearson': -0.5318, 'MedAE': 17.8318, 'LnQ': 139.1795, 'KS': 0.4068, 'KendallTau': -0.4432, 'MannWhitneyU': 1416.0, 'AUC': 0.4068} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_female_OC_Forecast') {'Signal': 'NT_female_OC_Forecast', 'Length': 59, 'MAPE': 1.1557, 'RMSE': 13.4027, 'MAE': 9.4837, 'SMAPE': 0.7864, 'DiffSMAPE': 0.7754, 'MASE': 1.3319, 'RMSSE': 1.2334, 'ErrorMean': 0.8825, 'ErrorStdDev': 13.3736, 'R2': 0.4285, 'Pearson': 0.6626, 'MedAE': 7.0821, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.5699, 'MannWhitneyU': 1581.0, 'AUC': 0.4542} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_female_OC_Forecast') {'Signal': 'NT_female_OC_Forecast', 'Length': 59, 'MAPE': 1.1509, 'RMSE': 13.4051, 'MAE': 9.4789, 'SMAPE': 0.7539, 'DiffSMAPE': 0.7432, 'MASE': 1.3312, 'RMSSE': 1.2336, 'ErrorMean': 1.1343, 'ErrorStdDev': 13.357, 'R2': 0.4283, 'Pearson': 0.6629, 'MedAE': 6.8907, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.5734, 'MannWhitneyU': 1565.0, 'AUC': 0.4496} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_female_PHA_TD_Forecast') {'Signal': 'NT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 4.0251, 'RMSE': 20.5633, 'MAE': 18.2278, 'SMAPE': 1.0476, 'DiffSMAPE': 1.0442, 'MASE': 2.5598, 'RMSSE': 1.8923, 'ErrorMean': -0.0, 'ErrorStdDev': 20.5633, 'R2': -0.3453, 'Pearson': -0.5197, 'MedAE': 17.7136, 'LnQ': 138.3678, 'KS': 0.4068, 'KendallTau': -0.429, 'MannWhitneyU': 1418.0, 'AUC': 0.4074} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_female_AHP_TD_Forecast') {'Signal': 'NT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 4.9771, 'RMSE': 21.7062, 'MAE': 19.7862, 'SMAPE': 1.0388, 'DiffSMAPE': 1.0358, 'MASE': 2.7787, 'RMSSE': 1.9975, 'ErrorMean': 4.1718, 'ErrorStdDev': 21.3015, 'R2': -0.499, 'Pearson': -0.5197, 'MedAE': 20.981, 'LnQ': 154.2654, 'KS': 0.4746, 'KendallTau': -0.429, 'MannWhitneyU': 1146.0, 'AUC': 0.3292} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_female_BU_Forecast') {'Signal': 'NT_female_BU_Forecast', 'Length': 59, 'MAPE': 0.8184, 'RMSE': 11.4108, 'MAE': 7.9386, 'SMAPE': 0.6816, 'DiffSMAPE': 0.6687, 'MASE': 1.1149, 'RMSSE': 1.0501, 'ErrorMean': 0.0, 'ErrorStdDev': 11.4108, 'R2': 0.5857, 'Pearson': 0.7653, 'MedAE': 4.6631, 'LnQ': inf, 'KS': 0.1695, 'KendallTau': 0.6397, 'MannWhitneyU': 1689.0, 'AUC': 0.4852} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_female_Forecast') {'Signal': 'NT_female', 'Length': 59, 'MAPE': 0.8184, 'RMSE': 11.4108, 'MAE': 7.9386, 'SMAPE': 0.6816, 'DiffSMAPE': 0.6687, 'MASE': 1.1149, 'RMSSE': 1.0501, 'ErrorMean': 0.0, 'ErrorStdDev': 11.4108, 'R2': 0.5857, 'Pearson': 0.7653, 'MedAE': 4.6631, 'LnQ': inf, 'KS': 0.1695, 'KendallTau': 0.6397, 'MannWhitneyU': 1689.0, 'AUC': 0.4852} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_female_MO_Forecast') {'Signal': 'NT_female_MO_Forecast', 'Length': 59, 'MAPE': 4.053, 'RMSE': 20.6493, 'MAE': 18.3014, 'SMAPE': 1.0498, 'DiffSMAPE': 1.0464, 'MASE': 2.5702, 'RMSSE': 1.9002, 'ErrorMean': -0.0, 'ErrorStdDev': 20.6493, 'R2': -0.3566, 'Pearson': -0.5318, 'MedAE': 17.8318, 'LnQ': 139.1795, 'KS': 0.4068, 'KendallTau': -0.4432, 'MannWhitneyU': 1416.0, 'AUC': 0.4068} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_female_OC_Forecast') {'Signal': 'NT_female_OC_Forecast', 'Length': 59, 'MAPE': 1.1557, 'RMSE': 13.4027, 'MAE': 9.4837, 'SMAPE': 0.7864, 'DiffSMAPE': 0.7754, 'MASE': 1.3319, 'RMSSE': 1.2334, 'ErrorMean': 0.8825, 'ErrorStdDev': 13.3736, 'R2': 0.4285, 'Pearson': 0.6626, 'MedAE': 7.0821, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.5699, 'MannWhitneyU': 1581.0, 'AUC': 0.4542} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_female_OC_Forecast') {'Signal': 'NT_female_OC_Forecast', 'Length': 59, 'MAPE': 1.1509, 'RMSE': 13.4051, 'MAE': 9.4789, 'SMAPE': 0.7539, 'DiffSMAPE': 0.7432, 'MASE': 1.3312, 'RMSSE': 1.2336, 'ErrorMean': 1.1343, 'ErrorStdDev': 13.357, 'R2': 0.4283, 'Pearson': 0.6629, 'MedAE': 6.8907, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.5734, 'MannWhitneyU': 1565.0, 'AUC': 0.4496} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_female_PHA_TD_Forecast') {'Signal': 'NT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 4.0251, 'RMSE': 20.5633, 'MAE': 18.2278, 'SMAPE': 1.0476, 'DiffSMAPE': 1.0442, 'MASE': 2.5598, 'RMSSE': 1.8923, 'ErrorMean': -0.0, 'ErrorStdDev': 20.5633, 'R2': -0.3453, 'Pearson': -0.5197, 'MedAE': 17.7136, 'LnQ': 138.3678, 'KS': 0.4068, 'KendallTau': -0.429, 'MannWhitneyU': 1418.0, 'AUC': 0.4074} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_AHP_TD_Forecast') {'Signal': 'NT_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 4.9771, 'RMSE': 21.7062, 'MAE': 19.7862, 'SMAPE': 1.0388, 'DiffSMAPE': 1.0358, 'MASE': 2.7787, 'RMSSE': 1.9975, 'ErrorMean': 4.1718, 'ErrorStdDev': 21.3015, 'R2': -0.499, 'Pearson': -0.5197, 'MedAE': 20.981, 'LnQ': 154.2654, 'KS': 0.4746, 'KendallTau': -0.429, 'MannWhitneyU': 1146.0, 'AUC': 0.3292} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_BU_Forecast') {'Signal': 'NT_female_BU_Forecast', 'Length': 59, 'MAPE': 0.8184, 'RMSE': 11.4108, 'MAE': 7.9386, 'SMAPE': 0.6816, 'DiffSMAPE': 0.6687, 'MASE': 1.1149, 'RMSSE': 1.0501, 'ErrorMean': 0.0, 'ErrorStdDev': 11.4108, 'R2': 0.5857, 'Pearson': 0.7653, 'MedAE': 4.6631, 'LnQ': inf, 'KS': 0.1695, 'KendallTau': 0.6397, 'MannWhitneyU': 1689.0, 'AUC': 0.4852} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_Forecast') {'Signal': 'NT_female', 'Length': 59, 'MAPE': 0.8184, 'RMSE': 11.4108, 'MAE': 7.9386, 'SMAPE': 0.6816, 'DiffSMAPE': 0.6687, 'MASE': 1.1149, 'RMSSE': 1.0501, 'ErrorMean': 0.0, 'ErrorStdDev': 11.4108, 'R2': 0.5857, 'Pearson': 0.7653, 'MedAE': 4.6631, 'LnQ': inf, 'KS': 0.1695, 'KendallTau': 0.6397, 'MannWhitneyU': 1689.0, 'AUC': 0.4852} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_MO_Forecast') {'Signal': 'NT_female_MO_Forecast', 'Length': 59, 'MAPE': 4.053, 'RMSE': 20.6493, 'MAE': 18.3014, 'SMAPE': 1.0498, 'DiffSMAPE': 1.0464, 'MASE': 2.5702, 'RMSSE': 1.9002, 'ErrorMean': -0.0, 'ErrorStdDev': 20.6493, 'R2': -0.3566, 'Pearson': -0.5318, 'MedAE': 17.8318, 'LnQ': 139.1795, 'KS': 0.4068, 'KendallTau': -0.4432, 'MannWhitneyU': 1416.0, 'AUC': 0.4068} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_OC_Forecast') {'Signal': 'NT_female_OC_Forecast', 'Length': 59, 'MAPE': 1.1557, 'RMSE': 13.4027, 'MAE': 9.4837, 'SMAPE': 0.7864, 'DiffSMAPE': 0.7754, 'MASE': 1.3319, 'RMSSE': 1.2334, 'ErrorMean': 0.8825, 'ErrorStdDev': 13.3736, 'R2': 0.4285, 'Pearson': 0.6626, 'MedAE': 7.0821, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.5699, 'MannWhitneyU': 1581.0, 'AUC': 0.4542} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_OC_Forecast') {'Signal': 'NT_female_OC_Forecast', 'Length': 59, 'MAPE': 1.1509, 'RMSE': 13.4051, 'MAE': 9.4789, 'SMAPE': 0.7539, 'DiffSMAPE': 0.7432, 'MASE': 1.3312, 'RMSSE': 1.2336, 'ErrorMean': 1.1343, 'ErrorStdDev': 13.357, 'R2': 0.4283, 'Pearson': 0.6629, 'MedAE': 6.8907, 'LnQ': inf, 'KS': 0.2034, 'KendallTau': 0.5734, 'MannWhitneyU': 1565.0, 'AUC': 0.4496} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_female_PHA_TD_Forecast') {'Signal': 'NT_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 4.0251, 'RMSE': 20.5633, 'MAE': 18.2278, 'SMAPE': 1.0476, 'DiffSMAPE': 1.0442, 'MASE': 2.5598, 'RMSSE': 1.8923, 'ErrorMean': -0.0, 'ErrorStdDev': 20.5633, 'R2': -0.3453, 'Pearson': -0.5197, 'MedAE': 17.7136, 'LnQ': 138.3678, 'KS': 0.4068, 'KendallTau': -0.429, 'MannWhitneyU': 1418.0, 'AUC': 0.4074} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_AHP_TD_Forecast') {'Signal': 'NT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.81, 'RMSE': 25.307, 'MAE': 22.7804, 'SMAPE': 0.9601, 'DiffSMAPE': 0.9578, 'MASE': 3.2305, 'RMSSE': 1.9203, 'ErrorMean': 4.5368, 'ErrorStdDev': 24.897, 'R2': -0.4909, 'Pearson': -0.4863, 'MedAE': 21.5294, 'LnQ': 122.6877, 'KS': 0.4237, 'KendallTau': -0.4784, 'MannWhitneyU': 1060.0, 'AUC': 0.3045} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_MO_Forecast') {'Signal': 'NT_male_MO_Forecast', 'Length': 59, 'MAPE': 3.1348, 'RMSE': 24.0296, 'MAE': 21.0164, 'SMAPE': 0.9597, 'DiffSMAPE': 0.9572, 'MASE': 2.9803, 'RMSSE': 1.8234, 'ErrorMean': -0.0, 'ErrorStdDev': 24.0296, 'R2': -0.3442, 'Pearson': -0.4759, 'MedAE': 19.0291, 'LnQ': 110.563, 'KS': 0.3559, 'KendallTau': -0.4619, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_OC_Forecast') {'Signal': 'NT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.2597, 'RMSE': 17.8957, 'MAE': 13.3125, 'SMAPE': 0.772, 'DiffSMAPE': 0.7669, 'MASE': 1.8878, 'RMSSE': 1.3579, 'ErrorMean': -1.5675, 'ErrorStdDev': 17.8269, 'R2': 0.2545, 'Pearson': 0.5534, 'MedAE': 9.3753, 'LnQ': inf, 'KS': 0.2373, 'KendallTau': 0.5258, 'MannWhitneyU': 1605.0, 'AUC': 0.4611} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_OC_Forecast') {'Signal': 'NT_male_OC_Forecast', 'Length': 59, 'MAPE': 0.7986, 'RMSE': 18.8948, 'MAE': 12.6085, 'SMAPE': 0.6964, 'DiffSMAPE': 0.69, 'MASE': 1.788, 'RMSSE': 1.4338, 'ErrorMean': -2.4281, 'ErrorStdDev': 18.7382, 'R2': 0.1689, 'Pearson': 0.4617, 'MedAE': 8.496, 'LnQ': inf, 'KS': 0.2373, 'KendallTau': 0.4879, 'MannWhitneyU': 1673.0, 'AUC': 0.4806} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NT_male_PHA_TD_Forecast') {'Signal': 'NT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 3.1519, 'RMSE': 24.1135, 'MAE': 21.0857, 'SMAPE': 0.9614, 'DiffSMAPE': 0.9589, 'MASE': 2.9901, 'RMSSE': 1.8298, 'ErrorMean': -0.0, 'ErrorStdDev': 24.1135, 'R2': -0.3536, 'Pearson': -0.4863, 'MedAE': 19.1069, 'LnQ': 111.1357, 'KS': 0.3559, 'KendallTau': -0.4784, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_AHP_TD_Forecast') {'Signal': 'NT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.81, 'RMSE': 25.307, 'MAE': 22.7804, 'SMAPE': 0.9601, 'DiffSMAPE': 0.9578, 'MASE': 3.2305, 'RMSSE': 1.9203, 'ErrorMean': 4.5368, 'ErrorStdDev': 24.897, 'R2': -0.4909, 'Pearson': -0.4863, 'MedAE': 21.5294, 'LnQ': 122.6877, 'KS': 0.4237, 'KendallTau': -0.4784, 'MannWhitneyU': 1060.0, 'AUC': 0.3045} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_MO_Forecast') {'Signal': 'NT_male_MO_Forecast', 'Length': 59, 'MAPE': 3.1348, 'RMSE': 24.0296, 'MAE': 21.0164, 'SMAPE': 0.9597, 'DiffSMAPE': 0.9572, 'MASE': 2.9803, 'RMSSE': 1.8234, 'ErrorMean': -0.0, 'ErrorStdDev': 24.0296, 'R2': -0.3442, 'Pearson': -0.4759, 'MedAE': 19.0291, 'LnQ': 110.563, 'KS': 0.3559, 'KendallTau': -0.4619, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_OC_Forecast') {'Signal': 'NT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.2597, 'RMSE': 17.8957, 'MAE': 13.3125, 'SMAPE': 0.772, 'DiffSMAPE': 0.7669, 'MASE': 1.8878, 'RMSSE': 1.3579, 'ErrorMean': -1.5675, 'ErrorStdDev': 17.8269, 'R2': 0.2545, 'Pearson': 0.5534, 'MedAE': 9.3753, 'LnQ': inf, 'KS': 0.2373, 'KendallTau': 0.5258, 'MannWhitneyU': 1605.0, 'AUC': 0.4611} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_OC_Forecast') {'Signal': 'NT_male_OC_Forecast', 'Length': 59, 'MAPE': 0.7986, 'RMSE': 18.8948, 'MAE': 12.6085, 'SMAPE': 0.6964, 'DiffSMAPE': 0.69, 'MASE': 1.788, 'RMSSE': 1.4338, 'ErrorMean': -2.4281, 'ErrorStdDev': 18.7382, 'R2': 0.1689, 'Pearson': 0.4617, 'MedAE': 8.496, 'LnQ': inf, 'KS': 0.2373, 'KendallTau': 0.4879, 'MannWhitneyU': 1673.0, 'AUC': 0.4806} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NT_male_PHA_TD_Forecast') {'Signal': 'NT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 3.1519, 'RMSE': 24.1135, 'MAE': 21.0857, 'SMAPE': 0.9614, 'DiffSMAPE': 0.9589, 'MASE': 2.9901, 'RMSSE': 1.8298, 'ErrorMean': -0.0, 'ErrorStdDev': 24.1135, 'R2': -0.3536, 'Pearson': -0.4863, 'MedAE': 19.1069, 'LnQ': 111.1357, 'KS': 0.3559, 'KendallTau': -0.4784, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_AHP_TD_Forecast') {'Signal': 'NT_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 3.81, 'RMSE': 25.307, 'MAE': 22.7804, 'SMAPE': 0.9601, 'DiffSMAPE': 0.9578, 'MASE': 3.2305, 'RMSSE': 1.9203, 'ErrorMean': 4.5368, 'ErrorStdDev': 24.897, 'R2': -0.4909, 'Pearson': -0.4863, 'MedAE': 21.5294, 'LnQ': 122.6877, 'KS': 0.4237, 'KendallTau': -0.4784, 'MannWhitneyU': 1060.0, 'AUC': 0.3045} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1570.0, 'AUC': 0.451} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_BU_Forecast') {'Signal': 'NT_male_BU_Forecast', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_Forecast') {'Signal': 'NT_male', 'Length': 59, 'MAPE': 0.5395, 'RMSE': 13.4642, 'MAE': 9.3772, 'SMAPE': 0.5231, 'DiffSMAPE': 0.5169, 'MASE': 1.3298, 'RMSSE': 1.0217, 'ErrorMean': -0.0, 'ErrorStdDev': 13.4642, 'R2': 0.578, 'Pearson': 0.7619, 'MedAE': 6.7796, 'LnQ': 60.45, 'KS': 0.2203, 'KendallTau': 0.7162, 'MannWhitneyU': 1569.0, 'AUC': 0.4507} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_MO_Forecast') {'Signal': 'NT_male_MO_Forecast', 'Length': 59, 'MAPE': 3.1348, 'RMSE': 24.0296, 'MAE': 21.0164, 'SMAPE': 0.9597, 'DiffSMAPE': 0.9572, 'MASE': 2.9803, 'RMSSE': 1.8234, 'ErrorMean': -0.0, 'ErrorStdDev': 24.0296, 'R2': -0.3442, 'Pearson': -0.4759, 'MedAE': 19.0291, 'LnQ': 110.563, 'KS': 0.3559, 'KendallTau': -0.4619, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_OC_Forecast') {'Signal': 'NT_male_OC_Forecast', 'Length': 59, 'MAPE': 1.2597, 'RMSE': 17.8957, 'MAE': 13.3125, 'SMAPE': 0.772, 'DiffSMAPE': 0.7669, 'MASE': 1.8878, 'RMSSE': 1.3579, 'ErrorMean': -1.5675, 'ErrorStdDev': 17.8269, 'R2': 0.2545, 'Pearson': 0.5534, 'MedAE': 9.3753, 'LnQ': inf, 'KS': 0.2373, 'KendallTau': 0.5258, 'MannWhitneyU': 1605.0, 'AUC': 0.4611} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_OC_Forecast') {'Signal': 'NT_male_OC_Forecast', 'Length': 59, 'MAPE': 0.7986, 'RMSE': 18.8948, 'MAE': 12.6085, 'SMAPE': 0.6964, 'DiffSMAPE': 0.69, 'MASE': 1.788, 'RMSSE': 1.4338, 'ErrorMean': -2.4281, 'ErrorStdDev': 18.7382, 'R2': 0.1689, 'Pearson': 0.4617, 'MedAE': 8.496, 'LnQ': inf, 'KS': 0.2373, 'KendallTau': 0.4879, 'MannWhitneyU': 1673.0, 'AUC': 0.4806} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NT_male_PHA_TD_Forecast') {'Signal': 'NT_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 3.1519, 'RMSE': 24.1135, 'MAE': 21.0857, 'SMAPE': 0.9614, 'DiffSMAPE': 0.9589, 'MASE': 2.9901, 'RMSSE': 1.8298, 'ErrorMean': -0.0, 'ErrorStdDev': 24.1135, 'R2': -0.3536, 'Pearson': -0.4863, 'MedAE': 19.1069, 'LnQ': 111.1357, 'KS': 0.3559, 'KendallTau': -0.4784, 'MannWhitneyU': 1407.0, 'AUC': 0.4042} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_AHP_TD_Forecast') {'Signal': 'QLD_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0908, 'RMSE': 30.3404, 'MAE': 24.4184, 'SMAPE': 0.0905, 'DiffSMAPE': 0.0905, 'MASE': 0.8135, 'RMSSE': 0.8189, 'ErrorMean': 4.0161, 'ErrorStdDev': 30.0735, 'R2': 0.7932, 'Pearson': 0.9061, 'MedAE': 19.9401, 'LnQ': 0.7478, 'KS': 0.2034, 'KendallTau': 0.641, 'MannWhitneyU': 1547.0, 'AUC': 0.4444} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_BU_Forecast') {'Signal': 'QLD_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0789, 'RMSE': 27.5659, 'MAE': 20.8739, 'SMAPE': 0.0798, 'DiffSMAPE': 0.0798, 'MASE': 0.6954, 'RMSSE': 0.744, 'ErrorMean': -3.3667, 'ErrorStdDev': 27.3596, 'R2': 0.8293, 'Pearson': 0.9121, 'MedAE': 14.9096, 'LnQ': 0.6528, 'KS': 0.1525, 'KendallTau': 0.6845, 'MannWhitneyU': 1784.0, 'AUC': 0.5125} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_Forecast') {'Signal': 'QLD_female', 'Length': 59, 'MAPE': 0.0789, 'RMSE': 27.5659, 'MAE': 20.8739, 'SMAPE': 0.0798, 'DiffSMAPE': 0.0798, 'MASE': 0.6954, 'RMSSE': 0.744, 'ErrorMean': -3.3667, 'ErrorStdDev': 27.3596, 'R2': 0.8293, 'Pearson': 0.9121, 'MedAE': 14.9096, 'LnQ': 0.6528, 'KS': 0.1525, 'KendallTau': 0.6845, 'MannWhitneyU': 1784.0, 'AUC': 0.5125} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_MO_Forecast') {'Signal': 'QLD_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0881, 'RMSE': 30.0213, 'MAE': 23.7431, 'SMAPE': 0.0892, 'DiffSMAPE': 0.0891, 'MASE': 0.791, 'RMSSE': 0.8102, 'ErrorMean': -0.0, 'ErrorStdDev': 30.0213, 'R2': 0.7976, 'Pearson': 0.906, 'MedAE': 18.292, 'LnQ': 0.7558, 'KS': 0.1695, 'KendallTau': 0.6457, 'MannWhitneyU': 1631.0, 'AUC': 0.4685} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_OC_Forecast') {'Signal': 'QLD_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 29.0024, 'MAE': 22.1051, 'SMAPE': 0.0843, 'DiffSMAPE': 0.0842, 'MASE': 0.7364, 'RMSSE': 0.7827, 'ErrorMean': -2.4842, 'ErrorStdDev': 28.8958, 'R2': 0.8111, 'Pearson': 0.9015, 'MedAE': 17.6237, 'LnQ': 0.7062, 'KS': 0.1525, 'KendallTau': 0.6575, 'MannWhitneyU': 1772.0, 'AUC': 0.509} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_OC_Forecast') {'Signal': 'QLD_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0832, 'RMSE': 28.8966, 'MAE': 22.0416, 'SMAPE': 0.084, 'DiffSMAPE': 0.084, 'MASE': 0.7343, 'RMSSE': 0.7799, 'ErrorMean': -2.2324, 'ErrorStdDev': 28.8102, 'R2': 0.8124, 'Pearson': 0.9021, 'MedAE': 17.8305, 'LnQ': 0.7021, 'KS': 0.1525, 'KendallTau': 0.6598, 'MannWhitneyU': 1765.0, 'AUC': 0.507} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_female_PHA_TD_Forecast') {'Signal': 'QLD_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0871, 'RMSE': 29.7334, 'MAE': 23.4036, 'SMAPE': 0.0881, 'DiffSMAPE': 0.0881, 'MASE': 0.7797, 'RMSSE': 0.8025, 'ErrorMean': -0.0, 'ErrorStdDev': 29.7334, 'R2': 0.8014, 'Pearson': 0.9061, 'MedAE': 17.5885, 'LnQ': 0.7456, 'KS': 0.1695, 'KendallTau': 0.641, 'MannWhitneyU': 1636.0, 'AUC': 0.47} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_AHP_TD_Forecast') {'Signal': 'QLD_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0908, 'RMSE': 30.3404, 'MAE': 24.4184, 'SMAPE': 0.0905, 'DiffSMAPE': 0.0905, 'MASE': 0.8135, 'RMSSE': 0.8189, 'ErrorMean': 4.0161, 'ErrorStdDev': 30.0735, 'R2': 0.7932, 'Pearson': 0.9061, 'MedAE': 19.9401, 'LnQ': 0.7478, 'KS': 0.2034, 'KendallTau': 0.641, 'MannWhitneyU': 1547.0, 'AUC': 0.4444} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_BU_Forecast') {'Signal': 'QLD_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0789, 'RMSE': 27.5659, 'MAE': 20.8739, 'SMAPE': 0.0798, 'DiffSMAPE': 0.0798, 'MASE': 0.6954, 'RMSSE': 0.744, 'ErrorMean': -3.3667, 'ErrorStdDev': 27.3596, 'R2': 0.8293, 'Pearson': 0.9121, 'MedAE': 14.9096, 'LnQ': 0.6528, 'KS': 0.1525, 'KendallTau': 0.6845, 'MannWhitneyU': 1784.0, 'AUC': 0.5125} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_Forecast') {'Signal': 'QLD_female', 'Length': 59, 'MAPE': 0.0789, 'RMSE': 27.5659, 'MAE': 20.8739, 'SMAPE': 0.0798, 'DiffSMAPE': 0.0798, 'MASE': 0.6954, 'RMSSE': 0.744, 'ErrorMean': -3.3667, 'ErrorStdDev': 27.3596, 'R2': 0.8293, 'Pearson': 0.9121, 'MedAE': 14.9096, 'LnQ': 0.6528, 'KS': 0.1525, 'KendallTau': 0.6845, 'MannWhitneyU': 1784.0, 'AUC': 0.5125} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_MO_Forecast') {'Signal': 'QLD_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0881, 'RMSE': 30.0213, 'MAE': 23.7431, 'SMAPE': 0.0892, 'DiffSMAPE': 0.0891, 'MASE': 0.791, 'RMSSE': 0.8102, 'ErrorMean': -0.0, 'ErrorStdDev': 30.0213, 'R2': 0.7976, 'Pearson': 0.906, 'MedAE': 18.292, 'LnQ': 0.7558, 'KS': 0.1695, 'KendallTau': 0.6457, 'MannWhitneyU': 1631.0, 'AUC': 0.4685} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_OC_Forecast') {'Signal': 'QLD_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 29.0024, 'MAE': 22.1051, 'SMAPE': 0.0843, 'DiffSMAPE': 0.0842, 'MASE': 0.7364, 'RMSSE': 0.7827, 'ErrorMean': -2.4842, 'ErrorStdDev': 28.8958, 'R2': 0.8111, 'Pearson': 0.9015, 'MedAE': 17.6237, 'LnQ': 0.7062, 'KS': 0.1525, 'KendallTau': 0.6575, 'MannWhitneyU': 1772.0, 'AUC': 0.509} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_OC_Forecast') {'Signal': 'QLD_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0832, 'RMSE': 28.8966, 'MAE': 22.0416, 'SMAPE': 0.084, 'DiffSMAPE': 0.084, 'MASE': 0.7343, 'RMSSE': 0.7799, 'ErrorMean': -2.2324, 'ErrorStdDev': 28.8102, 'R2': 0.8124, 'Pearson': 0.9021, 'MedAE': 17.8305, 'LnQ': 0.7021, 'KS': 0.1525, 'KendallTau': 0.6598, 'MannWhitneyU': 1765.0, 'AUC': 0.507} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_female_PHA_TD_Forecast') {'Signal': 'QLD_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0871, 'RMSE': 29.7334, 'MAE': 23.4036, 'SMAPE': 0.0881, 'DiffSMAPE': 0.0881, 'MASE': 0.7797, 'RMSSE': 0.8025, 'ErrorMean': -0.0, 'ErrorStdDev': 29.7334, 'R2': 0.8014, 'Pearson': 0.9061, 'MedAE': 17.5885, 'LnQ': 0.7456, 'KS': 0.1695, 'KendallTau': 0.641, 'MannWhitneyU': 1636.0, 'AUC': 0.47} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_AHP_TD_Forecast') {'Signal': 'QLD_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0908, 'RMSE': 30.3404, 'MAE': 24.4184, 'SMAPE': 0.0905, 'DiffSMAPE': 0.0905, 'MASE': 0.8135, 'RMSSE': 0.8189, 'ErrorMean': 4.0161, 'ErrorStdDev': 30.0735, 'R2': 0.7932, 'Pearson': 0.9061, 'MedAE': 19.9401, 'LnQ': 0.7478, 'KS': 0.2034, 'KendallTau': 0.641, 'MannWhitneyU': 1547.0, 'AUC': 0.4444} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_BU_Forecast') {'Signal': 'QLD_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0789, 'RMSE': 27.5659, 'MAE': 20.8739, 'SMAPE': 0.0798, 'DiffSMAPE': 0.0798, 'MASE': 0.6954, 'RMSSE': 0.744, 'ErrorMean': -3.3667, 'ErrorStdDev': 27.3596, 'R2': 0.8293, 'Pearson': 0.9121, 'MedAE': 14.9096, 'LnQ': 0.6528, 'KS': 0.1525, 'KendallTau': 0.6845, 'MannWhitneyU': 1784.0, 'AUC': 0.5125} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_Forecast') {'Signal': 'QLD_female', 'Length': 59, 'MAPE': 0.0789, 'RMSE': 27.5659, 'MAE': 20.8739, 'SMAPE': 0.0798, 'DiffSMAPE': 0.0798, 'MASE': 0.6954, 'RMSSE': 0.744, 'ErrorMean': -3.3667, 'ErrorStdDev': 27.3596, 'R2': 0.8293, 'Pearson': 0.9121, 'MedAE': 14.9096, 'LnQ': 0.6528, 'KS': 0.1525, 'KendallTau': 0.6845, 'MannWhitneyU': 1784.0, 'AUC': 0.5125} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_MO_Forecast') {'Signal': 'QLD_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0881, 'RMSE': 30.0213, 'MAE': 23.7431, 'SMAPE': 0.0892, 'DiffSMAPE': 0.0891, 'MASE': 0.791, 'RMSSE': 0.8102, 'ErrorMean': -0.0, 'ErrorStdDev': 30.0213, 'R2': 0.7976, 'Pearson': 0.906, 'MedAE': 18.292, 'LnQ': 0.7558, 'KS': 0.1695, 'KendallTau': 0.6457, 'MannWhitneyU': 1631.0, 'AUC': 0.4685} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_OC_Forecast') {'Signal': 'QLD_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 29.0024, 'MAE': 22.1051, 'SMAPE': 0.0843, 'DiffSMAPE': 0.0842, 'MASE': 0.7364, 'RMSSE': 0.7827, 'ErrorMean': -2.4842, 'ErrorStdDev': 28.8958, 'R2': 0.8111, 'Pearson': 0.9015, 'MedAE': 17.6237, 'LnQ': 0.7062, 'KS': 0.1525, 'KendallTau': 0.6575, 'MannWhitneyU': 1772.0, 'AUC': 0.509} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_OC_Forecast') {'Signal': 'QLD_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0832, 'RMSE': 28.8966, 'MAE': 22.0416, 'SMAPE': 0.084, 'DiffSMAPE': 0.084, 'MASE': 0.7343, 'RMSSE': 0.7799, 'ErrorMean': -2.2324, 'ErrorStdDev': 28.8102, 'R2': 0.8124, 'Pearson': 0.9021, 'MedAE': 17.8305, 'LnQ': 0.7021, 'KS': 0.1525, 'KendallTau': 0.6598, 'MannWhitneyU': 1765.0, 'AUC': 0.507} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_female_PHA_TD_Forecast') {'Signal': 'QLD_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0871, 'RMSE': 29.7334, 'MAE': 23.4036, 'SMAPE': 0.0881, 'DiffSMAPE': 0.0881, 'MASE': 0.7797, 'RMSSE': 0.8025, 'ErrorMean': -0.0, 'ErrorStdDev': 29.7334, 'R2': 0.8014, 'Pearson': 0.9061, 'MedAE': 17.5885, 'LnQ': 0.7456, 'KS': 0.1695, 'KendallTau': 0.641, 'MannWhitneyU': 1636.0, 'AUC': 0.47} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_AHP_TD_Forecast') {'Signal': 'QLD_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0794, 'RMSE': 34.7938, 'MAE': 27.0406, 'SMAPE': 0.0781, 'DiffSMAPE': 0.0781, 'MASE': 1.1291, 'RMSSE': 1.1602, 'ErrorMean': 3.2996, 'ErrorStdDev': 34.637, 'R2': 0.8512, 'Pearson': 0.9293, 'MedAE': 19.5034, 'LnQ': 0.6267, 'KS': 0.1695, 'KendallTau': 0.6692, 'MannWhitneyU': 1608.0, 'AUC': 0.4619} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_MO_Forecast') {'Signal': 'QLD_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0786, 'RMSE': 34.1729, 'MAE': 26.7604, 'SMAPE': 0.0779, 'DiffSMAPE': 0.0779, 'MASE': 1.1174, 'RMSSE': 1.1395, 'ErrorMean': -0.0, 'ErrorStdDev': 34.1729, 'R2': 0.8565, 'Pearson': 0.9296, 'MedAE': 18.8801, 'LnQ': 0.6204, 'KS': 0.1356, 'KendallTau': 0.6587, 'MannWhitneyU': 1670.0, 'AUC': 0.4797} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0887, 'RMSE': 37.9088, 'MAE': 29.605, 'SMAPE': 0.0872, 'DiffSMAPE': 0.0872, 'MASE': 1.2362, 'RMSSE': 1.2641, 'ErrorMean': -1.5675, 'ErrorStdDev': 37.8764, 'R2': 0.8234, 'Pearson': 0.9079, 'MedAE': 21.6413, 'LnQ': 0.7787, 'KS': 0.1017, 'KendallTau': 0.6446, 'MannWhitneyU': 1746.0, 'AUC': 0.5016} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0879, 'RMSE': 38.0934, 'MAE': 29.6632, 'SMAPE': 0.0872, 'DiffSMAPE': 0.0871, 'MASE': 1.2386, 'RMSSE': 1.2703, 'ErrorMean': -2.4281, 'ErrorStdDev': 38.0159, 'R2': 0.8216, 'Pearson': 0.9077, 'MedAE': 24.3336, 'LnQ': 0.7787, 'KS': 0.1017, 'KendallTau': 0.6469, 'MannWhitneyU': 1736.0, 'AUC': 0.4987} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_male_PHA_TD_Forecast') {'Signal': 'QLD_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0787, 'RMSE': 34.4144, 'MAE': 26.8549, 'SMAPE': 0.0782, 'DiffSMAPE': 0.0782, 'MASE': 1.1214, 'RMSSE': 1.1476, 'ErrorMean': -0.0, 'ErrorStdDev': 34.4144, 'R2': 0.8544, 'Pearson': 0.9293, 'MedAE': 20.1717, 'LnQ': 0.6248, 'KS': 0.1356, 'KendallTau': 0.6692, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_AHP_TD_Forecast') {'Signal': 'QLD_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0794, 'RMSE': 34.7938, 'MAE': 27.0406, 'SMAPE': 0.0781, 'DiffSMAPE': 0.0781, 'MASE': 1.1291, 'RMSSE': 1.1602, 'ErrorMean': 3.2996, 'ErrorStdDev': 34.637, 'R2': 0.8512, 'Pearson': 0.9293, 'MedAE': 19.5034, 'LnQ': 0.6267, 'KS': 0.1695, 'KendallTau': 0.6692, 'MannWhitneyU': 1608.0, 'AUC': 0.4619} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_MO_Forecast') {'Signal': 'QLD_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0786, 'RMSE': 34.1729, 'MAE': 26.7604, 'SMAPE': 0.0779, 'DiffSMAPE': 0.0779, 'MASE': 1.1174, 'RMSSE': 1.1395, 'ErrorMean': -0.0, 'ErrorStdDev': 34.1729, 'R2': 0.8565, 'Pearson': 0.9296, 'MedAE': 18.8801, 'LnQ': 0.6204, 'KS': 0.1356, 'KendallTau': 0.6587, 'MannWhitneyU': 1670.0, 'AUC': 0.4797} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0887, 'RMSE': 37.9088, 'MAE': 29.605, 'SMAPE': 0.0872, 'DiffSMAPE': 0.0872, 'MASE': 1.2362, 'RMSSE': 1.2641, 'ErrorMean': -1.5675, 'ErrorStdDev': 37.8764, 'R2': 0.8234, 'Pearson': 0.9079, 'MedAE': 21.6413, 'LnQ': 0.7787, 'KS': 0.1017, 'KendallTau': 0.6446, 'MannWhitneyU': 1746.0, 'AUC': 0.5016} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0879, 'RMSE': 38.0934, 'MAE': 29.6632, 'SMAPE': 0.0872, 'DiffSMAPE': 0.0871, 'MASE': 1.2386, 'RMSSE': 1.2703, 'ErrorMean': -2.4281, 'ErrorStdDev': 38.0159, 'R2': 0.8216, 'Pearson': 0.9077, 'MedAE': 24.3336, 'LnQ': 0.7787, 'KS': 0.1017, 'KendallTau': 0.6469, 'MannWhitneyU': 1736.0, 'AUC': 0.4987} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_male_PHA_TD_Forecast') {'Signal': 'QLD_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0787, 'RMSE': 34.4144, 'MAE': 26.8549, 'SMAPE': 0.0782, 'DiffSMAPE': 0.0782, 'MASE': 1.1214, 'RMSSE': 1.1476, 'ErrorMean': -0.0, 'ErrorStdDev': 34.4144, 'R2': 0.8544, 'Pearson': 0.9293, 'MedAE': 20.1717, 'LnQ': 0.6248, 'KS': 0.1356, 'KendallTau': 0.6692, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_AHP_TD_Forecast') {'Signal': 'QLD_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0794, 'RMSE': 34.7938, 'MAE': 27.0406, 'SMAPE': 0.0781, 'DiffSMAPE': 0.0781, 'MASE': 1.1291, 'RMSSE': 1.1602, 'ErrorMean': 3.2996, 'ErrorStdDev': 34.637, 'R2': 0.8512, 'Pearson': 0.9293, 'MedAE': 19.5034, 'LnQ': 0.6267, 'KS': 0.1695, 'KendallTau': 0.6692, 'MannWhitneyU': 1608.0, 'AUC': 0.4619} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_BU_Forecast') {'Signal': 'QLD_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_Forecast') {'Signal': 'QLD_male', 'Length': 59, 'MAPE': 0.0792, 'RMSE': 33.2001, 'MAE': 26.164, 'SMAPE': 0.0775, 'DiffSMAPE': 0.0775, 'MASE': 1.0925, 'RMSSE': 1.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 33.2001, 'R2': 0.8645, 'Pearson': 0.9298, 'MedAE': 21.6586, 'LnQ': 0.6158, 'KS': 0.1525, 'KendallTau': 0.6856, 'MannWhitneyU': 1734.0, 'AUC': 0.4981} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_MO_Forecast') {'Signal': 'QLD_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0786, 'RMSE': 34.1729, 'MAE': 26.7604, 'SMAPE': 0.0779, 'DiffSMAPE': 0.0779, 'MASE': 1.1174, 'RMSSE': 1.1395, 'ErrorMean': -0.0, 'ErrorStdDev': 34.1729, 'R2': 0.8565, 'Pearson': 0.9296, 'MedAE': 18.8801, 'LnQ': 0.6204, 'KS': 0.1356, 'KendallTau': 0.6587, 'MannWhitneyU': 1670.0, 'AUC': 0.4797} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0887, 'RMSE': 37.9088, 'MAE': 29.605, 'SMAPE': 0.0872, 'DiffSMAPE': 0.0872, 'MASE': 1.2362, 'RMSSE': 1.2641, 'ErrorMean': -1.5675, 'ErrorStdDev': 37.8764, 'R2': 0.8234, 'Pearson': 0.9079, 'MedAE': 21.6413, 'LnQ': 0.7787, 'KS': 0.1017, 'KendallTau': 0.6446, 'MannWhitneyU': 1746.0, 'AUC': 0.5016} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_OC_Forecast') {'Signal': 'QLD_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0879, 'RMSE': 38.0934, 'MAE': 29.6632, 'SMAPE': 0.0872, 'DiffSMAPE': 0.0871, 'MASE': 1.2386, 'RMSSE': 1.2703, 'ErrorMean': -2.4281, 'ErrorStdDev': 38.0159, 'R2': 0.8216, 'Pearson': 0.9077, 'MedAE': 24.3336, 'LnQ': 0.7787, 'KS': 0.1017, 'KendallTau': 0.6469, 'MannWhitneyU': 1736.0, 'AUC': 0.4987} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_male_PHA_TD_Forecast') {'Signal': 'QLD_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0787, 'RMSE': 34.4144, 'MAE': 26.8549, 'SMAPE': 0.0782, 'DiffSMAPE': 0.0782, 'MASE': 1.1214, 'RMSSE': 1.1476, 'ErrorMean': -0.0, 'ErrorStdDev': 34.4144, 'R2': 0.8544, 'Pearson': 0.9293, 'MedAE': 20.1717, 'LnQ': 0.6248, 'KS': 0.1356, 'KendallTau': 0.6692, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_AHP_TD_Forecast') {'Signal': 'SA_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.137, 'RMSE': 21.2311, 'MAE': 16.95, 'SMAPE': 0.1322, 'DiffSMAPE': 0.1322, 'MASE': 0.9426, 'RMSSE': 0.9383, 'ErrorMean': -1.7026, 'ErrorStdDev': 21.1627, 'R2': 0.7818, 'Pearson': 0.8951, 'MedAE': 16.225, 'LnQ': 1.5809, 'KS': 0.2881, 'KendallTau': 0.6958, 'MannWhitneyU': 1826.0, 'AUC': 0.5246} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_BU_Forecast') {'Signal': 'SA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.1, 'RMSE': 17.2521, 'MAE': 13.1453, 'SMAPE': 0.1006, 'DiffSMAPE': 0.1005, 'MASE': 0.731, 'RMSSE': 0.7625, 'ErrorMean': -0.867, 'ErrorStdDev': 17.2303, 'R2': 0.8559, 'Pearson': 0.9254, 'MedAE': 9.7938, 'LnQ': 1.0506, 'KS': 0.0847, 'KendallTau': 0.7379, 'MannWhitneyU': 1729.5, 'AUC': 0.4968} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_Forecast') {'Signal': 'SA_female', 'Length': 59, 'MAPE': 0.1, 'RMSE': 17.2521, 'MAE': 13.1453, 'SMAPE': 0.1006, 'DiffSMAPE': 0.1005, 'MASE': 0.731, 'RMSSE': 0.7625, 'ErrorMean': -0.867, 'ErrorStdDev': 17.2303, 'R2': 0.8559, 'Pearson': 0.9254, 'MedAE': 9.7938, 'LnQ': 1.0506, 'KS': 0.0847, 'KendallTau': 0.7379, 'MannWhitneyU': 1729.5, 'AUC': 0.4968} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_MO_Forecast') {'Signal': 'SA_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1393, 'RMSE': 21.237, 'MAE': 16.9376, 'SMAPE': 0.1329, 'DiffSMAPE': 0.1328, 'MASE': 0.9419, 'RMSSE': 0.9386, 'ErrorMean': -0.0, 'ErrorStdDev': 21.237, 'R2': 0.7817, 'Pearson': 0.8912, 'MedAE': 15.1973, 'LnQ': 1.6249, 'KS': 0.2373, 'KendallTau': 0.6934, 'MannWhitneyU': 1760.0, 'AUC': 0.5056} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_OC_Forecast') {'Signal': 'SA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1115, 'RMSE': 18.3718, 'MAE': 14.0775, 'SMAPE': 0.1114, 'DiffSMAPE': 0.1113, 'MASE': 0.7828, 'RMSSE': 0.8119, 'ErrorMean': 0.0155, 'ErrorStdDev': 18.3718, 'R2': 0.8366, 'Pearson': 0.9155, 'MedAE': 11.3709, 'LnQ': 1.2471, 'KS': 0.1017, 'KendallTau': 0.725, 'MannWhitneyU': 1699.0, 'AUC': 0.4881} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_OC_Forecast') {'Signal': 'SA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1119, 'RMSE': 18.394, 'MAE': 14.1228, 'SMAPE': 0.1114, 'DiffSMAPE': 0.1114, 'MASE': 0.7854, 'RMSSE': 0.8129, 'ErrorMean': 0.2673, 'ErrorStdDev': 18.3921, 'R2': 0.8362, 'Pearson': 0.9153, 'MedAE': 11.2966, 'LnQ': 1.2425, 'KS': 0.1017, 'KendallTau': 0.725, 'MannWhitneyU': 1697.0, 'AUC': 0.4875} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_female_PHA_TD_Forecast') {'Signal': 'SA_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1385, 'RMSE': 21.0407, 'MAE': 16.7834, 'SMAPE': 0.132, 'DiffSMAPE': 0.132, 'MASE': 0.9333, 'RMSSE': 0.9299, 'ErrorMean': -0.0, 'ErrorStdDev': 21.0407, 'R2': 0.7857, 'Pearson': 0.8951, 'MedAE': 15.4806, 'LnQ': 1.6125, 'KS': 0.2373, 'KendallTau': 0.6958, 'MannWhitneyU': 1761.0, 'AUC': 0.5059} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_AHP_TD_Forecast') {'Signal': 'SA_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.137, 'RMSE': 21.2311, 'MAE': 16.95, 'SMAPE': 0.1322, 'DiffSMAPE': 0.1322, 'MASE': 0.9426, 'RMSSE': 0.9383, 'ErrorMean': -1.7026, 'ErrorStdDev': 21.1627, 'R2': 0.7818, 'Pearson': 0.8951, 'MedAE': 16.225, 'LnQ': 1.5809, 'KS': 0.2881, 'KendallTau': 0.6958, 'MannWhitneyU': 1826.0, 'AUC': 0.5246} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_BU_Forecast') {'Signal': 'SA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.1, 'RMSE': 17.2521, 'MAE': 13.1453, 'SMAPE': 0.1006, 'DiffSMAPE': 0.1005, 'MASE': 0.731, 'RMSSE': 0.7625, 'ErrorMean': -0.867, 'ErrorStdDev': 17.2303, 'R2': 0.8559, 'Pearson': 0.9254, 'MedAE': 9.7938, 'LnQ': 1.0506, 'KS': 0.0847, 'KendallTau': 0.7379, 'MannWhitneyU': 1729.5, 'AUC': 0.4968} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_Forecast') {'Signal': 'SA_female', 'Length': 59, 'MAPE': 0.1, 'RMSE': 17.2521, 'MAE': 13.1453, 'SMAPE': 0.1006, 'DiffSMAPE': 0.1005, 'MASE': 0.731, 'RMSSE': 0.7625, 'ErrorMean': -0.867, 'ErrorStdDev': 17.2303, 'R2': 0.8559, 'Pearson': 0.9254, 'MedAE': 9.7938, 'LnQ': 1.0506, 'KS': 0.0847, 'KendallTau': 0.7379, 'MannWhitneyU': 1729.5, 'AUC': 0.4968} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_MO_Forecast') {'Signal': 'SA_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1393, 'RMSE': 21.237, 'MAE': 16.9376, 'SMAPE': 0.1329, 'DiffSMAPE': 0.1328, 'MASE': 0.9419, 'RMSSE': 0.9386, 'ErrorMean': -0.0, 'ErrorStdDev': 21.237, 'R2': 0.7817, 'Pearson': 0.8912, 'MedAE': 15.1973, 'LnQ': 1.6249, 'KS': 0.2373, 'KendallTau': 0.6934, 'MannWhitneyU': 1760.0, 'AUC': 0.5056} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_OC_Forecast') {'Signal': 'SA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1115, 'RMSE': 18.3718, 'MAE': 14.0775, 'SMAPE': 0.1114, 'DiffSMAPE': 0.1113, 'MASE': 0.7828, 'RMSSE': 0.8119, 'ErrorMean': 0.0155, 'ErrorStdDev': 18.3718, 'R2': 0.8366, 'Pearson': 0.9155, 'MedAE': 11.3709, 'LnQ': 1.2471, 'KS': 0.1017, 'KendallTau': 0.725, 'MannWhitneyU': 1699.0, 'AUC': 0.4881} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_OC_Forecast') {'Signal': 'SA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1119, 'RMSE': 18.394, 'MAE': 14.1228, 'SMAPE': 0.1114, 'DiffSMAPE': 0.1114, 'MASE': 0.7854, 'RMSSE': 0.8129, 'ErrorMean': 0.2673, 'ErrorStdDev': 18.3921, 'R2': 0.8362, 'Pearson': 0.9153, 'MedAE': 11.2966, 'LnQ': 1.2425, 'KS': 0.1017, 'KendallTau': 0.725, 'MannWhitneyU': 1697.0, 'AUC': 0.4875} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_female_PHA_TD_Forecast') {'Signal': 'SA_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1385, 'RMSE': 21.0407, 'MAE': 16.7834, 'SMAPE': 0.132, 'DiffSMAPE': 0.132, 'MASE': 0.9333, 'RMSSE': 0.9299, 'ErrorMean': -0.0, 'ErrorStdDev': 21.0407, 'R2': 0.7857, 'Pearson': 0.8951, 'MedAE': 15.4806, 'LnQ': 1.6125, 'KS': 0.2373, 'KendallTau': 0.6958, 'MannWhitneyU': 1761.0, 'AUC': 0.5059} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_AHP_TD_Forecast') {'Signal': 'SA_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.137, 'RMSE': 21.2311, 'MAE': 16.95, 'SMAPE': 0.1322, 'DiffSMAPE': 0.1322, 'MASE': 0.9426, 'RMSSE': 0.9383, 'ErrorMean': -1.7026, 'ErrorStdDev': 21.1627, 'R2': 0.7818, 'Pearson': 0.8951, 'MedAE': 16.225, 'LnQ': 1.5809, 'KS': 0.2881, 'KendallTau': 0.6958, 'MannWhitneyU': 1826.0, 'AUC': 0.5246} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_BU_Forecast') {'Signal': 'SA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.1, 'RMSE': 17.2521, 'MAE': 13.1453, 'SMAPE': 0.1006, 'DiffSMAPE': 0.1005, 'MASE': 0.731, 'RMSSE': 0.7625, 'ErrorMean': -0.867, 'ErrorStdDev': 17.2303, 'R2': 0.8559, 'Pearson': 0.9254, 'MedAE': 9.7938, 'LnQ': 1.0506, 'KS': 0.0847, 'KendallTau': 0.7379, 'MannWhitneyU': 1729.5, 'AUC': 0.4968} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_Forecast') {'Signal': 'SA_female', 'Length': 59, 'MAPE': 0.1, 'RMSE': 17.2521, 'MAE': 13.1453, 'SMAPE': 0.1006, 'DiffSMAPE': 0.1005, 'MASE': 0.731, 'RMSSE': 0.7625, 'ErrorMean': -0.867, 'ErrorStdDev': 17.2303, 'R2': 0.8559, 'Pearson': 0.9254, 'MedAE': 9.7938, 'LnQ': 1.0506, 'KS': 0.0847, 'KendallTau': 0.7379, 'MannWhitneyU': 1729.5, 'AUC': 0.4968} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_MO_Forecast') {'Signal': 'SA_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1393, 'RMSE': 21.237, 'MAE': 16.9376, 'SMAPE': 0.1329, 'DiffSMAPE': 0.1328, 'MASE': 0.9419, 'RMSSE': 0.9386, 'ErrorMean': -0.0, 'ErrorStdDev': 21.237, 'R2': 0.7817, 'Pearson': 0.8912, 'MedAE': 15.1973, 'LnQ': 1.6249, 'KS': 0.2373, 'KendallTau': 0.6934, 'MannWhitneyU': 1760.0, 'AUC': 0.5056} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_OC_Forecast') {'Signal': 'SA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1115, 'RMSE': 18.3718, 'MAE': 14.0775, 'SMAPE': 0.1114, 'DiffSMAPE': 0.1113, 'MASE': 0.7828, 'RMSSE': 0.8119, 'ErrorMean': 0.0155, 'ErrorStdDev': 18.3718, 'R2': 0.8366, 'Pearson': 0.9155, 'MedAE': 11.3709, 'LnQ': 1.2471, 'KS': 0.1017, 'KendallTau': 0.725, 'MannWhitneyU': 1699.0, 'AUC': 0.4881} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_OC_Forecast') {'Signal': 'SA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1119, 'RMSE': 18.394, 'MAE': 14.1228, 'SMAPE': 0.1114, 'DiffSMAPE': 0.1114, 'MASE': 0.7854, 'RMSSE': 0.8129, 'ErrorMean': 0.2673, 'ErrorStdDev': 18.3921, 'R2': 0.8362, 'Pearson': 0.9153, 'MedAE': 11.2966, 'LnQ': 1.2425, 'KS': 0.1017, 'KendallTau': 0.725, 'MannWhitneyU': 1697.0, 'AUC': 0.4875} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_female_PHA_TD_Forecast') {'Signal': 'SA_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1385, 'RMSE': 21.0407, 'MAE': 16.7834, 'SMAPE': 0.132, 'DiffSMAPE': 0.132, 'MASE': 0.9333, 'RMSSE': 0.9299, 'ErrorMean': -0.0, 'ErrorStdDev': 21.0407, 'R2': 0.7857, 'Pearson': 0.8951, 'MedAE': 15.4806, 'LnQ': 1.6125, 'KS': 0.2373, 'KendallTau': 0.6958, 'MannWhitneyU': 1761.0, 'AUC': 0.5059} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_male_AHP_TD_Forecast') {'Signal': 'SA_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1348, 'RMSE': 27.8577, 'MAE': 23.0931, 'SMAPE': 0.1288, 'DiffSMAPE': 0.1288, 'MASE': 1.1906, 'RMSSE': 1.1082, 'ErrorMean': -1.1248, 'ErrorStdDev': 27.835, 'R2': 0.7679, 'Pearson': 0.8788, 'MedAE': 21.3629, 'LnQ': 1.4753, 'KS': 0.2712, 'KendallTau': 0.6172, 'MannWhitneyU': 1830.0, 'AUC': 0.5257} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_male_BU_Forecast') {'Signal': 'SA_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0967, 'RMSE': 20.6106, 'MAE': 15.5152, 'SMAPE': 0.0917, 'DiffSMAPE': 0.0917, 'MASE': 0.7999, 'RMSSE': 0.8199, 'ErrorMean': 2.4229, 'ErrorStdDev': 20.4677, 'R2': 0.8729, 'Pearson': 0.9353, 'MedAE': 12.1713, 'LnQ': 0.967, 'KS': 0.1017, 'KendallTau': 0.7263, 'MannWhitneyU': 1717.5, 'AUC': 0.4934} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_male_Forecast') {'Signal': 'SA_male', 'Length': 59, 'MAPE': 0.0967, 'RMSE': 20.6106, 'MAE': 15.5152, 'SMAPE': 0.0917, 'DiffSMAPE': 0.0917, 'MASE': 0.7999, 'RMSSE': 0.8199, 'ErrorMean': 2.4229, 'ErrorStdDev': 20.4677, 'R2': 0.8729, 'Pearson': 0.9353, 'MedAE': 12.1713, 'LnQ': 0.967, 'KS': 0.1017, 'KendallTau': 0.7263, 'MannWhitneyU': 1717.5, 'AUC': 0.4934} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_male_MO_Forecast') {'Signal': 'SA_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1337, 'RMSE': 27.3782, 'MAE': 22.6342, 'SMAPE': 0.1269, 'DiffSMAPE': 0.1269, 'MASE': 1.1669, 'RMSSE': 1.0892, 'ErrorMean': -0.0, 'ErrorStdDev': 27.3782, 'R2': 0.7758, 'Pearson': 0.8835, 'MedAE': 20.0121, 'LnQ': 1.4596, 'KS': 0.2712, 'KendallTau': 0.6278, 'MannWhitneyU': 1818.0, 'AUC': 0.5223} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_male_OC_Forecast') {'Signal': 'SA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1193, 'RMSE': 24.5137, 'MAE': 19.4617, 'SMAPE': 0.1145, 'DiffSMAPE': 0.1145, 'MASE': 1.0034, 'RMSSE': 0.9752, 'ErrorMean': 0.8553, 'ErrorStdDev': 24.4988, 'R2': 0.8203, 'Pearson': 0.9069, 'MedAE': 14.3197, 'LnQ': 1.3346, 'KS': 0.0847, 'KendallTau': 0.677, 'MannWhitneyU': 1732.0, 'AUC': 0.4976} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_male_OC_Forecast') {'Signal': 'SA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1175, 'RMSE': 24.3822, 'MAE': 19.5488, 'SMAPE': 0.1139, 'DiffSMAPE': 0.1139, 'MASE': 1.0078, 'RMSSE': 0.97, 'ErrorMean': -0.0053, 'ErrorStdDev': 24.3822, 'R2': 0.8222, 'Pearson': 0.9084, 'MedAE': 16.1026, 'LnQ': 1.2767, 'KS': 0.1017, 'KendallTau': 0.7063, 'MannWhitneyU': 1743.0, 'AUC': 0.5007} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'SA_male_PHA_TD_Forecast') {'Signal': 'SA_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1352, 'RMSE': 27.7988, 'MAE': 22.9602, 'SMAPE': 0.1284, 'DiffSMAPE': 0.1283, 'MASE': 1.1837, 'RMSSE': 1.1059, 'ErrorMean': -0.0, 'ErrorStdDev': 27.7988, 'R2': 0.7689, 'Pearson': 0.8788, 'MedAE': 20.6957, 'LnQ': 1.487, 'KS': 0.2712, 'KendallTau': 0.6172, 'MannWhitneyU': 1812.0, 'AUC': 0.5205} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_male_AHP_TD_Forecast') {'Signal': 'SA_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1348, 'RMSE': 27.8577, 'MAE': 23.0931, 'SMAPE': 0.1288, 'DiffSMAPE': 0.1288, 'MASE': 1.1906, 'RMSSE': 1.1082, 'ErrorMean': -1.1248, 'ErrorStdDev': 27.835, 'R2': 0.7679, 'Pearson': 0.8788, 'MedAE': 21.3629, 'LnQ': 1.4753, 'KS': 0.2712, 'KendallTau': 0.6172, 'MannWhitneyU': 1830.0, 'AUC': 0.5257} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_male_BU_Forecast') {'Signal': 'SA_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0967, 'RMSE': 20.6106, 'MAE': 15.5152, 'SMAPE': 0.0917, 'DiffSMAPE': 0.0917, 'MASE': 0.7999, 'RMSSE': 0.8199, 'ErrorMean': 2.4229, 'ErrorStdDev': 20.4677, 'R2': 0.8729, 'Pearson': 0.9353, 'MedAE': 12.1713, 'LnQ': 0.967, 'KS': 0.1017, 'KendallTau': 0.7263, 'MannWhitneyU': 1717.5, 'AUC': 0.4934} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_male_Forecast') {'Signal': 'SA_male', 'Length': 59, 'MAPE': 0.0967, 'RMSE': 20.6106, 'MAE': 15.5152, 'SMAPE': 0.0917, 'DiffSMAPE': 0.0917, 'MASE': 0.7999, 'RMSSE': 0.8199, 'ErrorMean': 2.4229, 'ErrorStdDev': 20.4677, 'R2': 0.8729, 'Pearson': 0.9353, 'MedAE': 12.1713, 'LnQ': 0.967, 'KS': 0.1017, 'KendallTau': 0.7263, 'MannWhitneyU': 1717.5, 'AUC': 0.4934} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_male_MO_Forecast') {'Signal': 'SA_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1337, 'RMSE': 27.3782, 'MAE': 22.6342, 'SMAPE': 0.1269, 'DiffSMAPE': 0.1269, 'MASE': 1.1669, 'RMSSE': 1.0892, 'ErrorMean': -0.0, 'ErrorStdDev': 27.3782, 'R2': 0.7758, 'Pearson': 0.8835, 'MedAE': 20.0121, 'LnQ': 1.4596, 'KS': 0.2712, 'KendallTau': 0.6278, 'MannWhitneyU': 1818.0, 'AUC': 0.5223} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_male_OC_Forecast') {'Signal': 'SA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1193, 'RMSE': 24.5137, 'MAE': 19.4617, 'SMAPE': 0.1145, 'DiffSMAPE': 0.1145, 'MASE': 1.0034, 'RMSSE': 0.9752, 'ErrorMean': 0.8553, 'ErrorStdDev': 24.4988, 'R2': 0.8203, 'Pearson': 0.9069, 'MedAE': 14.3197, 'LnQ': 1.3346, 'KS': 0.0847, 'KendallTau': 0.677, 'MannWhitneyU': 1732.0, 'AUC': 0.4976} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_male_OC_Forecast') {'Signal': 'SA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1175, 'RMSE': 24.3822, 'MAE': 19.5488, 'SMAPE': 0.1139, 'DiffSMAPE': 0.1139, 'MASE': 1.0078, 'RMSSE': 0.97, 'ErrorMean': -0.0053, 'ErrorStdDev': 24.3822, 'R2': 0.8222, 'Pearson': 0.9084, 'MedAE': 16.1026, 'LnQ': 1.2767, 'KS': 0.1017, 'KendallTau': 0.7063, 'MannWhitneyU': 1743.0, 'AUC': 0.5007} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'SA_male_PHA_TD_Forecast') {'Signal': 'SA_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1352, 'RMSE': 27.7988, 'MAE': 22.9602, 'SMAPE': 0.1284, 'DiffSMAPE': 0.1283, 'MASE': 1.1837, 'RMSSE': 1.1059, 'ErrorMean': -0.0, 'ErrorStdDev': 27.7988, 'R2': 0.7689, 'Pearson': 0.8788, 'MedAE': 20.6957, 'LnQ': 1.487, 'KS': 0.2712, 'KendallTau': 0.6172, 'MannWhitneyU': 1812.0, 'AUC': 0.5205} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_male_AHP_TD_Forecast') {'Signal': 'SA_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1348, 'RMSE': 27.8577, 'MAE': 23.0931, 'SMAPE': 0.1288, 'DiffSMAPE': 0.1288, 'MASE': 1.1906, 'RMSSE': 1.1082, 'ErrorMean': -1.1248, 'ErrorStdDev': 27.835, 'R2': 0.7679, 'Pearson': 0.8788, 'MedAE': 21.3629, 'LnQ': 1.4753, 'KS': 0.2712, 'KendallTau': 0.6172, 'MannWhitneyU': 1830.0, 'AUC': 0.5257} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_male_BU_Forecast') {'Signal': 'SA_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0967, 'RMSE': 20.6106, 'MAE': 15.5152, 'SMAPE': 0.0917, 'DiffSMAPE': 0.0917, 'MASE': 0.7999, 'RMSSE': 0.8199, 'ErrorMean': 2.4229, 'ErrorStdDev': 20.4677, 'R2': 0.8729, 'Pearson': 0.9353, 'MedAE': 12.1713, 'LnQ': 0.967, 'KS': 0.1017, 'KendallTau': 0.7263, 'MannWhitneyU': 1717.5, 'AUC': 0.4934} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_male_Forecast') {'Signal': 'SA_male', 'Length': 59, 'MAPE': 0.0967, 'RMSE': 20.6106, 'MAE': 15.5152, 'SMAPE': 0.0917, 'DiffSMAPE': 0.0917, 'MASE': 0.7999, 'RMSSE': 0.8199, 'ErrorMean': 2.4229, 'ErrorStdDev': 20.4677, 'R2': 0.8729, 'Pearson': 0.9353, 'MedAE': 12.1713, 'LnQ': 0.967, 'KS': 0.1017, 'KendallTau': 0.7263, 'MannWhitneyU': 1717.5, 'AUC': 0.4934} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_male_MO_Forecast') {'Signal': 'SA_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1337, 'RMSE': 27.3782, 'MAE': 22.6342, 'SMAPE': 0.1269, 'DiffSMAPE': 0.1269, 'MASE': 1.1669, 'RMSSE': 1.0892, 'ErrorMean': -0.0, 'ErrorStdDev': 27.3782, 'R2': 0.7758, 'Pearson': 0.8835, 'MedAE': 20.0121, 'LnQ': 1.4596, 'KS': 0.2712, 'KendallTau': 0.6278, 'MannWhitneyU': 1818.0, 'AUC': 0.5223} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_male_OC_Forecast') {'Signal': 'SA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1193, 'RMSE': 24.5137, 'MAE': 19.4617, 'SMAPE': 0.1145, 'DiffSMAPE': 0.1145, 'MASE': 1.0034, 'RMSSE': 0.9752, 'ErrorMean': 0.8553, 'ErrorStdDev': 24.4988, 'R2': 0.8203, 'Pearson': 0.9069, 'MedAE': 14.3197, 'LnQ': 1.3346, 'KS': 0.0847, 'KendallTau': 0.677, 'MannWhitneyU': 1732.0, 'AUC': 0.4976} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_male_OC_Forecast') {'Signal': 'SA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1175, 'RMSE': 24.3822, 'MAE': 19.5488, 'SMAPE': 0.1139, 'DiffSMAPE': 0.1139, 'MASE': 1.0078, 'RMSSE': 0.97, 'ErrorMean': -0.0053, 'ErrorStdDev': 24.3822, 'R2': 0.8222, 'Pearson': 0.9084, 'MedAE': 16.1026, 'LnQ': 1.2767, 'KS': 0.1017, 'KendallTau': 0.7063, 'MannWhitneyU': 1743.0, 'AUC': 0.5007} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'SA_male_PHA_TD_Forecast') {'Signal': 'SA_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1352, 'RMSE': 27.7988, 'MAE': 22.9602, 'SMAPE': 0.1284, 'DiffSMAPE': 0.1283, 'MASE': 1.1837, 'RMSSE': 1.1059, 'ErrorMean': -0.0, 'ErrorStdDev': 27.7988, 'R2': 0.7689, 'Pearson': 0.8788, 'MedAE': 20.6957, 'LnQ': 1.487, 'KS': 0.2712, 'KendallTau': 0.6172, 'MannWhitneyU': 1812.0, 'AUC': 0.5205} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_AHP_TD_Forecast') {'Signal': 'TAS_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.142, 'RMSE': 15.641, 'MAE': 11.3202, 'SMAPE': 0.1353, 'DiffSMAPE': 0.1352, 'MASE': 0.9873, 'RMSSE': 1.0406, 'ErrorMean': -1.3355, 'ErrorStdDev': 15.5838, 'R2': 0.7335, 'Pearson': 0.8746, 'MedAE': 8.6511, 'LnQ': 1.984, 'KS': 0.2881, 'KendallTau': 0.6187, 'MannWhitneyU': 1822.0, 'AUC': 0.5234} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_BU_Forecast') {'Signal': 'TAS_female_BU_Forecast', 'Length': 59, 'MAPE': 0.1028, 'RMSE': 11.1569, 'MAE': 8.2247, 'SMAPE': 0.0988, 'DiffSMAPE': 0.0987, 'MASE': 0.7173, 'RMSSE': 0.7423, 'ErrorMean': 0.2175, 'ErrorStdDev': 11.1548, 'R2': 0.8644, 'Pearson': 0.9298, 'MedAE': 5.5495, 'LnQ': 1.1683, 'KS': 0.0847, 'KendallTau': 0.7667, 'MannWhitneyU': 1694.5, 'AUC': 0.4868} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_Forecast') {'Signal': 'TAS_female', 'Length': 59, 'MAPE': 0.1028, 'RMSE': 11.1569, 'MAE': 8.2247, 'SMAPE': 0.0988, 'DiffSMAPE': 0.0987, 'MASE': 0.7173, 'RMSSE': 0.7423, 'ErrorMean': 0.2175, 'ErrorStdDev': 11.1548, 'R2': 0.8644, 'Pearson': 0.9298, 'MedAE': 5.5495, 'LnQ': 1.1683, 'KS': 0.0847, 'KendallTau': 0.7667, 'MannWhitneyU': 1694.5, 'AUC': 0.4868} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_MO_Forecast') {'Signal': 'TAS_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1431, 'RMSE': 15.1074, 'MAE': 11.0938, 'SMAPE': 0.1343, 'DiffSMAPE': 0.1342, 'MASE': 0.9676, 'RMSSE': 1.0051, 'ErrorMean': -0.0, 'ErrorStdDev': 15.1074, 'R2': 0.7514, 'Pearson': 0.8813, 'MedAE': 7.9607, 'LnQ': 1.9481, 'KS': 0.2542, 'KendallTau': 0.6328, 'MannWhitneyU': 1758.0, 'AUC': 0.505} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_OC_Forecast') {'Signal': 'TAS_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1243, 'RMSE': 12.3048, 'MAE': 9.7786, 'SMAPE': 0.1199, 'DiffSMAPE': 0.1198, 'MASE': 0.8529, 'RMSSE': 0.8187, 'ErrorMean': 1.1, 'ErrorStdDev': 12.2555, 'R2': 0.8351, 'Pearson': 0.9151, 'MedAE': 8.1457, 'LnQ': 1.3666, 'KS': 0.1186, 'KendallTau': 0.7244, 'MannWhitneyU': 1648.0, 'AUC': 0.4734} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_OC_Forecast') {'Signal': 'TAS_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1248, 'RMSE': 12.3347, 'MAE': 9.7967, 'SMAPE': 0.1199, 'DiffSMAPE': 0.1199, 'MASE': 0.8545, 'RMSSE': 0.8206, 'ErrorMean': 1.3518, 'ErrorStdDev': 12.2604, 'R2': 0.8343, 'Pearson': 0.9151, 'MedAE': 8.0866, 'LnQ': 1.3686, 'KS': 0.1186, 'KendallTau': 0.7232, 'MannWhitneyU': 1637.0, 'AUC': 0.4703} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_female_PHA_TD_Forecast') {'Signal': 'TAS_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1467, 'RMSE': 15.4729, 'MAE': 11.3913, 'SMAPE': 0.1376, 'DiffSMAPE': 0.1375, 'MASE': 0.9935, 'RMSSE': 1.0294, 'ErrorMean': -0.0, 'ErrorStdDev': 15.4729, 'R2': 0.7392, 'Pearson': 0.8746, 'MedAE': 7.8653, 'LnQ': 2.0343, 'KS': 0.2712, 'KendallTau': 0.6187, 'MannWhitneyU': 1760.0, 'AUC': 0.5056} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_AHP_TD_Forecast') {'Signal': 'TAS_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.142, 'RMSE': 15.641, 'MAE': 11.3202, 'SMAPE': 0.1353, 'DiffSMAPE': 0.1352, 'MASE': 0.9873, 'RMSSE': 1.0406, 'ErrorMean': -1.3355, 'ErrorStdDev': 15.5838, 'R2': 0.7335, 'Pearson': 0.8746, 'MedAE': 8.6511, 'LnQ': 1.984, 'KS': 0.2881, 'KendallTau': 0.6187, 'MannWhitneyU': 1822.0, 'AUC': 0.5234} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_BU_Forecast') {'Signal': 'TAS_female_BU_Forecast', 'Length': 59, 'MAPE': 0.1028, 'RMSE': 11.1569, 'MAE': 8.2247, 'SMAPE': 0.0988, 'DiffSMAPE': 0.0987, 'MASE': 0.7173, 'RMSSE': 0.7423, 'ErrorMean': 0.2175, 'ErrorStdDev': 11.1548, 'R2': 0.8644, 'Pearson': 0.9298, 'MedAE': 5.5495, 'LnQ': 1.1683, 'KS': 0.0847, 'KendallTau': 0.7667, 'MannWhitneyU': 1694.5, 'AUC': 0.4868} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_Forecast') {'Signal': 'TAS_female', 'Length': 59, 'MAPE': 0.1028, 'RMSE': 11.1569, 'MAE': 8.2247, 'SMAPE': 0.0988, 'DiffSMAPE': 0.0987, 'MASE': 0.7173, 'RMSSE': 0.7423, 'ErrorMean': 0.2175, 'ErrorStdDev': 11.1548, 'R2': 0.8644, 'Pearson': 0.9298, 'MedAE': 5.5495, 'LnQ': 1.1683, 'KS': 0.0847, 'KendallTau': 0.7667, 'MannWhitneyU': 1694.5, 'AUC': 0.4868} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_MO_Forecast') {'Signal': 'TAS_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1431, 'RMSE': 15.1074, 'MAE': 11.0938, 'SMAPE': 0.1343, 'DiffSMAPE': 0.1342, 'MASE': 0.9676, 'RMSSE': 1.0051, 'ErrorMean': -0.0, 'ErrorStdDev': 15.1074, 'R2': 0.7514, 'Pearson': 0.8813, 'MedAE': 7.9607, 'LnQ': 1.9481, 'KS': 0.2542, 'KendallTau': 0.6328, 'MannWhitneyU': 1758.0, 'AUC': 0.505} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_OC_Forecast') {'Signal': 'TAS_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1243, 'RMSE': 12.3048, 'MAE': 9.7786, 'SMAPE': 0.1199, 'DiffSMAPE': 0.1198, 'MASE': 0.8529, 'RMSSE': 0.8187, 'ErrorMean': 1.1, 'ErrorStdDev': 12.2555, 'R2': 0.8351, 'Pearson': 0.9151, 'MedAE': 8.1457, 'LnQ': 1.3666, 'KS': 0.1186, 'KendallTau': 0.7244, 'MannWhitneyU': 1648.0, 'AUC': 0.4734} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_OC_Forecast') {'Signal': 'TAS_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1248, 'RMSE': 12.3347, 'MAE': 9.7967, 'SMAPE': 0.1199, 'DiffSMAPE': 0.1199, 'MASE': 0.8545, 'RMSSE': 0.8206, 'ErrorMean': 1.3518, 'ErrorStdDev': 12.2604, 'R2': 0.8343, 'Pearson': 0.9151, 'MedAE': 8.0866, 'LnQ': 1.3686, 'KS': 0.1186, 'KendallTau': 0.7232, 'MannWhitneyU': 1637.0, 'AUC': 0.4703} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_female_PHA_TD_Forecast') {'Signal': 'TAS_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1467, 'RMSE': 15.4729, 'MAE': 11.3913, 'SMAPE': 0.1376, 'DiffSMAPE': 0.1375, 'MASE': 0.9935, 'RMSSE': 1.0294, 'ErrorMean': -0.0, 'ErrorStdDev': 15.4729, 'R2': 0.7392, 'Pearson': 0.8746, 'MedAE': 7.8653, 'LnQ': 2.0343, 'KS': 0.2712, 'KendallTau': 0.6187, 'MannWhitneyU': 1760.0, 'AUC': 0.5056} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_AHP_TD_Forecast') {'Signal': 'TAS_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.142, 'RMSE': 15.641, 'MAE': 11.3202, 'SMAPE': 0.1353, 'DiffSMAPE': 0.1352, 'MASE': 0.9873, 'RMSSE': 1.0406, 'ErrorMean': -1.3355, 'ErrorStdDev': 15.5838, 'R2': 0.7335, 'Pearson': 0.8746, 'MedAE': 8.6511, 'LnQ': 1.984, 'KS': 0.2881, 'KendallTau': 0.6187, 'MannWhitneyU': 1822.0, 'AUC': 0.5234} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_BU_Forecast') {'Signal': 'TAS_female_BU_Forecast', 'Length': 59, 'MAPE': 0.1028, 'RMSE': 11.1569, 'MAE': 8.2247, 'SMAPE': 0.0988, 'DiffSMAPE': 0.0987, 'MASE': 0.7173, 'RMSSE': 0.7423, 'ErrorMean': 0.2175, 'ErrorStdDev': 11.1548, 'R2': 0.8644, 'Pearson': 0.9298, 'MedAE': 5.5495, 'LnQ': 1.1683, 'KS': 0.0847, 'KendallTau': 0.7667, 'MannWhitneyU': 1694.5, 'AUC': 0.4868} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_Forecast') {'Signal': 'TAS_female', 'Length': 59, 'MAPE': 0.1028, 'RMSE': 11.1569, 'MAE': 8.2247, 'SMAPE': 0.0988, 'DiffSMAPE': 0.0987, 'MASE': 0.7173, 'RMSSE': 0.7423, 'ErrorMean': 0.2175, 'ErrorStdDev': 11.1548, 'R2': 0.8644, 'Pearson': 0.9298, 'MedAE': 5.5495, 'LnQ': 1.1683, 'KS': 0.0847, 'KendallTau': 0.7667, 'MannWhitneyU': 1694.5, 'AUC': 0.4868} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_MO_Forecast') {'Signal': 'TAS_female_MO_Forecast', 'Length': 59, 'MAPE': 0.1431, 'RMSE': 15.1074, 'MAE': 11.0938, 'SMAPE': 0.1343, 'DiffSMAPE': 0.1342, 'MASE': 0.9676, 'RMSSE': 1.0051, 'ErrorMean': -0.0, 'ErrorStdDev': 15.1074, 'R2': 0.7514, 'Pearson': 0.8813, 'MedAE': 7.9607, 'LnQ': 1.9481, 'KS': 0.2542, 'KendallTau': 0.6328, 'MannWhitneyU': 1758.0, 'AUC': 0.505} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_OC_Forecast') {'Signal': 'TAS_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1243, 'RMSE': 12.3048, 'MAE': 9.7786, 'SMAPE': 0.1199, 'DiffSMAPE': 0.1198, 'MASE': 0.8529, 'RMSSE': 0.8187, 'ErrorMean': 1.1, 'ErrorStdDev': 12.2555, 'R2': 0.8351, 'Pearson': 0.9151, 'MedAE': 8.1457, 'LnQ': 1.3666, 'KS': 0.1186, 'KendallTau': 0.7244, 'MannWhitneyU': 1648.0, 'AUC': 0.4734} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_OC_Forecast') {'Signal': 'TAS_female_OC_Forecast', 'Length': 59, 'MAPE': 0.1248, 'RMSE': 12.3347, 'MAE': 9.7967, 'SMAPE': 0.1199, 'DiffSMAPE': 0.1199, 'MASE': 0.8545, 'RMSSE': 0.8206, 'ErrorMean': 1.3518, 'ErrorStdDev': 12.2604, 'R2': 0.8343, 'Pearson': 0.9151, 'MedAE': 8.0866, 'LnQ': 1.3686, 'KS': 0.1186, 'KendallTau': 0.7232, 'MannWhitneyU': 1637.0, 'AUC': 0.4703} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_female_PHA_TD_Forecast') {'Signal': 'TAS_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1467, 'RMSE': 15.4729, 'MAE': 11.3913, 'SMAPE': 0.1376, 'DiffSMAPE': 0.1375, 'MASE': 0.9935, 'RMSSE': 1.0294, 'ErrorMean': -0.0, 'ErrorStdDev': 15.4729, 'R2': 0.7392, 'Pearson': 0.8746, 'MedAE': 7.8653, 'LnQ': 2.0343, 'KS': 0.2712, 'KendallTau': 0.6187, 'MannWhitneyU': 1760.0, 'AUC': 0.5056} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_AHP_TD_Forecast') {'Signal': 'TAS_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1424, 'RMSE': 15.6176, 'MAE': 11.3256, 'SMAPE': 0.1355, 'DiffSMAPE': 0.1354, 'MASE': 0.9878, 'RMSSE': 1.0391, 'ErrorMean': -1.1947, 'ErrorStdDev': 15.5718, 'R2': 0.7343, 'Pearson': 0.8746, 'MedAE': 8.7521, 'LnQ': 1.9879, 'KS': 0.2881, 'KendallTau': 0.6187, 'MannWhitneyU': 1813.0, 'AUC': 0.5208} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_BU_Forecast') {'Signal': 'TAS_male_BU_Forecast', 'Length': 59, 'MAPE': 0.1028, 'RMSE': 11.1569, 'MAE': 8.2247, 'SMAPE': 0.0988, 'DiffSMAPE': 0.0987, 'MASE': 0.7173, 'RMSSE': 0.7423, 'ErrorMean': 0.2175, 'ErrorStdDev': 11.1548, 'R2': 0.8644, 'Pearson': 0.9298, 'MedAE': 5.5495, 'LnQ': 1.1683, 'KS': 0.0847, 'KendallTau': 0.7667, 'MannWhitneyU': 1694.5, 'AUC': 0.4868} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_Forecast') {'Signal': 'TAS_male', 'Length': 59, 'MAPE': 0.1028, 'RMSE': 11.1569, 'MAE': 8.2247, 'SMAPE': 0.0988, 'DiffSMAPE': 0.0987, 'MASE': 0.7173, 'RMSSE': 0.7423, 'ErrorMean': 0.2175, 'ErrorStdDev': 11.1548, 'R2': 0.8644, 'Pearson': 0.9298, 'MedAE': 5.5495, 'LnQ': 1.1683, 'KS': 0.0847, 'KendallTau': 0.7667, 'MannWhitneyU': 1694.5, 'AUC': 0.4868} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_MO_Forecast') {'Signal': 'TAS_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1495, 'RMSE': 15.7575, 'MAE': 11.6235, 'SMAPE': 0.1402, 'DiffSMAPE': 0.1401, 'MASE': 1.0138, 'RMSSE': 1.0484, 'ErrorMean': -0.0, 'ErrorStdDev': 15.7575, 'R2': 0.7295, 'Pearson': 0.8691, 'MedAE': 8.0567, 'LnQ': 2.1029, 'KS': 0.2712, 'KendallTau': 0.607, 'MannWhitneyU': 1768.0, 'AUC': 0.5079} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_OC_Forecast') {'Signal': 'TAS_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1531, 'RMSE': 14.7279, 'MAE': 12.0386, 'SMAPE': 0.1537, 'DiffSMAPE': 0.1535, 'MASE': 1.05, 'RMSSE': 0.9799, 'ErrorMean': -1.35, 'ErrorStdDev': 14.6659, 'R2': 0.7637, 'Pearson': 0.879, 'MedAE': 9.9433, 'LnQ': 2.1484, 'KS': 0.1017, 'KendallTau': 0.6692, 'MannWhitneyU': 1730.0, 'AUC': 0.497} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_OC_Forecast') {'Signal': 'TAS_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1406, 'RMSE': 14.1443, 'MAE': 11.3172, 'SMAPE': 0.1443, 'DiffSMAPE': 0.1442, 'MASE': 0.9871, 'RMSSE': 0.941, 'ErrorMean': -2.2106, 'ErrorStdDev': 13.9705, 'R2': 0.7821, 'Pearson': 0.8971, 'MedAE': 9.4354, 'LnQ': 2.0955, 'KS': 0.1695, 'KendallTau': 0.6904, 'MannWhitneyU': 1746.0, 'AUC': 0.5016} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'TAS_male_PHA_TD_Forecast') {'Signal': 'TAS_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1467, 'RMSE': 15.4729, 'MAE': 11.3913, 'SMAPE': 0.1376, 'DiffSMAPE': 0.1375, 'MASE': 0.9935, 'RMSSE': 1.0294, 'ErrorMean': -0.0, 'ErrorStdDev': 15.4729, 'R2': 0.7392, 'Pearson': 0.8746, 'MedAE': 7.8653, 'LnQ': 2.0343, 'KS': 0.2712, 'KendallTau': 0.6187, 'MannWhitneyU': 1760.0, 'AUC': 0.5056} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_AHP_TD_Forecast') {'Signal': 'TAS_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1424, 'RMSE': 15.6176, 'MAE': 11.3256, 'SMAPE': 0.1355, 'DiffSMAPE': 0.1354, 'MASE': 0.9878, 'RMSSE': 1.0391, 'ErrorMean': -1.1947, 'ErrorStdDev': 15.5718, 'R2': 0.7343, 'Pearson': 0.8746, 'MedAE': 8.7521, 'LnQ': 1.9879, 'KS': 0.2881, 'KendallTau': 0.6187, 'MannWhitneyU': 1813.0, 'AUC': 0.5208} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_BU_Forecast') {'Signal': 'TAS_male_BU_Forecast', 'Length': 59, 'MAPE': 0.1028, 'RMSE': 11.1569, 'MAE': 8.2247, 'SMAPE': 0.0988, 'DiffSMAPE': 0.0987, 'MASE': 0.7173, 'RMSSE': 0.7423, 'ErrorMean': 0.2175, 'ErrorStdDev': 11.1548, 'R2': 0.8644, 'Pearson': 0.9298, 'MedAE': 5.5495, 'LnQ': 1.1683, 'KS': 0.0847, 'KendallTau': 0.7667, 'MannWhitneyU': 1694.5, 'AUC': 0.4868} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_Forecast') {'Signal': 'TAS_male', 'Length': 59, 'MAPE': 0.1028, 'RMSE': 11.1569, 'MAE': 8.2247, 'SMAPE': 0.0988, 'DiffSMAPE': 0.0987, 'MASE': 0.7173, 'RMSSE': 0.7423, 'ErrorMean': 0.2175, 'ErrorStdDev': 11.1548, 'R2': 0.8644, 'Pearson': 0.9298, 'MedAE': 5.5495, 'LnQ': 1.1683, 'KS': 0.0847, 'KendallTau': 0.7667, 'MannWhitneyU': 1694.5, 'AUC': 0.4868} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_MO_Forecast') {'Signal': 'TAS_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1495, 'RMSE': 15.7575, 'MAE': 11.6235, 'SMAPE': 0.1402, 'DiffSMAPE': 0.1401, 'MASE': 1.0138, 'RMSSE': 1.0484, 'ErrorMean': -0.0, 'ErrorStdDev': 15.7575, 'R2': 0.7295, 'Pearson': 0.8691, 'MedAE': 8.0567, 'LnQ': 2.1029, 'KS': 0.2712, 'KendallTau': 0.607, 'MannWhitneyU': 1768.0, 'AUC': 0.5079} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_OC_Forecast') {'Signal': 'TAS_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1531, 'RMSE': 14.7279, 'MAE': 12.0386, 'SMAPE': 0.1537, 'DiffSMAPE': 0.1535, 'MASE': 1.05, 'RMSSE': 0.9799, 'ErrorMean': -1.35, 'ErrorStdDev': 14.6659, 'R2': 0.7637, 'Pearson': 0.879, 'MedAE': 9.9433, 'LnQ': 2.1484, 'KS': 0.1017, 'KendallTau': 0.6692, 'MannWhitneyU': 1730.0, 'AUC': 0.497} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_OC_Forecast') {'Signal': 'TAS_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1406, 'RMSE': 14.1443, 'MAE': 11.3172, 'SMAPE': 0.1443, 'DiffSMAPE': 0.1442, 'MASE': 0.9871, 'RMSSE': 0.941, 'ErrorMean': -2.2106, 'ErrorStdDev': 13.9705, 'R2': 0.7821, 'Pearson': 0.8971, 'MedAE': 9.4354, 'LnQ': 2.0955, 'KS': 0.1695, 'KendallTau': 0.6904, 'MannWhitneyU': 1746.0, 'AUC': 0.5016} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'TAS_male_PHA_TD_Forecast') {'Signal': 'TAS_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1467, 'RMSE': 15.4729, 'MAE': 11.3913, 'SMAPE': 0.1376, 'DiffSMAPE': 0.1375, 'MASE': 0.9935, 'RMSSE': 1.0294, 'ErrorMean': -0.0, 'ErrorStdDev': 15.4729, 'R2': 0.7392, 'Pearson': 0.8746, 'MedAE': 7.8653, 'LnQ': 2.0343, 'KS': 0.2712, 'KendallTau': 0.6187, 'MannWhitneyU': 1760.0, 'AUC': 0.5056} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_AHP_TD_Forecast') {'Signal': 'TAS_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1424, 'RMSE': 15.6176, 'MAE': 11.3256, 'SMAPE': 0.1355, 'DiffSMAPE': 0.1354, 'MASE': 0.9878, 'RMSSE': 1.0391, 'ErrorMean': -1.1947, 'ErrorStdDev': 15.5718, 'R2': 0.7343, 'Pearson': 0.8746, 'MedAE': 8.7521, 'LnQ': 1.9879, 'KS': 0.2881, 'KendallTau': 0.6187, 'MannWhitneyU': 1813.0, 'AUC': 0.5208} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_BU_Forecast') {'Signal': 'TAS_male_BU_Forecast', 'Length': 59, 'MAPE': 0.1028, 'RMSE': 11.1569, 'MAE': 8.2247, 'SMAPE': 0.0988, 'DiffSMAPE': 0.0987, 'MASE': 0.7173, 'RMSSE': 0.7423, 'ErrorMean': 0.2175, 'ErrorStdDev': 11.1548, 'R2': 0.8644, 'Pearson': 0.9298, 'MedAE': 5.5495, 'LnQ': 1.1683, 'KS': 0.0847, 'KendallTau': 0.7667, 'MannWhitneyU': 1694.5, 'AUC': 0.4868} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_Forecast') {'Signal': 'TAS_male', 'Length': 59, 'MAPE': 0.1028, 'RMSE': 11.1569, 'MAE': 8.2247, 'SMAPE': 0.0988, 'DiffSMAPE': 0.0987, 'MASE': 0.7173, 'RMSSE': 0.7423, 'ErrorMean': 0.2175, 'ErrorStdDev': 11.1548, 'R2': 0.8644, 'Pearson': 0.9298, 'MedAE': 5.5495, 'LnQ': 1.1683, 'KS': 0.0847, 'KendallTau': 0.7667, 'MannWhitneyU': 1694.5, 'AUC': 0.4868} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_MO_Forecast') {'Signal': 'TAS_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1495, 'RMSE': 15.7575, 'MAE': 11.6235, 'SMAPE': 0.1402, 'DiffSMAPE': 0.1401, 'MASE': 1.0138, 'RMSSE': 1.0484, 'ErrorMean': -0.0, 'ErrorStdDev': 15.7575, 'R2': 0.7295, 'Pearson': 0.8691, 'MedAE': 8.0567, 'LnQ': 2.1029, 'KS': 0.2712, 'KendallTau': 0.607, 'MannWhitneyU': 1768.0, 'AUC': 0.5079} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_OC_Forecast') {'Signal': 'TAS_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1531, 'RMSE': 14.7279, 'MAE': 12.0386, 'SMAPE': 0.1537, 'DiffSMAPE': 0.1535, 'MASE': 1.05, 'RMSSE': 0.9799, 'ErrorMean': -1.35, 'ErrorStdDev': 14.6659, 'R2': 0.7637, 'Pearson': 0.879, 'MedAE': 9.9433, 'LnQ': 2.1484, 'KS': 0.1017, 'KendallTau': 0.6692, 'MannWhitneyU': 1730.0, 'AUC': 0.497} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_OC_Forecast') {'Signal': 'TAS_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1406, 'RMSE': 14.1443, 'MAE': 11.3172, 'SMAPE': 0.1443, 'DiffSMAPE': 0.1442, 'MASE': 0.9871, 'RMSSE': 0.941, 'ErrorMean': -2.2106, 'ErrorStdDev': 13.9705, 'R2': 0.7821, 'Pearson': 0.8971, 'MedAE': 9.4354, 'LnQ': 2.0955, 'KS': 0.1695, 'KendallTau': 0.6904, 'MannWhitneyU': 1746.0, 'AUC': 0.5016} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'TAS_male_PHA_TD_Forecast') {'Signal': 'TAS_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1467, 'RMSE': 15.4729, 'MAE': 11.3913, 'SMAPE': 0.1376, 'DiffSMAPE': 0.1375, 'MASE': 0.9935, 'RMSSE': 1.0294, 'ErrorMean': -0.0, 'ErrorStdDev': 15.4729, 'R2': 0.7392, 'Pearson': 0.8746, 'MedAE': 7.8653, 'LnQ': 2.0343, 'KS': 0.2712, 'KendallTau': 0.6187, 'MannWhitneyU': 1760.0, 'AUC': 0.5056} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_female_AHP_TD_Forecast') {'Signal': 'VIC_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0978, 'RMSE': 48.7201, 'MAE': 39.9459, 'SMAPE': 0.0962, 'DiffSMAPE': 0.0962, 'MASE': 1.0929, 'RMSSE': 1.0808, 'ErrorMean': -1.792, 'ErrorStdDev': 48.6872, 'R2': 0.8414, 'Pearson': 0.9179, 'MedAE': 34.1337, 'LnQ': 0.7699, 'KS': 0.1525, 'KendallTau': 0.5611, 'MannWhitneyU': 1733.0, 'AUC': 0.4978} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_female_BU_Forecast') {'Signal': 'VIC_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0913, 'RMSE': 47.1937, 'MAE': 37.7715, 'SMAPE': 0.09, 'DiffSMAPE': 0.09, 'MASE': 1.0334, 'RMSSE': 1.0469, 'ErrorMean': -0.0, 'ErrorStdDev': 47.1937, 'R2': 0.8512, 'Pearson': 0.9226, 'MedAE': 32.2038, 'LnQ': 0.7054, 'KS': 0.1525, 'KendallTau': 0.553, 'MannWhitneyU': 1692.0, 'AUC': 0.4861} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_female_Forecast') {'Signal': 'VIC_female', 'Length': 59, 'MAPE': 0.0913, 'RMSE': 47.1937, 'MAE': 37.7715, 'SMAPE': 0.09, 'DiffSMAPE': 0.09, 'MASE': 1.0334, 'RMSSE': 1.0469, 'ErrorMean': -0.0, 'ErrorStdDev': 47.1937, 'R2': 0.8512, 'Pearson': 0.9226, 'MedAE': 32.2038, 'LnQ': 0.7054, 'KS': 0.1525, 'KendallTau': 0.553, 'MannWhitneyU': 1692.0, 'AUC': 0.4861} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_female_MO_Forecast') {'Signal': 'VIC_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0981, 'RMSE': 48.9798, 'MAE': 39.946, 'SMAPE': 0.0963, 'DiffSMAPE': 0.0963, 'MASE': 1.0929, 'RMSSE': 1.0865, 'ErrorMean': -0.0, 'ErrorStdDev': 48.9798, 'R2': 0.8397, 'Pearson': 0.9165, 'MedAE': 34.4043, 'LnQ': 0.7777, 'KS': 0.1017, 'KendallTau': 0.5635, 'MannWhitneyU': 1696.0, 'AUC': 0.4872} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_female_OC_Forecast') {'Signal': 'VIC_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0953, 'RMSE': 48.3052, 'MAE': 38.925, 'SMAPE': 0.0937, 'DiffSMAPE': 0.0937, 'MASE': 1.0649, 'RMSSE': 1.0716, 'ErrorMean': 0.8825, 'ErrorStdDev': 48.2972, 'R2': 0.8441, 'Pearson': 0.9188, 'MedAE': 34.5408, 'LnQ': 0.7503, 'KS': 0.1017, 'KendallTau': 0.553, 'MannWhitneyU': 1670.0, 'AUC': 0.4797} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_female_OC_Forecast') {'Signal': 'VIC_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0954, 'RMSE': 48.3252, 'MAE': 38.9368, 'SMAPE': 0.0937, 'DiffSMAPE': 0.0937, 'MASE': 1.0653, 'RMSSE': 1.072, 'ErrorMean': 1.1343, 'ErrorStdDev': 48.3119, 'R2': 0.844, 'Pearson': 0.9188, 'MedAE': 34.6818, 'LnQ': 0.7506, 'KS': 0.1017, 'KendallTau': 0.5553, 'MannWhitneyU': 1667.0, 'AUC': 0.4789} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_female_PHA_TD_Forecast') {'Signal': 'VIC_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0981, 'RMSE': 48.6557, 'MAE': 39.8418, 'SMAPE': 0.0961, 'DiffSMAPE': 0.0961, 'MASE': 1.09, 'RMSSE': 1.0793, 'ErrorMean': -0.0, 'ErrorStdDev': 48.6557, 'R2': 0.8419, 'Pearson': 0.9179, 'MedAE': 35.4487, 'LnQ': 0.7744, 'KS': 0.1525, 'KendallTau': 0.5611, 'MannWhitneyU': 1712.0, 'AUC': 0.4918} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_female_AHP_TD_Forecast') {'Signal': 'VIC_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0978, 'RMSE': 48.7201, 'MAE': 39.9459, 'SMAPE': 0.0962, 'DiffSMAPE': 0.0962, 'MASE': 1.0929, 'RMSSE': 1.0808, 'ErrorMean': -1.792, 'ErrorStdDev': 48.6872, 'R2': 0.8414, 'Pearson': 0.9179, 'MedAE': 34.1337, 'LnQ': 0.7699, 'KS': 0.1525, 'KendallTau': 0.5611, 'MannWhitneyU': 1733.0, 'AUC': 0.4978} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_female_BU_Forecast') {'Signal': 'VIC_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0913, 'RMSE': 47.1937, 'MAE': 37.7715, 'SMAPE': 0.09, 'DiffSMAPE': 0.09, 'MASE': 1.0334, 'RMSSE': 1.0469, 'ErrorMean': -0.0, 'ErrorStdDev': 47.1937, 'R2': 0.8512, 'Pearson': 0.9226, 'MedAE': 32.2038, 'LnQ': 0.7054, 'KS': 0.1525, 'KendallTau': 0.553, 'MannWhitneyU': 1692.0, 'AUC': 0.4861} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_female_Forecast') {'Signal': 'VIC_female', 'Length': 59, 'MAPE': 0.0913, 'RMSE': 47.1937, 'MAE': 37.7715, 'SMAPE': 0.09, 'DiffSMAPE': 0.09, 'MASE': 1.0334, 'RMSSE': 1.0469, 'ErrorMean': -0.0, 'ErrorStdDev': 47.1937, 'R2': 0.8512, 'Pearson': 0.9226, 'MedAE': 32.2038, 'LnQ': 0.7054, 'KS': 0.1525, 'KendallTau': 0.553, 'MannWhitneyU': 1692.0, 'AUC': 0.4861} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_female_MO_Forecast') {'Signal': 'VIC_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0981, 'RMSE': 48.9798, 'MAE': 39.946, 'SMAPE': 0.0963, 'DiffSMAPE': 0.0963, 'MASE': 1.0929, 'RMSSE': 1.0865, 'ErrorMean': -0.0, 'ErrorStdDev': 48.9798, 'R2': 0.8397, 'Pearson': 0.9165, 'MedAE': 34.4043, 'LnQ': 0.7777, 'KS': 0.1017, 'KendallTau': 0.5635, 'MannWhitneyU': 1696.0, 'AUC': 0.4872} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_female_OC_Forecast') {'Signal': 'VIC_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0953, 'RMSE': 48.3052, 'MAE': 38.925, 'SMAPE': 0.0937, 'DiffSMAPE': 0.0937, 'MASE': 1.0649, 'RMSSE': 1.0716, 'ErrorMean': 0.8825, 'ErrorStdDev': 48.2972, 'R2': 0.8441, 'Pearson': 0.9188, 'MedAE': 34.5408, 'LnQ': 0.7503, 'KS': 0.1017, 'KendallTau': 0.553, 'MannWhitneyU': 1670.0, 'AUC': 0.4797} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_female_OC_Forecast') {'Signal': 'VIC_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0954, 'RMSE': 48.3252, 'MAE': 38.9368, 'SMAPE': 0.0937, 'DiffSMAPE': 0.0937, 'MASE': 1.0653, 'RMSSE': 1.072, 'ErrorMean': 1.1343, 'ErrorStdDev': 48.3119, 'R2': 0.844, 'Pearson': 0.9188, 'MedAE': 34.6818, 'LnQ': 0.7506, 'KS': 0.1017, 'KendallTau': 0.5553, 'MannWhitneyU': 1667.0, 'AUC': 0.4789} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_female_PHA_TD_Forecast') {'Signal': 'VIC_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0981, 'RMSE': 48.6557, 'MAE': 39.8418, 'SMAPE': 0.0961, 'DiffSMAPE': 0.0961, 'MASE': 1.09, 'RMSSE': 1.0793, 'ErrorMean': -0.0, 'ErrorStdDev': 48.6557, 'R2': 0.8419, 'Pearson': 0.9179, 'MedAE': 35.4487, 'LnQ': 0.7744, 'KS': 0.1525, 'KendallTau': 0.5611, 'MannWhitneyU': 1712.0, 'AUC': 0.4918} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_female_AHP_TD_Forecast') {'Signal': 'VIC_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0978, 'RMSE': 48.7201, 'MAE': 39.9459, 'SMAPE': 0.0962, 'DiffSMAPE': 0.0962, 'MASE': 1.0929, 'RMSSE': 1.0808, 'ErrorMean': -1.792, 'ErrorStdDev': 48.6872, 'R2': 0.8414, 'Pearson': 0.9179, 'MedAE': 34.1337, 'LnQ': 0.7699, 'KS': 0.1525, 'KendallTau': 0.5611, 'MannWhitneyU': 1733.0, 'AUC': 0.4978} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_female_BU_Forecast') {'Signal': 'VIC_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0913, 'RMSE': 47.1937, 'MAE': 37.7715, 'SMAPE': 0.09, 'DiffSMAPE': 0.09, 'MASE': 1.0334, 'RMSSE': 1.0469, 'ErrorMean': -0.0, 'ErrorStdDev': 47.1937, 'R2': 0.8512, 'Pearson': 0.9226, 'MedAE': 32.2038, 'LnQ': 0.7054, 'KS': 0.1525, 'KendallTau': 0.553, 'MannWhitneyU': 1692.0, 'AUC': 0.4861} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_female_Forecast') {'Signal': 'VIC_female', 'Length': 59, 'MAPE': 0.0913, 'RMSE': 47.1937, 'MAE': 37.7715, 'SMAPE': 0.09, 'DiffSMAPE': 0.09, 'MASE': 1.0334, 'RMSSE': 1.0469, 'ErrorMean': -0.0, 'ErrorStdDev': 47.1937, 'R2': 0.8512, 'Pearson': 0.9226, 'MedAE': 32.2038, 'LnQ': 0.7054, 'KS': 0.1525, 'KendallTau': 0.553, 'MannWhitneyU': 1692.0, 'AUC': 0.4861} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_female_MO_Forecast') {'Signal': 'VIC_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0981, 'RMSE': 48.9798, 'MAE': 39.946, 'SMAPE': 0.0963, 'DiffSMAPE': 0.0963, 'MASE': 1.0929, 'RMSSE': 1.0865, 'ErrorMean': -0.0, 'ErrorStdDev': 48.9798, 'R2': 0.8397, 'Pearson': 0.9165, 'MedAE': 34.4043, 'LnQ': 0.7777, 'KS': 0.1017, 'KendallTau': 0.5635, 'MannWhitneyU': 1696.0, 'AUC': 0.4872} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_female_OC_Forecast') {'Signal': 'VIC_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0953, 'RMSE': 48.3052, 'MAE': 38.925, 'SMAPE': 0.0937, 'DiffSMAPE': 0.0937, 'MASE': 1.0649, 'RMSSE': 1.0716, 'ErrorMean': 0.8825, 'ErrorStdDev': 48.2972, 'R2': 0.8441, 'Pearson': 0.9188, 'MedAE': 34.5408, 'LnQ': 0.7503, 'KS': 0.1017, 'KendallTau': 0.553, 'MannWhitneyU': 1670.0, 'AUC': 0.4797} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_female_OC_Forecast') {'Signal': 'VIC_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0954, 'RMSE': 48.3252, 'MAE': 38.9368, 'SMAPE': 0.0937, 'DiffSMAPE': 0.0937, 'MASE': 1.0653, 'RMSSE': 1.072, 'ErrorMean': 1.1343, 'ErrorStdDev': 48.3119, 'R2': 0.844, 'Pearson': 0.9188, 'MedAE': 34.6818, 'LnQ': 0.7506, 'KS': 0.1017, 'KendallTau': 0.5553, 'MannWhitneyU': 1667.0, 'AUC': 0.4789} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_female_PHA_TD_Forecast') {'Signal': 'VIC_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0981, 'RMSE': 48.6557, 'MAE': 39.8418, 'SMAPE': 0.0961, 'DiffSMAPE': 0.0961, 'MASE': 1.09, 'RMSSE': 1.0793, 'ErrorMean': -0.0, 'ErrorStdDev': 48.6557, 'R2': 0.8419, 'Pearson': 0.9179, 'MedAE': 35.4487, 'LnQ': 0.7744, 'KS': 0.1525, 'KendallTau': 0.5611, 'MannWhitneyU': 1712.0, 'AUC': 0.4918} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_AHP_TD_Forecast') {'Signal': 'VIC_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0872, 'RMSE': 58.7971, 'MAE': 46.7829, 'SMAPE': 0.0856, 'DiffSMAPE': 0.0856, 'MASE': 1.0546, 'RMSSE': 1.0859, 'ErrorMean': -1.3897, 'ErrorStdDev': 58.7806, 'R2': 0.8618, 'Pearson': 0.9287, 'MedAE': 40.9798, 'LnQ': 0.6717, 'KS': 0.1695, 'KendallTau': 0.617, 'MannWhitneyU': 1728.0, 'AUC': 0.4964} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_BU_Forecast') {'Signal': 'VIC_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 56.7842, 'MAE': 44.71, 'SMAPE': 0.082, 'DiffSMAPE': 0.082, 'MASE': 1.0078, 'RMSSE': 1.0487, 'ErrorMean': -0.0, 'ErrorStdDev': 56.7842, 'R2': 0.8711, 'Pearson': 0.9333, 'MedAE': 37.8205, 'LnQ': 0.6243, 'KS': 0.2034, 'KendallTau': 0.6064, 'MannWhitneyU': 1696.0, 'AUC': 0.4872} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_Forecast') {'Signal': 'VIC_male', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 56.7842, 'MAE': 44.71, 'SMAPE': 0.082, 'DiffSMAPE': 0.082, 'MASE': 1.0078, 'RMSSE': 1.0487, 'ErrorMean': -0.0, 'ErrorStdDev': 56.7842, 'R2': 0.8711, 'Pearson': 0.9333, 'MedAE': 37.8205, 'LnQ': 0.6243, 'KS': 0.2034, 'KendallTau': 0.6064, 'MannWhitneyU': 1696.0, 'AUC': 0.4872} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_MO_Forecast') {'Signal': 'VIC_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0872, 'RMSE': 58.8804, 'MAE': 46.4844, 'SMAPE': 0.0853, 'DiffSMAPE': 0.0853, 'MASE': 1.0478, 'RMSSE': 1.0874, 'ErrorMean': -0.0, 'ErrorStdDev': 58.8804, 'R2': 0.8614, 'Pearson': 0.9285, 'MedAE': 42.6936, 'LnQ': 0.6825, 'KS': 0.1695, 'KendallTau': 0.6099, 'MannWhitneyU': 1722.0, 'AUC': 0.4947} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_OC_Forecast') {'Signal': 'VIC_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0893, 'RMSE': 60.1175, 'MAE': 47.9954, 'SMAPE': 0.0884, 'DiffSMAPE': 0.0884, 'MASE': 1.0819, 'RMSSE': 1.1103, 'ErrorMean': -1.5675, 'ErrorStdDev': 60.097, 'R2': 0.8555, 'Pearson': 0.925, 'MedAE': 44.688, 'LnQ': 0.7008, 'KS': 0.1695, 'KendallTau': 0.5994, 'MannWhitneyU': 1702.0, 'AUC': 0.4889} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_OC_Forecast') {'Signal': 'VIC_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0906, 'RMSE': 60.7421, 'MAE': 49.0256, 'SMAPE': 0.0897, 'DiffSMAPE': 0.0897, 'MASE': 1.1051, 'RMSSE': 1.1218, 'ErrorMean': -2.4281, 'ErrorStdDev': 60.6936, 'R2': 0.8525, 'Pearson': 0.9236, 'MedAE': 47.0678, 'LnQ': 0.7092, 'KS': 0.1864, 'KendallTau': 0.5971, 'MannWhitneyU': 1694.0, 'AUC': 0.4866} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_male_PHA_TD_Forecast') {'Signal': 'VIC_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0872, 'RMSE': 58.7601, 'MAE': 46.6166, 'SMAPE': 0.0854, 'DiffSMAPE': 0.0854, 'MASE': 1.0508, 'RMSSE': 1.0852, 'ErrorMean': -0.0, 'ErrorStdDev': 58.7601, 'R2': 0.862, 'Pearson': 0.9287, 'MedAE': 40.5871, 'LnQ': 0.6738, 'KS': 0.1695, 'KendallTau': 0.617, 'MannWhitneyU': 1712.0, 'AUC': 0.4918} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_AHP_TD_Forecast') {'Signal': 'VIC_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0872, 'RMSE': 58.7971, 'MAE': 46.7829, 'SMAPE': 0.0856, 'DiffSMAPE': 0.0856, 'MASE': 1.0546, 'RMSSE': 1.0859, 'ErrorMean': -1.3897, 'ErrorStdDev': 58.7806, 'R2': 0.8618, 'Pearson': 0.9287, 'MedAE': 40.9798, 'LnQ': 0.6717, 'KS': 0.1695, 'KendallTau': 0.617, 'MannWhitneyU': 1728.0, 'AUC': 0.4964} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_BU_Forecast') {'Signal': 'VIC_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 56.7842, 'MAE': 44.71, 'SMAPE': 0.082, 'DiffSMAPE': 0.082, 'MASE': 1.0078, 'RMSSE': 1.0487, 'ErrorMean': -0.0, 'ErrorStdDev': 56.7842, 'R2': 0.8711, 'Pearson': 0.9333, 'MedAE': 37.8205, 'LnQ': 0.6243, 'KS': 0.2034, 'KendallTau': 0.6064, 'MannWhitneyU': 1696.0, 'AUC': 0.4872} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_Forecast') {'Signal': 'VIC_male', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 56.7842, 'MAE': 44.71, 'SMAPE': 0.082, 'DiffSMAPE': 0.082, 'MASE': 1.0078, 'RMSSE': 1.0487, 'ErrorMean': -0.0, 'ErrorStdDev': 56.7842, 'R2': 0.8711, 'Pearson': 0.9333, 'MedAE': 37.8205, 'LnQ': 0.6243, 'KS': 0.2034, 'KendallTau': 0.6064, 'MannWhitneyU': 1696.0, 'AUC': 0.4872} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_MO_Forecast') {'Signal': 'VIC_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0872, 'RMSE': 58.8804, 'MAE': 46.4844, 'SMAPE': 0.0853, 'DiffSMAPE': 0.0853, 'MASE': 1.0478, 'RMSSE': 1.0874, 'ErrorMean': -0.0, 'ErrorStdDev': 58.8804, 'R2': 0.8614, 'Pearson': 0.9285, 'MedAE': 42.6936, 'LnQ': 0.6825, 'KS': 0.1695, 'KendallTau': 0.6099, 'MannWhitneyU': 1722.0, 'AUC': 0.4947} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_OC_Forecast') {'Signal': 'VIC_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0893, 'RMSE': 60.1175, 'MAE': 47.9954, 'SMAPE': 0.0884, 'DiffSMAPE': 0.0884, 'MASE': 1.0819, 'RMSSE': 1.1103, 'ErrorMean': -1.5675, 'ErrorStdDev': 60.097, 'R2': 0.8555, 'Pearson': 0.925, 'MedAE': 44.688, 'LnQ': 0.7008, 'KS': 0.1695, 'KendallTau': 0.5994, 'MannWhitneyU': 1702.0, 'AUC': 0.4889} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_OC_Forecast') {'Signal': 'VIC_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0906, 'RMSE': 60.7421, 'MAE': 49.0256, 'SMAPE': 0.0897, 'DiffSMAPE': 0.0897, 'MASE': 1.1051, 'RMSSE': 1.1218, 'ErrorMean': -2.4281, 'ErrorStdDev': 60.6936, 'R2': 0.8525, 'Pearson': 0.9236, 'MedAE': 47.0678, 'LnQ': 0.7092, 'KS': 0.1864, 'KendallTau': 0.5971, 'MannWhitneyU': 1694.0, 'AUC': 0.4866} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_male_PHA_TD_Forecast') {'Signal': 'VIC_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0872, 'RMSE': 58.7601, 'MAE': 46.6166, 'SMAPE': 0.0854, 'DiffSMAPE': 0.0854, 'MASE': 1.0508, 'RMSSE': 1.0852, 'ErrorMean': -0.0, 'ErrorStdDev': 58.7601, 'R2': 0.862, 'Pearson': 0.9287, 'MedAE': 40.5871, 'LnQ': 0.6738, 'KS': 0.1695, 'KendallTau': 0.617, 'MannWhitneyU': 1712.0, 'AUC': 0.4918} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_AHP_TD_Forecast') {'Signal': 'VIC_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0872, 'RMSE': 58.7971, 'MAE': 46.7829, 'SMAPE': 0.0856, 'DiffSMAPE': 0.0856, 'MASE': 1.0546, 'RMSSE': 1.0859, 'ErrorMean': -1.3897, 'ErrorStdDev': 58.7806, 'R2': 0.8618, 'Pearson': 0.9287, 'MedAE': 40.9798, 'LnQ': 0.6717, 'KS': 0.1695, 'KendallTau': 0.617, 'MannWhitneyU': 1728.0, 'AUC': 0.4964} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_BU_Forecast') {'Signal': 'VIC_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 56.7842, 'MAE': 44.71, 'SMAPE': 0.082, 'DiffSMAPE': 0.082, 'MASE': 1.0078, 'RMSSE': 1.0487, 'ErrorMean': -0.0, 'ErrorStdDev': 56.7842, 'R2': 0.8711, 'Pearson': 0.9333, 'MedAE': 37.8205, 'LnQ': 0.6243, 'KS': 0.2034, 'KendallTau': 0.6064, 'MannWhitneyU': 1696.0, 'AUC': 0.4872} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_Forecast') {'Signal': 'VIC_male', 'Length': 59, 'MAPE': 0.0834, 'RMSE': 56.7842, 'MAE': 44.71, 'SMAPE': 0.082, 'DiffSMAPE': 0.082, 'MASE': 1.0078, 'RMSSE': 1.0487, 'ErrorMean': -0.0, 'ErrorStdDev': 56.7842, 'R2': 0.8711, 'Pearson': 0.9333, 'MedAE': 37.8205, 'LnQ': 0.6243, 'KS': 0.2034, 'KendallTau': 0.6064, 'MannWhitneyU': 1696.0, 'AUC': 0.4872} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_MO_Forecast') {'Signal': 'VIC_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0872, 'RMSE': 58.8804, 'MAE': 46.4844, 'SMAPE': 0.0853, 'DiffSMAPE': 0.0853, 'MASE': 1.0478, 'RMSSE': 1.0874, 'ErrorMean': -0.0, 'ErrorStdDev': 58.8804, 'R2': 0.8614, 'Pearson': 0.9285, 'MedAE': 42.6936, 'LnQ': 0.6825, 'KS': 0.1695, 'KendallTau': 0.6099, 'MannWhitneyU': 1722.0, 'AUC': 0.4947} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_OC_Forecast') {'Signal': 'VIC_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0893, 'RMSE': 60.1175, 'MAE': 47.9954, 'SMAPE': 0.0884, 'DiffSMAPE': 0.0884, 'MASE': 1.0819, 'RMSSE': 1.1103, 'ErrorMean': -1.5675, 'ErrorStdDev': 60.097, 'R2': 0.8555, 'Pearson': 0.925, 'MedAE': 44.688, 'LnQ': 0.7008, 'KS': 0.1695, 'KendallTau': 0.5994, 'MannWhitneyU': 1702.0, 'AUC': 0.4889} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_OC_Forecast') {'Signal': 'VIC_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0906, 'RMSE': 60.7421, 'MAE': 49.0256, 'SMAPE': 0.0897, 'DiffSMAPE': 0.0897, 'MASE': 1.1051, 'RMSSE': 1.1218, 'ErrorMean': -2.4281, 'ErrorStdDev': 60.6936, 'R2': 0.8525, 'Pearson': 0.9236, 'MedAE': 47.0678, 'LnQ': 0.7092, 'KS': 0.1864, 'KendallTau': 0.5971, 'MannWhitneyU': 1694.0, 'AUC': 0.4866} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_male_PHA_TD_Forecast') {'Signal': 'VIC_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0872, 'RMSE': 58.7601, 'MAE': 46.6166, 'SMAPE': 0.0854, 'DiffSMAPE': 0.0854, 'MASE': 1.0508, 'RMSSE': 1.0852, 'ErrorMean': -0.0, 'ErrorStdDev': 58.7601, 'R2': 0.862, 'Pearson': 0.9287, 'MedAE': 40.5871, 'LnQ': 0.6738, 'KS': 0.1695, 'KendallTau': 0.617, 'MannWhitneyU': 1712.0, 'AUC': 0.4918} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_female_AHP_TD_Forecast') {'Signal': 'WA_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1373, 'RMSE': 25.0949, 'MAE': 18.3964, 'SMAPE': 0.1355, 'DiffSMAPE': 0.1354, 'MASE': 1.0471, 'RMSSE': 1.1494, 'ErrorMean': 3.2883, 'ErrorStdDev': 24.8785, 'R2': 0.4592, 'Pearson': 0.751, 'MedAE': 12.2174, 'LnQ': 1.8804, 'KS': 0.2203, 'KendallTau': 0.4859, 'MannWhitneyU': 1506.0, 'AUC': 0.4326} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_female_BU_Forecast') {'Signal': 'WA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0813, 'RMSE': 13.0489, 'MAE': 10.3941, 'SMAPE': 0.0784, 'DiffSMAPE': 0.0784, 'MASE': 0.5916, 'RMSSE': 0.5977, 'ErrorMean': 2.4534, 'ErrorStdDev': 12.8162, 'R2': 0.8538, 'Pearson': 0.9331, 'MedAE': 8.3497, 'LnQ': 0.5854, 'KS': 0.1525, 'KendallTau': 0.7292, 'MannWhitneyU': 1624.0, 'AUC': 0.4665} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_female_Forecast') {'Signal': 'WA_female', 'Length': 59, 'MAPE': 0.0813, 'RMSE': 13.0489, 'MAE': 10.3941, 'SMAPE': 0.0784, 'DiffSMAPE': 0.0784, 'MASE': 0.5916, 'RMSSE': 0.5977, 'ErrorMean': 2.4534, 'ErrorStdDev': 12.8162, 'R2': 0.8538, 'Pearson': 0.9331, 'MedAE': 8.3497, 'LnQ': 0.5854, 'KS': 0.1525, 'KendallTau': 0.7292, 'MannWhitneyU': 1624.0, 'AUC': 0.4665} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_female_BU_Forecast') {'Signal': 'WA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0753, 'RMSE': 12.429, 'MAE': 10.0042, 'SMAPE': 0.0741, 'DiffSMAPE': 0.0741, 'MASE': 0.5694, 'RMSSE': 0.5693, 'ErrorMean': -0.0154, 'ErrorStdDev': 12.429, 'R2': 0.8673, 'Pearson': 0.9373, 'MedAE': 8.887, 'LnQ': 0.4923, 'KS': 0.1356, 'KendallTau': 0.7501, 'MannWhitneyU': 1728.0, 'AUC': 0.4964} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_female_Forecast') {'Signal': 'WA_female', 'Length': 59, 'MAPE': 0.0753, 'RMSE': 12.429, 'MAE': 10.0042, 'SMAPE': 0.0741, 'DiffSMAPE': 0.0741, 'MASE': 0.5694, 'RMSSE': 0.5693, 'ErrorMean': -0.0154, 'ErrorStdDev': 12.429, 'R2': 0.8673, 'Pearson': 0.9373, 'MedAE': 8.887, 'LnQ': 0.4923, 'KS': 0.1356, 'KendallTau': 0.7501, 'MannWhitneyU': 1728.0, 'AUC': 0.4964} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_female_MO_Forecast') {'Signal': 'WA_female_MO_Forecast', 'Length': 59, 'MAPE': 0.132, 'RMSE': 25.0183, 'MAE': 17.7914, 'SMAPE': 0.1333, 'DiffSMAPE': 0.1333, 'MASE': 1.0127, 'RMSSE': 1.1459, 'ErrorMean': -0.0, 'ErrorStdDev': 25.0183, 'R2': 0.4625, 'Pearson': 0.7444, 'MedAE': 12.6055, 'LnQ': 1.9254, 'KS': 0.1864, 'KendallTau': 0.4777, 'MannWhitneyU': 1620.0, 'AUC': 0.4654} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_female_OC_Forecast') {'Signal': 'WA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0881, 'RMSE': 14.197, 'MAE': 11.1823, 'SMAPE': 0.0846, 'DiffSMAPE': 0.0845, 'MASE': 0.6365, 'RMSSE': 0.6502, 'ErrorMean': 3.3359, 'ErrorStdDev': 13.7995, 'R2': 0.8269, 'Pearson': 0.9192, 'MedAE': 9.201, 'LnQ': 0.6765, 'KS': 0.1864, 'KendallTau': 0.697, 'MannWhitneyU': 1586.0, 'AUC': 0.4556} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_female_OC_Forecast') {'Signal': 'WA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0821, 'RMSE': 13.5797, 'MAE': 10.7273, 'SMAPE': 0.0803, 'DiffSMAPE': 0.0803, 'MASE': 0.6106, 'RMSSE': 0.622, 'ErrorMean': 1.1189, 'ErrorStdDev': 13.5335, 'R2': 0.8416, 'Pearson': 0.9223, 'MedAE': 8.7018, 'LnQ': 0.5829, 'KS': 0.1017, 'KendallTau': 0.7134, 'MannWhitneyU': 1673.0, 'AUC': 0.4806} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_female_PHA_TD_Forecast') {'Signal': 'WA_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1302, 'RMSE': 24.533, 'MAE': 17.4963, 'SMAPE': 0.1315, 'DiffSMAPE': 0.1315, 'MASE': 0.9959, 'RMSSE': 1.1236, 'ErrorMean': -0.0, 'ErrorStdDev': 24.533, 'R2': 0.4832, 'Pearson': 0.751, 'MedAE': 12.904, 'LnQ': 1.8668, 'KS': 0.1864, 'KendallTau': 0.4859, 'MannWhitneyU': 1622.0, 'AUC': 0.466} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_female_AHP_TD_Forecast') {'Signal': 'WA_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1373, 'RMSE': 25.0949, 'MAE': 18.3964, 'SMAPE': 0.1355, 'DiffSMAPE': 0.1354, 'MASE': 1.0471, 'RMSSE': 1.1494, 'ErrorMean': 3.2883, 'ErrorStdDev': 24.8785, 'R2': 0.4592, 'Pearson': 0.751, 'MedAE': 12.2174, 'LnQ': 1.8804, 'KS': 0.2203, 'KendallTau': 0.4859, 'MannWhitneyU': 1506.0, 'AUC': 0.4326} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_female_BU_Forecast') {'Signal': 'WA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0813, 'RMSE': 13.0489, 'MAE': 10.3941, 'SMAPE': 0.0784, 'DiffSMAPE': 0.0784, 'MASE': 0.5916, 'RMSSE': 0.5977, 'ErrorMean': 2.4534, 'ErrorStdDev': 12.8162, 'R2': 0.8538, 'Pearson': 0.9331, 'MedAE': 8.3497, 'LnQ': 0.5854, 'KS': 0.1525, 'KendallTau': 0.7292, 'MannWhitneyU': 1624.0, 'AUC': 0.4665} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_female_Forecast') {'Signal': 'WA_female', 'Length': 59, 'MAPE': 0.0813, 'RMSE': 13.0489, 'MAE': 10.3941, 'SMAPE': 0.0784, 'DiffSMAPE': 0.0784, 'MASE': 0.5916, 'RMSSE': 0.5977, 'ErrorMean': 2.4534, 'ErrorStdDev': 12.8162, 'R2': 0.8538, 'Pearson': 0.9331, 'MedAE': 8.3497, 'LnQ': 0.5854, 'KS': 0.1525, 'KendallTau': 0.7292, 'MannWhitneyU': 1624.0, 'AUC': 0.4665} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_female_BU_Forecast') {'Signal': 'WA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0753, 'RMSE': 12.429, 'MAE': 10.0042, 'SMAPE': 0.0741, 'DiffSMAPE': 0.0741, 'MASE': 0.5694, 'RMSSE': 0.5693, 'ErrorMean': -0.0154, 'ErrorStdDev': 12.429, 'R2': 0.8673, 'Pearson': 0.9373, 'MedAE': 8.887, 'LnQ': 0.4923, 'KS': 0.1356, 'KendallTau': 0.7501, 'MannWhitneyU': 1728.0, 'AUC': 0.4964} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_female_Forecast') {'Signal': 'WA_female', 'Length': 59, 'MAPE': 0.0753, 'RMSE': 12.429, 'MAE': 10.0042, 'SMAPE': 0.0741, 'DiffSMAPE': 0.0741, 'MASE': 0.5694, 'RMSSE': 0.5693, 'ErrorMean': -0.0154, 'ErrorStdDev': 12.429, 'R2': 0.8673, 'Pearson': 0.9373, 'MedAE': 8.887, 'LnQ': 0.4923, 'KS': 0.1356, 'KendallTau': 0.7501, 'MannWhitneyU': 1728.0, 'AUC': 0.4964} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_female_MO_Forecast') {'Signal': 'WA_female_MO_Forecast', 'Length': 59, 'MAPE': 0.132, 'RMSE': 25.0183, 'MAE': 17.7914, 'SMAPE': 0.1333, 'DiffSMAPE': 0.1333, 'MASE': 1.0127, 'RMSSE': 1.1459, 'ErrorMean': -0.0, 'ErrorStdDev': 25.0183, 'R2': 0.4625, 'Pearson': 0.7444, 'MedAE': 12.6055, 'LnQ': 1.9254, 'KS': 0.1864, 'KendallTau': 0.4777, 'MannWhitneyU': 1620.0, 'AUC': 0.4654} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_female_OC_Forecast') {'Signal': 'WA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0881, 'RMSE': 14.197, 'MAE': 11.1823, 'SMAPE': 0.0846, 'DiffSMAPE': 0.0845, 'MASE': 0.6365, 'RMSSE': 0.6502, 'ErrorMean': 3.3359, 'ErrorStdDev': 13.7995, 'R2': 0.8269, 'Pearson': 0.9192, 'MedAE': 9.201, 'LnQ': 0.6765, 'KS': 0.1864, 'KendallTau': 0.697, 'MannWhitneyU': 1586.0, 'AUC': 0.4556} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_female_OC_Forecast') {'Signal': 'WA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0821, 'RMSE': 13.5797, 'MAE': 10.7273, 'SMAPE': 0.0803, 'DiffSMAPE': 0.0803, 'MASE': 0.6106, 'RMSSE': 0.622, 'ErrorMean': 1.1189, 'ErrorStdDev': 13.5335, 'R2': 0.8416, 'Pearson': 0.9223, 'MedAE': 8.7018, 'LnQ': 0.5829, 'KS': 0.1017, 'KendallTau': 0.7134, 'MannWhitneyU': 1673.0, 'AUC': 0.4806} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_female_PHA_TD_Forecast') {'Signal': 'WA_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1302, 'RMSE': 24.533, 'MAE': 17.4963, 'SMAPE': 0.1315, 'DiffSMAPE': 0.1315, 'MASE': 0.9959, 'RMSSE': 1.1236, 'ErrorMean': -0.0, 'ErrorStdDev': 24.533, 'R2': 0.4832, 'Pearson': 0.751, 'MedAE': 12.904, 'LnQ': 1.8668, 'KS': 0.1864, 'KendallTau': 0.4859, 'MannWhitneyU': 1622.0, 'AUC': 0.466} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_female_AHP_TD_Forecast') {'Signal': 'WA_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.1373, 'RMSE': 25.0949, 'MAE': 18.3964, 'SMAPE': 0.1355, 'DiffSMAPE': 0.1354, 'MASE': 1.0471, 'RMSSE': 1.1494, 'ErrorMean': 3.2883, 'ErrorStdDev': 24.8785, 'R2': 0.4592, 'Pearson': 0.751, 'MedAE': 12.2174, 'LnQ': 1.8804, 'KS': 0.2203, 'KendallTau': 0.4859, 'MannWhitneyU': 1506.0, 'AUC': 0.4326} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_female_BU_Forecast') {'Signal': 'WA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0813, 'RMSE': 13.0489, 'MAE': 10.3941, 'SMAPE': 0.0784, 'DiffSMAPE': 0.0784, 'MASE': 0.5916, 'RMSSE': 0.5977, 'ErrorMean': 2.4534, 'ErrorStdDev': 12.8162, 'R2': 0.8538, 'Pearson': 0.9331, 'MedAE': 8.3497, 'LnQ': 0.5854, 'KS': 0.1525, 'KendallTau': 0.7292, 'MannWhitneyU': 1624.0, 'AUC': 0.4665} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_female_Forecast') {'Signal': 'WA_female', 'Length': 59, 'MAPE': 0.0813, 'RMSE': 13.0489, 'MAE': 10.3941, 'SMAPE': 0.0784, 'DiffSMAPE': 0.0784, 'MASE': 0.5916, 'RMSSE': 0.5977, 'ErrorMean': 2.4534, 'ErrorStdDev': 12.8162, 'R2': 0.8538, 'Pearson': 0.9331, 'MedAE': 8.3497, 'LnQ': 0.5854, 'KS': 0.1525, 'KendallTau': 0.7292, 'MannWhitneyU': 1624.0, 'AUC': 0.4665} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_female_BU_Forecast') {'Signal': 'WA_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0753, 'RMSE': 12.429, 'MAE': 10.0042, 'SMAPE': 0.0741, 'DiffSMAPE': 0.0741, 'MASE': 0.5694, 'RMSSE': 0.5693, 'ErrorMean': -0.0154, 'ErrorStdDev': 12.429, 'R2': 0.8673, 'Pearson': 0.9373, 'MedAE': 8.887, 'LnQ': 0.4923, 'KS': 0.1356, 'KendallTau': 0.7501, 'MannWhitneyU': 1728.0, 'AUC': 0.4964} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_female_Forecast') {'Signal': 'WA_female', 'Length': 59, 'MAPE': 0.0753, 'RMSE': 12.429, 'MAE': 10.0042, 'SMAPE': 0.0741, 'DiffSMAPE': 0.0741, 'MASE': 0.5694, 'RMSSE': 0.5693, 'ErrorMean': -0.0154, 'ErrorStdDev': 12.429, 'R2': 0.8673, 'Pearson': 0.9373, 'MedAE': 8.887, 'LnQ': 0.4923, 'KS': 0.1356, 'KendallTau': 0.7501, 'MannWhitneyU': 1728.0, 'AUC': 0.4964} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_female_MO_Forecast') {'Signal': 'WA_female_MO_Forecast', 'Length': 59, 'MAPE': 0.132, 'RMSE': 25.0183, 'MAE': 17.7914, 'SMAPE': 0.1333, 'DiffSMAPE': 0.1333, 'MASE': 1.0127, 'RMSSE': 1.1459, 'ErrorMean': -0.0, 'ErrorStdDev': 25.0183, 'R2': 0.4625, 'Pearson': 0.7444, 'MedAE': 12.6055, 'LnQ': 1.9254, 'KS': 0.1864, 'KendallTau': 0.4777, 'MannWhitneyU': 1620.0, 'AUC': 0.4654} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_female_OC_Forecast') {'Signal': 'WA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0881, 'RMSE': 14.197, 'MAE': 11.1823, 'SMAPE': 0.0846, 'DiffSMAPE': 0.0845, 'MASE': 0.6365, 'RMSSE': 0.6502, 'ErrorMean': 3.3359, 'ErrorStdDev': 13.7995, 'R2': 0.8269, 'Pearson': 0.9192, 'MedAE': 9.201, 'LnQ': 0.6765, 'KS': 0.1864, 'KendallTau': 0.697, 'MannWhitneyU': 1586.0, 'AUC': 0.4556} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_female_OC_Forecast') {'Signal': 'WA_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0821, 'RMSE': 13.5797, 'MAE': 10.7273, 'SMAPE': 0.0803, 'DiffSMAPE': 0.0803, 'MASE': 0.6106, 'RMSSE': 0.622, 'ErrorMean': 1.1189, 'ErrorStdDev': 13.5335, 'R2': 0.8416, 'Pearson': 0.9223, 'MedAE': 8.7018, 'LnQ': 0.5829, 'KS': 0.1017, 'KendallTau': 0.7134, 'MannWhitneyU': 1673.0, 'AUC': 0.4806} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_female_PHA_TD_Forecast') {'Signal': 'WA_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1302, 'RMSE': 24.533, 'MAE': 17.4963, 'SMAPE': 0.1315, 'DiffSMAPE': 0.1315, 'MASE': 0.9959, 'RMSSE': 1.1236, 'ErrorMean': -0.0, 'ErrorStdDev': 24.533, 'R2': 0.4832, 'Pearson': 0.751, 'MedAE': 12.904, 'LnQ': 1.8668, 'KS': 0.1864, 'KendallTau': 0.4859, 'MannWhitneyU': 1622.0, 'AUC': 0.466} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_AHP_TD_Forecast') {'Signal': 'WA_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.125, 'RMSE': 29.081, 'MAE': 23.3581, 'SMAPE': 0.1259, 'DiffSMAPE': 0.1259, 'MASE': 1.3952, 'RMSSE': 1.3498, 'ErrorMean': 4.3618, 'ErrorStdDev': 28.7521, 'R2': 0.5234, 'Pearson': 0.806, 'MedAE': 18.4564, 'LnQ': 1.3672, 'KS': 0.2712, 'KendallTau': 0.5238, 'MannWhitneyU': 1504.0, 'AUC': 0.4321} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_BU_Forecast') {'Signal': 'WA_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0904, 'RMSE': 23.7575, 'MAE': 16.2497, 'SMAPE': 0.0927, 'DiffSMAPE': 0.0926, 'MASE': 0.9706, 'RMSSE': 1.1027, 'ErrorMean': -4.6658, 'ErrorStdDev': 23.2948, 'R2': 0.6819, 'Pearson': 0.8332, 'MedAE': 11.0217, 'LnQ': 1.0233, 'KS': 0.2034, 'KendallTau': 0.5296, 'MannWhitneyU': 1907.0, 'AUC': 0.5478} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_Forecast') {'Signal': 'WA_male', 'Length': 59, 'MAPE': 0.0904, 'RMSE': 23.7575, 'MAE': 16.2497, 'SMAPE': 0.0927, 'DiffSMAPE': 0.0926, 'MASE': 0.9706, 'RMSSE': 1.1027, 'ErrorMean': -4.6658, 'ErrorStdDev': 23.2948, 'R2': 0.6819, 'Pearson': 0.8332, 'MedAE': 11.0217, 'LnQ': 1.0233, 'KS': 0.2034, 'KendallTau': 0.5296, 'MannWhitneyU': 1907.0, 'AUC': 0.5478} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_MO_Forecast') {'Signal': 'WA_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1148, 'RMSE': 27.7362, 'MAE': 21.2373, 'SMAPE': 0.1184, 'DiffSMAPE': 0.1184, 'MASE': 1.2686, 'RMSSE': 1.2874, 'ErrorMean': -0.0, 'ErrorStdDev': 27.7362, 'R2': 0.5665, 'Pearson': 0.8102, 'MedAE': 17.0422, 'LnQ': 1.328, 'KS': 0.2034, 'KendallTau': 0.5343, 'MannWhitneyU': 1607.0, 'AUC': 0.4616} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_OC_Forecast') {'Signal': 'WA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1041, 'RMSE': 27.3638, 'MAE': 19.2574, 'SMAPE': 0.1083, 'DiffSMAPE': 0.1083, 'MASE': 1.1503, 'RMSSE': 1.2701, 'ErrorMean': -6.2333, 'ErrorStdDev': 26.6444, 'R2': 0.578, 'Pearson': 0.7779, 'MedAE': 12.4997, 'LnQ': 1.3233, 'KS': 0.1525, 'KendallTau': 0.4804, 'MannWhitneyU': 1945.0, 'AUC': 0.5587} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_OC_Forecast') {'Signal': 'WA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1028, 'RMSE': 28.9268, 'MAE': 18.9579, 'SMAPE': 0.1084, 'DiffSMAPE': 0.1084, 'MASE': 1.1324, 'RMSSE': 1.3426, 'ErrorMean': -7.0939, 'ErrorStdDev': 28.0435, 'R2': 0.5285, 'Pearson': 0.7548, 'MedAE': 12.8504, 'LnQ': 1.4957, 'KS': 0.1525, 'KendallTau': 0.5026, 'MannWhitneyU': 1950.0, 'AUC': 0.5602} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'WA_male_PHA_TD_Forecast') {'Signal': 'WA_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1166, 'RMSE': 28.2118, 'MAE': 21.6135, 'SMAPE': 0.1203, 'DiffSMAPE': 0.1202, 'MASE': 1.291, 'RMSSE': 1.3094, 'ErrorMean': -0.0, 'ErrorStdDev': 28.2118, 'R2': 0.5515, 'Pearson': 0.806, 'MedAE': 16.6872, 'LnQ': 1.3654, 'KS': 0.2034, 'KendallTau': 0.5238, 'MannWhitneyU': 1606.0, 'AUC': 0.4614} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_AHP_TD_Forecast') {'Signal': 'WA_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.125, 'RMSE': 29.081, 'MAE': 23.3581, 'SMAPE': 0.1259, 'DiffSMAPE': 0.1259, 'MASE': 1.3952, 'RMSSE': 1.3498, 'ErrorMean': 4.3618, 'ErrorStdDev': 28.7521, 'R2': 0.5234, 'Pearson': 0.806, 'MedAE': 18.4564, 'LnQ': 1.3672, 'KS': 0.2712, 'KendallTau': 0.5238, 'MannWhitneyU': 1504.0, 'AUC': 0.4321} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_BU_Forecast') {'Signal': 'WA_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0904, 'RMSE': 23.7575, 'MAE': 16.2497, 'SMAPE': 0.0927, 'DiffSMAPE': 0.0926, 'MASE': 0.9706, 'RMSSE': 1.1027, 'ErrorMean': -4.6658, 'ErrorStdDev': 23.2948, 'R2': 0.6819, 'Pearson': 0.8332, 'MedAE': 11.0217, 'LnQ': 1.0233, 'KS': 0.2034, 'KendallTau': 0.5296, 'MannWhitneyU': 1907.0, 'AUC': 0.5478} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_Forecast') {'Signal': 'WA_male', 'Length': 59, 'MAPE': 0.0904, 'RMSE': 23.7575, 'MAE': 16.2497, 'SMAPE': 0.0927, 'DiffSMAPE': 0.0926, 'MASE': 0.9706, 'RMSSE': 1.1027, 'ErrorMean': -4.6658, 'ErrorStdDev': 23.2948, 'R2': 0.6819, 'Pearson': 0.8332, 'MedAE': 11.0217, 'LnQ': 1.0233, 'KS': 0.2034, 'KendallTau': 0.5296, 'MannWhitneyU': 1907.0, 'AUC': 0.5478} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_MO_Forecast') {'Signal': 'WA_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1148, 'RMSE': 27.7362, 'MAE': 21.2373, 'SMAPE': 0.1184, 'DiffSMAPE': 0.1184, 'MASE': 1.2686, 'RMSSE': 1.2874, 'ErrorMean': -0.0, 'ErrorStdDev': 27.7362, 'R2': 0.5665, 'Pearson': 0.8102, 'MedAE': 17.0422, 'LnQ': 1.328, 'KS': 0.2034, 'KendallTau': 0.5343, 'MannWhitneyU': 1607.0, 'AUC': 0.4616} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_OC_Forecast') {'Signal': 'WA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1041, 'RMSE': 27.3638, 'MAE': 19.2574, 'SMAPE': 0.1083, 'DiffSMAPE': 0.1083, 'MASE': 1.1503, 'RMSSE': 1.2701, 'ErrorMean': -6.2333, 'ErrorStdDev': 26.6444, 'R2': 0.578, 'Pearson': 0.7779, 'MedAE': 12.4997, 'LnQ': 1.3233, 'KS': 0.1525, 'KendallTau': 0.4804, 'MannWhitneyU': 1945.0, 'AUC': 0.5587} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_OC_Forecast') {'Signal': 'WA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1028, 'RMSE': 28.9268, 'MAE': 18.9579, 'SMAPE': 0.1084, 'DiffSMAPE': 0.1084, 'MASE': 1.1324, 'RMSSE': 1.3426, 'ErrorMean': -7.0939, 'ErrorStdDev': 28.0435, 'R2': 0.5285, 'Pearson': 0.7548, 'MedAE': 12.8504, 'LnQ': 1.4957, 'KS': 0.1525, 'KendallTau': 0.5026, 'MannWhitneyU': 1950.0, 'AUC': 0.5602} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'WA_male_PHA_TD_Forecast') {'Signal': 'WA_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1166, 'RMSE': 28.2118, 'MAE': 21.6135, 'SMAPE': 0.1203, 'DiffSMAPE': 0.1202, 'MASE': 1.291, 'RMSSE': 1.3094, 'ErrorMean': -0.0, 'ErrorStdDev': 28.2118, 'R2': 0.5515, 'Pearson': 0.806, 'MedAE': 16.6872, 'LnQ': 1.3654, 'KS': 0.2034, 'KendallTau': 0.5238, 'MannWhitneyU': 1606.0, 'AUC': 0.4614} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_AHP_TD_Forecast') {'Signal': 'WA_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.125, 'RMSE': 29.081, 'MAE': 23.3581, 'SMAPE': 0.1259, 'DiffSMAPE': 0.1259, 'MASE': 1.3952, 'RMSSE': 1.3498, 'ErrorMean': 4.3618, 'ErrorStdDev': 28.7521, 'R2': 0.5234, 'Pearson': 0.806, 'MedAE': 18.4564, 'LnQ': 1.3672, 'KS': 0.2712, 'KendallTau': 0.5238, 'MannWhitneyU': 1504.0, 'AUC': 0.4321} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_BU_Forecast') {'Signal': 'WA_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0904, 'RMSE': 23.7575, 'MAE': 16.2497, 'SMAPE': 0.0927, 'DiffSMAPE': 0.0926, 'MASE': 0.9706, 'RMSSE': 1.1027, 'ErrorMean': -4.6658, 'ErrorStdDev': 23.2948, 'R2': 0.6819, 'Pearson': 0.8332, 'MedAE': 11.0217, 'LnQ': 1.0233, 'KS': 0.2034, 'KendallTau': 0.5296, 'MannWhitneyU': 1907.0, 'AUC': 0.5478} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_Forecast') {'Signal': 'WA_male', 'Length': 59, 'MAPE': 0.0904, 'RMSE': 23.7575, 'MAE': 16.2497, 'SMAPE': 0.0927, 'DiffSMAPE': 0.0926, 'MASE': 0.9706, 'RMSSE': 1.1027, 'ErrorMean': -4.6658, 'ErrorStdDev': 23.2948, 'R2': 0.6819, 'Pearson': 0.8332, 'MedAE': 11.0217, 'LnQ': 1.0233, 'KS': 0.2034, 'KendallTau': 0.5296, 'MannWhitneyU': 1907.0, 'AUC': 0.5478} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_MO_Forecast') {'Signal': 'WA_male_MO_Forecast', 'Length': 59, 'MAPE': 0.1148, 'RMSE': 27.7362, 'MAE': 21.2373, 'SMAPE': 0.1184, 'DiffSMAPE': 0.1184, 'MASE': 1.2686, 'RMSSE': 1.2874, 'ErrorMean': -0.0, 'ErrorStdDev': 27.7362, 'R2': 0.5665, 'Pearson': 0.8102, 'MedAE': 17.0422, 'LnQ': 1.328, 'KS': 0.2034, 'KendallTau': 0.5343, 'MannWhitneyU': 1607.0, 'AUC': 0.4616} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_OC_Forecast') {'Signal': 'WA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1041, 'RMSE': 27.3638, 'MAE': 19.2574, 'SMAPE': 0.1083, 'DiffSMAPE': 0.1083, 'MASE': 1.1503, 'RMSSE': 1.2701, 'ErrorMean': -6.2333, 'ErrorStdDev': 26.6444, 'R2': 0.578, 'Pearson': 0.7779, 'MedAE': 12.4997, 'LnQ': 1.3233, 'KS': 0.1525, 'KendallTau': 0.4804, 'MannWhitneyU': 1945.0, 'AUC': 0.5587} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_OC_Forecast') {'Signal': 'WA_male_OC_Forecast', 'Length': 59, 'MAPE': 0.1028, 'RMSE': 28.9268, 'MAE': 18.9579, 'SMAPE': 0.1084, 'DiffSMAPE': 0.1084, 'MASE': 1.1324, 'RMSSE': 1.3426, 'ErrorMean': -7.0939, 'ErrorStdDev': 28.0435, 'R2': 0.5285, 'Pearson': 0.7548, 'MedAE': 12.8504, 'LnQ': 1.4957, 'KS': 0.1525, 'KendallTau': 0.5026, 'MannWhitneyU': 1950.0, 'AUC': 0.5602} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'WA_male_PHA_TD_Forecast') {'Signal': 'WA_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.1166, 'RMSE': 28.2118, 'MAE': 21.6135, 'SMAPE': 0.1203, 'DiffSMAPE': 0.1202, 'MASE': 1.291, 'RMSSE': 1.3094, 'ErrorMean': -0.0, 'ErrorStdDev': 28.2118, 'R2': 0.5515, 'Pearson': 0.806, 'MedAE': 16.6872, 'LnQ': 1.3654, 'KS': 0.2034, 'KendallTau': 0.5238, 'MannWhitneyU': 1606.0, 'AUC': 0.4614} INFO:pyaf.hierarchical:STRUCTURE_LEVEL (1, ['_female', '_male']) INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_female_AHP_TD_Forecast') {'Signal': '_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0639, 'RMSE': 136.4131, 'MAE': 106.2993, 'SMAPE': 0.0639, 'DiffSMAPE': 0.0639, 'MASE': 1.1255, 'RMSSE': 1.1595, 'ErrorMean': -1.0217, 'ErrorStdDev': 136.4093, 'R2': 0.9156, 'Pearson': 0.9569, 'MedAE': 83.6647, 'LnQ': 0.3902, 'KS': 0.1017, 'KendallTau': 0.7023, 'MannWhitneyU': 1681.0, 'AUC': 0.4829} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_female_BU_Forecast') {'Signal': '_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0589, 'RMSE': 123.7136, 'MAE': 96.6674, 'SMAPE': 0.0591, 'DiffSMAPE': 0.0591, 'MASE': 1.0235, 'RMSSE': 1.0515, 'ErrorMean': -8.171, 'ErrorStdDev': 123.4434, 'R2': 0.9305, 'Pearson': 0.9648, 'MedAE': 74.1301, 'LnQ': 0.3297, 'KS': 0.0847, 'KendallTau': 0.7515, 'MannWhitneyU': 1708.0, 'AUC': 0.4907} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_female_BU_Forecast') {'Signal': '_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0589, 'RMSE': 124.0907, 'MAE': 96.735, 'SMAPE': 0.0593, 'DiffSMAPE': 0.0593, 'MASE': 1.0242, 'RMSSE': 1.0547, 'ErrorMean': -10.6398, 'ErrorStdDev': 123.6337, 'R2': 0.9301, 'Pearson': 0.9647, 'MedAE': 75.4597, 'LnQ': 0.3316, 'KS': 0.0847, 'KendallTau': 0.7538, 'MannWhitneyU': 1719.0, 'AUC': 0.4938} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_female_Forecast') {'Signal': '_female', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 136.6383, 'MAE': 106.2499, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.125, 'RMSSE': 1.1614, 'ErrorMean': -0.0, 'ErrorStdDev': 136.6383, 'R2': 0.9153, 'Pearson': 0.9567, 'MedAE': 80.9544, 'LnQ': 0.3859, 'KS': 0.1186, 'KendallTau': 0.7117, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_female_MO_Forecast') {'Signal': '_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 136.6383, 'MAE': 106.2499, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.125, 'RMSSE': 1.1614, 'ErrorMean': -0.0, 'ErrorStdDev': 136.6383, 'R2': 0.9153, 'Pearson': 0.9567, 'MedAE': 80.9544, 'LnQ': 0.3859, 'KS': 0.1186, 'KendallTau': 0.7117, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_female_OC_Forecast') {'Signal': '_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 136.8904, 'MAE': 106.3008, 'SMAPE': 0.0635, 'DiffSMAPE': 0.0635, 'MASE': 1.1255, 'RMSSE': 1.1635, 'ErrorMean': -1.1109, 'ErrorStdDev': 136.8859, 'R2': 0.915, 'Pearson': 0.9565, 'MedAE': 79.593, 'LnQ': 0.3879, 'KS': 0.1186, 'KendallTau': 0.7105, 'MannWhitneyU': 1665.0, 'AUC': 0.4783} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_female_OC_Forecast') {'Signal': '_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0634, 'RMSE': 136.9968, 'MAE': 106.2911, 'SMAPE': 0.0635, 'DiffSMAPE': 0.0635, 'MASE': 1.1254, 'RMSSE': 1.1644, 'ErrorMean': -1.5656, 'ErrorStdDev': 136.9879, 'R2': 0.9148, 'Pearson': 0.9565, 'MedAE': 79.5429, 'LnQ': 0.3881, 'KS': 0.1186, 'KendallTau': 0.7117, 'MannWhitneyU': 1664.0, 'AUC': 0.478} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_female_PHA_TD_Forecast') {'Signal': '_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.064, 'RMSE': 136.4025, 'MAE': 106.5111, 'SMAPE': 0.064, 'DiffSMAPE': 0.064, 'MASE': 1.1277, 'RMSSE': 1.1594, 'ErrorMean': -0.0, 'ErrorStdDev': 136.4025, 'R2': 0.9156, 'Pearson': 0.9569, 'MedAE': 82.3884, 'LnQ': 0.3905, 'KS': 0.1017, 'KendallTau': 0.7023, 'MannWhitneyU': 1679.0, 'AUC': 0.4823} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_female_AHP_TD_Forecast') {'Signal': '_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0639, 'RMSE': 136.4131, 'MAE': 106.2993, 'SMAPE': 0.0639, 'DiffSMAPE': 0.0639, 'MASE': 1.1255, 'RMSSE': 1.1595, 'ErrorMean': -1.0217, 'ErrorStdDev': 136.4093, 'R2': 0.9156, 'Pearson': 0.9569, 'MedAE': 83.6647, 'LnQ': 0.3902, 'KS': 0.1017, 'KendallTau': 0.7023, 'MannWhitneyU': 1681.0, 'AUC': 0.4829} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_female_BU_Forecast') {'Signal': '_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0589, 'RMSE': 123.7136, 'MAE': 96.6674, 'SMAPE': 0.0591, 'DiffSMAPE': 0.0591, 'MASE': 1.0235, 'RMSSE': 1.0515, 'ErrorMean': -8.171, 'ErrorStdDev': 123.4434, 'R2': 0.9305, 'Pearson': 0.9648, 'MedAE': 74.1301, 'LnQ': 0.3297, 'KS': 0.0847, 'KendallTau': 0.7515, 'MannWhitneyU': 1708.0, 'AUC': 0.4907} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_female_BU_Forecast') {'Signal': '_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0589, 'RMSE': 124.0907, 'MAE': 96.735, 'SMAPE': 0.0593, 'DiffSMAPE': 0.0593, 'MASE': 1.0242, 'RMSSE': 1.0547, 'ErrorMean': -10.6398, 'ErrorStdDev': 123.6337, 'R2': 0.9301, 'Pearson': 0.9647, 'MedAE': 75.4597, 'LnQ': 0.3316, 'KS': 0.0847, 'KendallTau': 0.7538, 'MannWhitneyU': 1719.0, 'AUC': 0.4938} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_female_Forecast') {'Signal': '_female', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 136.6383, 'MAE': 106.2499, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.125, 'RMSSE': 1.1614, 'ErrorMean': -0.0, 'ErrorStdDev': 136.6383, 'R2': 0.9153, 'Pearson': 0.9567, 'MedAE': 80.9544, 'LnQ': 0.3859, 'KS': 0.1186, 'KendallTau': 0.7117, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_female_MO_Forecast') {'Signal': '_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 136.6383, 'MAE': 106.2499, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.125, 'RMSSE': 1.1614, 'ErrorMean': -0.0, 'ErrorStdDev': 136.6383, 'R2': 0.9153, 'Pearson': 0.9567, 'MedAE': 80.9544, 'LnQ': 0.3859, 'KS': 0.1186, 'KendallTau': 0.7117, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_female_OC_Forecast') {'Signal': '_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 136.8904, 'MAE': 106.3008, 'SMAPE': 0.0635, 'DiffSMAPE': 0.0635, 'MASE': 1.1255, 'RMSSE': 1.1635, 'ErrorMean': -1.1109, 'ErrorStdDev': 136.8859, 'R2': 0.915, 'Pearson': 0.9565, 'MedAE': 79.593, 'LnQ': 0.3879, 'KS': 0.1186, 'KendallTau': 0.7105, 'MannWhitneyU': 1665.0, 'AUC': 0.4783} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_female_OC_Forecast') {'Signal': '_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0634, 'RMSE': 136.9968, 'MAE': 106.2911, 'SMAPE': 0.0635, 'DiffSMAPE': 0.0635, 'MASE': 1.1254, 'RMSSE': 1.1644, 'ErrorMean': -1.5656, 'ErrorStdDev': 136.9879, 'R2': 0.9148, 'Pearson': 0.9565, 'MedAE': 79.5429, 'LnQ': 0.3881, 'KS': 0.1186, 'KendallTau': 0.7117, 'MannWhitneyU': 1664.0, 'AUC': 0.478} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_female_PHA_TD_Forecast') {'Signal': '_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.064, 'RMSE': 136.4025, 'MAE': 106.5111, 'SMAPE': 0.064, 'DiffSMAPE': 0.064, 'MASE': 1.1277, 'RMSSE': 1.1594, 'ErrorMean': -0.0, 'ErrorStdDev': 136.4025, 'R2': 0.9156, 'Pearson': 0.9569, 'MedAE': 82.3884, 'LnQ': 0.3905, 'KS': 0.1017, 'KendallTau': 0.7023, 'MannWhitneyU': 1679.0, 'AUC': 0.4823} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_female_AHP_TD_Forecast') {'Signal': '_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0639, 'RMSE': 136.4131, 'MAE': 106.2993, 'SMAPE': 0.0639, 'DiffSMAPE': 0.0639, 'MASE': 1.1255, 'RMSSE': 1.1595, 'ErrorMean': -1.0217, 'ErrorStdDev': 136.4093, 'R2': 0.9156, 'Pearson': 0.9569, 'MedAE': 83.6647, 'LnQ': 0.3902, 'KS': 0.1017, 'KendallTau': 0.7023, 'MannWhitneyU': 1681.0, 'AUC': 0.4829} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_female_BU_Forecast') {'Signal': '_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0589, 'RMSE': 123.7136, 'MAE': 96.6674, 'SMAPE': 0.0591, 'DiffSMAPE': 0.0591, 'MASE': 1.0235, 'RMSSE': 1.0515, 'ErrorMean': -8.171, 'ErrorStdDev': 123.4434, 'R2': 0.9305, 'Pearson': 0.9648, 'MedAE': 74.1301, 'LnQ': 0.3297, 'KS': 0.0847, 'KendallTau': 0.7515, 'MannWhitneyU': 1708.0, 'AUC': 0.4907} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_female_BU_Forecast') {'Signal': '_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0589, 'RMSE': 124.0907, 'MAE': 96.735, 'SMAPE': 0.0593, 'DiffSMAPE': 0.0593, 'MASE': 1.0242, 'RMSSE': 1.0547, 'ErrorMean': -10.6398, 'ErrorStdDev': 123.6337, 'R2': 0.9301, 'Pearson': 0.9647, 'MedAE': 75.4597, 'LnQ': 0.3316, 'KS': 0.0847, 'KendallTau': 0.7538, 'MannWhitneyU': 1719.0, 'AUC': 0.4938} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_female_Forecast') {'Signal': '_female', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 136.6383, 'MAE': 106.2499, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.125, 'RMSSE': 1.1614, 'ErrorMean': -0.0, 'ErrorStdDev': 136.6383, 'R2': 0.9153, 'Pearson': 0.9567, 'MedAE': 80.9544, 'LnQ': 0.3859, 'KS': 0.1186, 'KendallTau': 0.7117, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_female_MO_Forecast') {'Signal': '_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 136.6383, 'MAE': 106.2499, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.125, 'RMSSE': 1.1614, 'ErrorMean': -0.0, 'ErrorStdDev': 136.6383, 'R2': 0.9153, 'Pearson': 0.9567, 'MedAE': 80.9544, 'LnQ': 0.3859, 'KS': 0.1186, 'KendallTau': 0.7117, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_female_OC_Forecast') {'Signal': '_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 136.8904, 'MAE': 106.3008, 'SMAPE': 0.0635, 'DiffSMAPE': 0.0635, 'MASE': 1.1255, 'RMSSE': 1.1635, 'ErrorMean': -1.1109, 'ErrorStdDev': 136.8859, 'R2': 0.915, 'Pearson': 0.9565, 'MedAE': 79.593, 'LnQ': 0.3879, 'KS': 0.1186, 'KendallTau': 0.7105, 'MannWhitneyU': 1665.0, 'AUC': 0.4783} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_female_OC_Forecast') {'Signal': '_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0634, 'RMSE': 136.9968, 'MAE': 106.2911, 'SMAPE': 0.0635, 'DiffSMAPE': 0.0635, 'MASE': 1.1254, 'RMSSE': 1.1644, 'ErrorMean': -1.5656, 'ErrorStdDev': 136.9879, 'R2': 0.9148, 'Pearson': 0.9565, 'MedAE': 79.5429, 'LnQ': 0.3881, 'KS': 0.1186, 'KendallTau': 0.7117, 'MannWhitneyU': 1664.0, 'AUC': 0.478} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_female_PHA_TD_Forecast') {'Signal': '_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.064, 'RMSE': 136.4025, 'MAE': 106.5111, 'SMAPE': 0.064, 'DiffSMAPE': 0.064, 'MASE': 1.1277, 'RMSSE': 1.1594, 'ErrorMean': -0.0, 'ErrorStdDev': 136.4025, 'R2': 0.9156, 'Pearson': 0.9569, 'MedAE': 82.3884, 'LnQ': 0.3905, 'KS': 0.1017, 'KendallTau': 0.7023, 'MannWhitneyU': 1679.0, 'AUC': 0.4823} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_male_AHP_TD_Forecast') {'Signal': '_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.064, 'RMSE': 184.5524, 'MAE': 142.4555, 'SMAPE': 0.0642, 'DiffSMAPE': 0.0642, 'MASE': 1.2981, 'RMSSE': 1.3697, 'ErrorMean': 1.0217, 'ErrorStdDev': 184.5496, 'R2': 0.9086, 'Pearson': 0.9533, 'MedAE': 115.8885, 'LnQ': 0.409, 'KS': 0.1525, 'KendallTau': 0.707, 'MannWhitneyU': 1656.0, 'AUC': 0.4757} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_male_BU_Forecast') {'Signal': '_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0537, 'RMSE': 143.6048, 'MAE': 114.4999, 'SMAPE': 0.0533, 'DiffSMAPE': 0.0533, 'MASE': 1.0434, 'RMSSE': 1.0658, 'ErrorMean': 13.8794, 'ErrorStdDev': 142.9325, 'R2': 0.9446, 'Pearson': 0.9722, 'MedAE': 89.1304, 'LnQ': 0.27, 'KS': 0.1695, 'KendallTau': 0.7491, 'MannWhitneyU': 1642.0, 'AUC': 0.4717} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_male_BU_Forecast') {'Signal': '_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0546, 'RMSE': 144.7724, 'MAE': 116.7931, 'SMAPE': 0.0538, 'DiffSMAPE': 0.0538, 'MASE': 1.0643, 'RMSSE': 1.0745, 'ErrorMean': 21.4217, 'ErrorStdDev': 143.1787, 'R2': 0.9437, 'Pearson': 0.9725, 'MedAE': 105.5787, 'LnQ': 0.2745, 'KS': 0.1356, 'KendallTau': 0.7456, 'MannWhitneyU': 1638.0, 'AUC': 0.4706} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_male_Forecast') {'Signal': '_male', 'Length': 59, 'MAPE': 0.0639, 'RMSE': 183.4842, 'MAE': 141.4879, 'SMAPE': 0.064, 'DiffSMAPE': 0.064, 'MASE': 1.2893, 'RMSSE': 1.3618, 'ErrorMean': -0.0, 'ErrorStdDev': 183.4842, 'R2': 0.9096, 'Pearson': 0.9538, 'MedAE': 118.1011, 'LnQ': 0.4094, 'KS': 0.1525, 'KendallTau': 0.6977, 'MannWhitneyU': 1667.0, 'AUC': 0.4789} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_male_MO_Forecast') {'Signal': '_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0639, 'RMSE': 183.4842, 'MAE': 141.4879, 'SMAPE': 0.064, 'DiffSMAPE': 0.064, 'MASE': 1.2893, 'RMSSE': 1.3618, 'ErrorMean': -0.0, 'ErrorStdDev': 183.4842, 'R2': 0.9096, 'Pearson': 0.9538, 'MedAE': 118.1011, 'LnQ': 0.4094, 'KS': 0.1525, 'KendallTau': 0.6977, 'MannWhitneyU': 1667.0, 'AUC': 0.4789} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_male_OC_Forecast') {'Signal': '_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0632, 'RMSE': 180.5542, 'MAE': 139.6237, 'SMAPE': 0.0632, 'DiffSMAPE': 0.0632, 'MASE': 1.2723, 'RMSSE': 1.3401, 'ErrorMean': 1.3392, 'ErrorStdDev': 180.5492, 'R2': 0.9125, 'Pearson': 0.9552, 'MedAE': 119.2312, 'LnQ': 0.397, 'KS': 0.1525, 'KendallTau': 0.7023, 'MannWhitneyU': 1659.0, 'AUC': 0.4766} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_male_OC_Forecast') {'Signal': '_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0631, 'RMSE': 180.5051, 'MAE': 139.4075, 'SMAPE': 0.063, 'DiffSMAPE': 0.063, 'MASE': 1.2703, 'RMSSE': 1.3397, 'ErrorMean': 1.9968, 'ErrorStdDev': 180.4941, 'R2': 0.9125, 'Pearson': 0.9553, 'MedAE': 119.6087, 'LnQ': 0.3973, 'KS': 0.1525, 'KendallTau': 0.7012, 'MannWhitneyU': 1661.0, 'AUC': 0.4772} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '_male_PHA_TD_Forecast') {'Signal': '_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.064, 'RMSE': 184.5391, 'MAE': 142.3116, 'SMAPE': 0.0641, 'DiffSMAPE': 0.0641, 'MASE': 1.2968, 'RMSSE': 1.3696, 'ErrorMean': -0.0, 'ErrorStdDev': 184.5391, 'R2': 0.9086, 'Pearson': 0.9533, 'MedAE': 114.802, 'LnQ': 0.4088, 'KS': 0.1525, 'KendallTau': 0.707, 'MannWhitneyU': 1659.0, 'AUC': 0.4766} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_male_AHP_TD_Forecast') {'Signal': '_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.064, 'RMSE': 184.5524, 'MAE': 142.4555, 'SMAPE': 0.0642, 'DiffSMAPE': 0.0642, 'MASE': 1.2981, 'RMSSE': 1.3697, 'ErrorMean': 1.0217, 'ErrorStdDev': 184.5496, 'R2': 0.9086, 'Pearson': 0.9533, 'MedAE': 115.8885, 'LnQ': 0.409, 'KS': 0.1525, 'KendallTau': 0.707, 'MannWhitneyU': 1656.0, 'AUC': 0.4757} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_male_BU_Forecast') {'Signal': '_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0537, 'RMSE': 143.6048, 'MAE': 114.4999, 'SMAPE': 0.0533, 'DiffSMAPE': 0.0533, 'MASE': 1.0434, 'RMSSE': 1.0658, 'ErrorMean': 13.8794, 'ErrorStdDev': 142.9325, 'R2': 0.9446, 'Pearson': 0.9722, 'MedAE': 89.1304, 'LnQ': 0.27, 'KS': 0.1695, 'KendallTau': 0.7491, 'MannWhitneyU': 1642.0, 'AUC': 0.4717} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_male_BU_Forecast') {'Signal': '_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0546, 'RMSE': 144.7724, 'MAE': 116.7931, 'SMAPE': 0.0538, 'DiffSMAPE': 0.0538, 'MASE': 1.0643, 'RMSSE': 1.0745, 'ErrorMean': 21.4217, 'ErrorStdDev': 143.1787, 'R2': 0.9437, 'Pearson': 0.9725, 'MedAE': 105.5787, 'LnQ': 0.2745, 'KS': 0.1356, 'KendallTau': 0.7456, 'MannWhitneyU': 1638.0, 'AUC': 0.4706} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_male_Forecast') {'Signal': '_male', 'Length': 59, 'MAPE': 0.0639, 'RMSE': 183.4842, 'MAE': 141.4879, 'SMAPE': 0.064, 'DiffSMAPE': 0.064, 'MASE': 1.2893, 'RMSSE': 1.3618, 'ErrorMean': -0.0, 'ErrorStdDev': 183.4842, 'R2': 0.9096, 'Pearson': 0.9538, 'MedAE': 118.1011, 'LnQ': 0.4094, 'KS': 0.1525, 'KendallTau': 0.6977, 'MannWhitneyU': 1667.0, 'AUC': 0.4789} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_male_MO_Forecast') {'Signal': '_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0639, 'RMSE': 183.4842, 'MAE': 141.4879, 'SMAPE': 0.064, 'DiffSMAPE': 0.064, 'MASE': 1.2893, 'RMSSE': 1.3618, 'ErrorMean': -0.0, 'ErrorStdDev': 183.4842, 'R2': 0.9096, 'Pearson': 0.9538, 'MedAE': 118.1011, 'LnQ': 0.4094, 'KS': 0.1525, 'KendallTau': 0.6977, 'MannWhitneyU': 1667.0, 'AUC': 0.4789} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_male_OC_Forecast') {'Signal': '_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0632, 'RMSE': 180.5542, 'MAE': 139.6237, 'SMAPE': 0.0632, 'DiffSMAPE': 0.0632, 'MASE': 1.2723, 'RMSSE': 1.3401, 'ErrorMean': 1.3392, 'ErrorStdDev': 180.5492, 'R2': 0.9125, 'Pearson': 0.9552, 'MedAE': 119.2312, 'LnQ': 0.397, 'KS': 0.1525, 'KendallTau': 0.7023, 'MannWhitneyU': 1659.0, 'AUC': 0.4766} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_male_OC_Forecast') {'Signal': '_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0631, 'RMSE': 180.5051, 'MAE': 139.4075, 'SMAPE': 0.063, 'DiffSMAPE': 0.063, 'MASE': 1.2703, 'RMSSE': 1.3397, 'ErrorMean': 1.9968, 'ErrorStdDev': 180.4941, 'R2': 0.9125, 'Pearson': 0.9553, 'MedAE': 119.6087, 'LnQ': 0.3973, 'KS': 0.1525, 'KendallTau': 0.7012, 'MannWhitneyU': 1661.0, 'AUC': 0.4772} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '_male_PHA_TD_Forecast') {'Signal': '_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.064, 'RMSE': 184.5391, 'MAE': 142.3116, 'SMAPE': 0.0641, 'DiffSMAPE': 0.0641, 'MASE': 1.2968, 'RMSSE': 1.3696, 'ErrorMean': -0.0, 'ErrorStdDev': 184.5391, 'R2': 0.9086, 'Pearson': 0.9533, 'MedAE': 114.802, 'LnQ': 0.4088, 'KS': 0.1525, 'KendallTau': 0.707, 'MannWhitneyU': 1659.0, 'AUC': 0.4766} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_male_AHP_TD_Forecast') {'Signal': '_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.064, 'RMSE': 184.5524, 'MAE': 142.4555, 'SMAPE': 0.0642, 'DiffSMAPE': 0.0642, 'MASE': 1.2981, 'RMSSE': 1.3697, 'ErrorMean': 1.0217, 'ErrorStdDev': 184.5496, 'R2': 0.9086, 'Pearson': 0.9533, 'MedAE': 115.8885, 'LnQ': 0.409, 'KS': 0.1525, 'KendallTau': 0.707, 'MannWhitneyU': 1656.0, 'AUC': 0.4757} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_male_BU_Forecast') {'Signal': '_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0537, 'RMSE': 143.6048, 'MAE': 114.4999, 'SMAPE': 0.0533, 'DiffSMAPE': 0.0533, 'MASE': 1.0434, 'RMSSE': 1.0658, 'ErrorMean': 13.8794, 'ErrorStdDev': 142.9325, 'R2': 0.9446, 'Pearson': 0.9722, 'MedAE': 89.1304, 'LnQ': 0.27, 'KS': 0.1695, 'KendallTau': 0.7491, 'MannWhitneyU': 1642.0, 'AUC': 0.4717} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_male_BU_Forecast') {'Signal': '_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0546, 'RMSE': 144.7724, 'MAE': 116.7931, 'SMAPE': 0.0538, 'DiffSMAPE': 0.0538, 'MASE': 1.0643, 'RMSSE': 1.0745, 'ErrorMean': 21.4217, 'ErrorStdDev': 143.1787, 'R2': 0.9437, 'Pearson': 0.9725, 'MedAE': 105.5787, 'LnQ': 0.2745, 'KS': 0.1356, 'KendallTau': 0.7456, 'MannWhitneyU': 1638.0, 'AUC': 0.4706} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_male_Forecast') {'Signal': '_male', 'Length': 59, 'MAPE': 0.0639, 'RMSE': 183.4842, 'MAE': 141.4879, 'SMAPE': 0.064, 'DiffSMAPE': 0.064, 'MASE': 1.2893, 'RMSSE': 1.3618, 'ErrorMean': -0.0, 'ErrorStdDev': 183.4842, 'R2': 0.9096, 'Pearson': 0.9538, 'MedAE': 118.1011, 'LnQ': 0.4094, 'KS': 0.1525, 'KendallTau': 0.6977, 'MannWhitneyU': 1667.0, 'AUC': 0.4789} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_male_MO_Forecast') {'Signal': '_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0639, 'RMSE': 183.4842, 'MAE': 141.4879, 'SMAPE': 0.064, 'DiffSMAPE': 0.064, 'MASE': 1.2893, 'RMSSE': 1.3618, 'ErrorMean': -0.0, 'ErrorStdDev': 183.4842, 'R2': 0.9096, 'Pearson': 0.9538, 'MedAE': 118.1011, 'LnQ': 0.4094, 'KS': 0.1525, 'KendallTau': 0.6977, 'MannWhitneyU': 1667.0, 'AUC': 0.4789} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_male_OC_Forecast') {'Signal': '_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0632, 'RMSE': 180.5542, 'MAE': 139.6237, 'SMAPE': 0.0632, 'DiffSMAPE': 0.0632, 'MASE': 1.2723, 'RMSSE': 1.3401, 'ErrorMean': 1.3392, 'ErrorStdDev': 180.5492, 'R2': 0.9125, 'Pearson': 0.9552, 'MedAE': 119.2312, 'LnQ': 0.397, 'KS': 0.1525, 'KendallTau': 0.7023, 'MannWhitneyU': 1659.0, 'AUC': 0.4766} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_male_OC_Forecast') {'Signal': '_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0631, 'RMSE': 180.5051, 'MAE': 139.4075, 'SMAPE': 0.063, 'DiffSMAPE': 0.063, 'MASE': 1.2703, 'RMSSE': 1.3397, 'ErrorMean': 1.9968, 'ErrorStdDev': 180.4941, 'R2': 0.9125, 'Pearson': 0.9553, 'MedAE': 119.6087, 'LnQ': 0.3973, 'KS': 0.1525, 'KendallTau': 0.7012, 'MannWhitneyU': 1661.0, 'AUC': 0.4772} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '_male_PHA_TD_Forecast') {'Signal': '_male_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.064, 'RMSE': 184.5391, 'MAE': 142.3116, 'SMAPE': 0.0641, 'DiffSMAPE': 0.0641, 'MASE': 1.2968, 'RMSSE': 1.3696, 'ErrorMean': -0.0, 'ErrorStdDev': 184.5391, 'R2': 0.9086, 'Pearson': 0.9533, 'MedAE': 114.802, 'LnQ': 0.4088, 'KS': 0.1525, 'KendallTau': 0.707, 'MannWhitneyU': 1659.0, 'AUC': 0.4766} INFO:pyaf.hierarchical:STRUCTURE_LEVEL (2, ['_']) INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__AHP_TD_Forecast') {'Signal': '__AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 315.5243, 'MAE': 246.8434, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.2653, 'RMSSE': 1.3184, 'ErrorMean': -0.0, 'ErrorStdDev': 315.5243, 'R2': 0.9144, 'Pearson': 0.9562, 'MedAE': 189.5894, 'LnQ': 0.3891, 'KS': 0.1525, 'KendallTau': 0.716, 'MannWhitneyU': 1663.0, 'AUC': 0.4777} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__BU_Forecast') {'Signal': '__BU_Forecast', 'Length': 59, 'MAPE': 0.0577, 'RMSE': 274.0661, 'MAE': 220.4795, 'SMAPE': 0.0575, 'DiffSMAPE': 0.0575, 'MASE': 1.1302, 'RMSSE': 1.1452, 'ErrorMean': 13.8794, 'ErrorStdDev': 273.7144, 'R2': 0.9354, 'Pearson': 0.9673, 'MedAE': 177.7939, 'LnQ': 0.3004, 'KS': 0.1525, 'KendallTau': 0.751, 'MannWhitneyU': 1637.0, 'AUC': 0.4703} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__BU_Forecast') {'Signal': '__BU_Forecast', 'Length': 59, 'MAPE': 0.0575, 'RMSE': 273.5593, 'MAE': 220.3099, 'SMAPE': 0.0571, 'DiffSMAPE': 0.0571, 'MASE': 1.1293, 'RMSSE': 1.1431, 'ErrorMean': 21.4217, 'ErrorStdDev': 272.7193, 'R2': 0.9356, 'Pearson': 0.9676, 'MedAE': 193.2775, 'LnQ': 0.302, 'KS': 0.1525, 'KendallTau': 0.7417, 'MannWhitneyU': 1645.0, 'AUC': 0.4726} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__Forecast') {'Signal': '_', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 315.5243, 'MAE': 246.8434, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.2653, 'RMSSE': 1.3184, 'ErrorMean': -0.0, 'ErrorStdDev': 315.5243, 'R2': 0.9144, 'Pearson': 0.9562, 'MedAE': 189.5894, 'LnQ': 0.3891, 'KS': 0.1525, 'KendallTau': 0.716, 'MannWhitneyU': 1663.0, 'AUC': 0.4777} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__MO_Forecast') {'Signal': '__MO_Forecast', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 315.5243, 'MAE': 246.8434, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.2653, 'RMSSE': 1.3184, 'ErrorMean': -0.0, 'ErrorStdDev': 315.5243, 'R2': 0.9144, 'Pearson': 0.9562, 'MedAE': 189.5894, 'LnQ': 0.3891, 'KS': 0.1525, 'KendallTau': 0.716, 'MannWhitneyU': 1663.0, 'AUC': 0.4777} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__OC_Forecast') {'Signal': '__OC_Forecast', 'Length': 59, 'MAPE': 0.063, 'RMSE': 313.0821, 'MAE': 245.3139, 'SMAPE': 0.0631, 'DiffSMAPE': 0.0631, 'MASE': 1.2575, 'RMSSE': 1.3082, 'ErrorMean': 0.2283, 'ErrorStdDev': 313.082, 'R2': 0.9157, 'Pearson': 0.9569, 'MedAE': 189.5605, 'LnQ': 0.3835, 'KS': 0.1525, 'KendallTau': 0.7195, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__OC_Forecast') {'Signal': '__OC_Forecast', 'Length': 59, 'MAPE': 0.063, 'RMSE': 313.0389, 'MAE': 245.2619, 'SMAPE': 0.0631, 'DiffSMAPE': 0.0631, 'MASE': 1.2572, 'RMSSE': 1.3081, 'ErrorMean': 0.4313, 'ErrorStdDev': 313.0386, 'R2': 0.9157, 'Pearson': 0.9569, 'MedAE': 189.1114, 'LnQ': 0.3836, 'KS': 0.1525, 'KendallTau': 0.7171, 'MannWhitneyU': 1660.0, 'AUC': 0.4769} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', '__PHA_TD_Forecast') {'Signal': '__PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 315.5243, 'MAE': 246.8434, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.2653, 'RMSSE': 1.3184, 'ErrorMean': -0.0, 'ErrorStdDev': 315.5243, 'R2': 0.9144, 'Pearson': 0.9562, 'MedAE': 189.5894, 'LnQ': 0.3891, 'KS': 0.1525, 'KendallTau': 0.716, 'MannWhitneyU': 1663.0, 'AUC': 0.4777} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__AHP_TD_Forecast') {'Signal': '__AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 315.5243, 'MAE': 246.8434, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.2653, 'RMSSE': 1.3184, 'ErrorMean': -0.0, 'ErrorStdDev': 315.5243, 'R2': 0.9144, 'Pearson': 0.9562, 'MedAE': 189.5894, 'LnQ': 0.3891, 'KS': 0.1525, 'KendallTau': 0.716, 'MannWhitneyU': 1663.0, 'AUC': 0.4777} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__BU_Forecast') {'Signal': '__BU_Forecast', 'Length': 59, 'MAPE': 0.0577, 'RMSE': 274.0661, 'MAE': 220.4795, 'SMAPE': 0.0575, 'DiffSMAPE': 0.0575, 'MASE': 1.1302, 'RMSSE': 1.1452, 'ErrorMean': 13.8794, 'ErrorStdDev': 273.7144, 'R2': 0.9354, 'Pearson': 0.9673, 'MedAE': 177.7939, 'LnQ': 0.3004, 'KS': 0.1525, 'KendallTau': 0.751, 'MannWhitneyU': 1637.0, 'AUC': 0.4703} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__BU_Forecast') {'Signal': '__BU_Forecast', 'Length': 59, 'MAPE': 0.0575, 'RMSE': 273.5593, 'MAE': 220.3099, 'SMAPE': 0.0571, 'DiffSMAPE': 0.0571, 'MASE': 1.1293, 'RMSSE': 1.1431, 'ErrorMean': 21.4217, 'ErrorStdDev': 272.7193, 'R2': 0.9356, 'Pearson': 0.9676, 'MedAE': 193.2775, 'LnQ': 0.302, 'KS': 0.1525, 'KendallTau': 0.7417, 'MannWhitneyU': 1645.0, 'AUC': 0.4726} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__Forecast') {'Signal': '_', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 315.5243, 'MAE': 246.8434, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.2653, 'RMSSE': 1.3184, 'ErrorMean': -0.0, 'ErrorStdDev': 315.5243, 'R2': 0.9144, 'Pearson': 0.9562, 'MedAE': 189.5894, 'LnQ': 0.3891, 'KS': 0.1525, 'KendallTau': 0.716, 'MannWhitneyU': 1663.0, 'AUC': 0.4777} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__MO_Forecast') {'Signal': '__MO_Forecast', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 315.5243, 'MAE': 246.8434, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.2653, 'RMSSE': 1.3184, 'ErrorMean': -0.0, 'ErrorStdDev': 315.5243, 'R2': 0.9144, 'Pearson': 0.9562, 'MedAE': 189.5894, 'LnQ': 0.3891, 'KS': 0.1525, 'KendallTau': 0.716, 'MannWhitneyU': 1663.0, 'AUC': 0.4777} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__OC_Forecast') {'Signal': '__OC_Forecast', 'Length': 59, 'MAPE': 0.063, 'RMSE': 313.0821, 'MAE': 245.3139, 'SMAPE': 0.0631, 'DiffSMAPE': 0.0631, 'MASE': 1.2575, 'RMSSE': 1.3082, 'ErrorMean': 0.2283, 'ErrorStdDev': 313.082, 'R2': 0.9157, 'Pearson': 0.9569, 'MedAE': 189.5605, 'LnQ': 0.3835, 'KS': 0.1525, 'KendallTau': 0.7195, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__OC_Forecast') {'Signal': '__OC_Forecast', 'Length': 59, 'MAPE': 0.063, 'RMSE': 313.0389, 'MAE': 245.2619, 'SMAPE': 0.0631, 'DiffSMAPE': 0.0631, 'MASE': 1.2572, 'RMSSE': 1.3081, 'ErrorMean': 0.4313, 'ErrorStdDev': 313.0386, 'R2': 0.9157, 'Pearson': 0.9569, 'MedAE': 189.1114, 'LnQ': 0.3836, 'KS': 0.1525, 'KendallTau': 0.7171, 'MannWhitneyU': 1660.0, 'AUC': 0.4769} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__PHA_TD_Forecast') {'Signal': '__PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 315.5243, 'MAE': 246.8434, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.2653, 'RMSSE': 1.3184, 'ErrorMean': -0.0, 'ErrorStdDev': 315.5243, 'R2': 0.9144, 'Pearson': 0.9562, 'MedAE': 189.5894, 'LnQ': 0.3891, 'KS': 0.1525, 'KendallTau': 0.716, 'MannWhitneyU': 1663.0, 'AUC': 0.4777} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__AHP_TD_Forecast') {'Signal': '__AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 315.5243, 'MAE': 246.8434, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.2653, 'RMSSE': 1.3184, 'ErrorMean': -0.0, 'ErrorStdDev': 315.5243, 'R2': 0.9144, 'Pearson': 0.9562, 'MedAE': 189.5894, 'LnQ': 0.3891, 'KS': 0.1525, 'KendallTau': 0.716, 'MannWhitneyU': 1663.0, 'AUC': 0.4777} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__BU_Forecast') {'Signal': '__BU_Forecast', 'Length': 59, 'MAPE': 0.0577, 'RMSE': 274.0661, 'MAE': 220.4795, 'SMAPE': 0.0575, 'DiffSMAPE': 0.0575, 'MASE': 1.1302, 'RMSSE': 1.1452, 'ErrorMean': 13.8794, 'ErrorStdDev': 273.7144, 'R2': 0.9354, 'Pearson': 0.9673, 'MedAE': 177.7939, 'LnQ': 0.3004, 'KS': 0.1525, 'KendallTau': 0.751, 'MannWhitneyU': 1637.0, 'AUC': 0.4703} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__BU_Forecast') {'Signal': '__BU_Forecast', 'Length': 59, 'MAPE': 0.0575, 'RMSE': 273.5593, 'MAE': 220.3099, 'SMAPE': 0.0571, 'DiffSMAPE': 0.0571, 'MASE': 1.1293, 'RMSSE': 1.1431, 'ErrorMean': 21.4217, 'ErrorStdDev': 272.7193, 'R2': 0.9356, 'Pearson': 0.9676, 'MedAE': 193.2775, 'LnQ': 0.302, 'KS': 0.1525, 'KendallTau': 0.7417, 'MannWhitneyU': 1645.0, 'AUC': 0.4726} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__Forecast') {'Signal': '_', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 315.5243, 'MAE': 246.8434, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.2653, 'RMSSE': 1.3184, 'ErrorMean': -0.0, 'ErrorStdDev': 315.5243, 'R2': 0.9144, 'Pearson': 0.9562, 'MedAE': 189.5894, 'LnQ': 0.3891, 'KS': 0.1525, 'KendallTau': 0.716, 'MannWhitneyU': 1663.0, 'AUC': 0.4777} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__MO_Forecast') {'Signal': '__MO_Forecast', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 315.5243, 'MAE': 246.8434, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.2653, 'RMSSE': 1.3184, 'ErrorMean': -0.0, 'ErrorStdDev': 315.5243, 'R2': 0.9144, 'Pearson': 0.9562, 'MedAE': 189.5894, 'LnQ': 0.3891, 'KS': 0.1525, 'KendallTau': 0.716, 'MannWhitneyU': 1663.0, 'AUC': 0.4777} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__OC_Forecast') {'Signal': '__OC_Forecast', 'Length': 59, 'MAPE': 0.063, 'RMSE': 313.0821, 'MAE': 245.3139, 'SMAPE': 0.0631, 'DiffSMAPE': 0.0631, 'MASE': 1.2575, 'RMSSE': 1.3082, 'ErrorMean': 0.2283, 'ErrorStdDev': 313.082, 'R2': 0.9157, 'Pearson': 0.9569, 'MedAE': 189.5605, 'LnQ': 0.3835, 'KS': 0.1525, 'KendallTau': 0.7195, 'MannWhitneyU': 1662.0, 'AUC': 0.4774} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__OC_Forecast') {'Signal': '__OC_Forecast', 'Length': 59, 'MAPE': 0.063, 'RMSE': 313.0389, 'MAE': 245.2619, 'SMAPE': 0.0631, 'DiffSMAPE': 0.0631, 'MASE': 1.2572, 'RMSSE': 1.3081, 'ErrorMean': 0.4313, 'ErrorStdDev': 313.0386, 'R2': 0.9157, 'Pearson': 0.9569, 'MedAE': 189.1114, 'LnQ': 0.3836, 'KS': 0.1525, 'KendallTau': 0.7171, 'MannWhitneyU': 1660.0, 'AUC': 0.4769} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__PHA_TD_Forecast') {'Signal': '__PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0633, 'RMSE': 315.5243, 'MAE': 246.8434, 'SMAPE': 0.0634, 'DiffSMAPE': 0.0634, 'MASE': 1.2653, 'RMSSE': 1.3184, 'ErrorMean': -0.0, 'ErrorStdDev': 315.5243, 'R2': 0.9144, 'Pearson': 0.9562, 'MedAE': 189.5894, 'LnQ': 0.3891, 'KS': 0.1525, 'KendallTau': 0.716, 'MannWhitneyU': 1663.0, 'AUC': 0.4777} -INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 272.392 +INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 29.591 INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='ACT_female' Length=59 Min=0 Max=36 Mean=12.40678 StdDev=9.085505 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_ACT_female' Min=0.0 Max=1.0 Mean=0.344633 StdDev=0.252375 @@ -382,12 +382,12 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_ACT_female_PolyTrend_residue_Cycle_5_residue INFO:pyaf.std:TREND_DETAIL '_ACT_female_PolyTrend' [PolyTrend] INFO:pyaf.std:CYCLE_DETAIL '_ACT_female_PolyTrend_residue_Cycle_5' [Cycle_5] INFO:pyaf.std:AUTOREG_DETAIL '_ACT_female_PolyTrend_residue_Cycle_5_residue_NoAR' [NoAR] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 1358966309.1745, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 1358966309.1751, 'RMSE': 4.0396, 'MAE': 3.1223, 'MASE': 0.7392} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'M', 'Cycle': 'S', 'AR': 'S'} [MSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None @@ -456,36 +456,36 @@ INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='NSW_male' Length=59 Min=349 Max=1264 Mean=881.830508 StdDev=269.81118 -INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_NSW_male' Min=0.0 Max=1.0 Mean=0.582328 StdDev=0.294876 +INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='RelDiff_NSW_male' Min=-0.21365 Max=0.199241 Mean=-0.014291 StdDev=0.082628 INFO:pyaf.std:EXOGENOUS_DATA ['Index_ex3', 'Index_ex4'] INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' -INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '_NSW_male_PolyTrend_residue_Cycle_7_residue_XGBX(14)' [PolyTrend + Cycle_7 + XGBX] -INFO:pyaf.std:TREND_DETAIL '_NSW_male_PolyTrend' [PolyTrend] -INFO:pyaf.std:CYCLE_DETAIL '_NSW_male_PolyTrend_residue_Cycle_7' [Cycle_7] -INFO:pyaf.std:AUTOREG_DETAIL '_NSW_male_PolyTrend_residue_Cycle_7_residue_XGBX(14)' [XGBX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0436, 'RMSE': 43.3825, 'MAE': 33.1215, 'MASE': 0.5979} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0436, 'RMSE': 43.3825, 'MAE': 33.1215, 'MASE': 0.5979} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0436, 'RMSE': 43.3825, 'MAE': 33.1215, 'MASE': 0.5979} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.0975, 'RMSE': 84.9534, 'MAE': 67.4842, 'MASE': 1.2182} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.0975, 'RMSE': 84.9534, 'MAE': 67.4842, 'MASE': 1.2182} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0975, 'RMSE': 84.9534, 'MAE': 67.4842, 'MASE': 1.2182} -INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'M', 'Cycle': 'S', 'AR': 'L'} [LMSSS] +INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE 'RelDiff_' +INFO:pyaf.std:BEST_DECOMPOSITION 'RelDiff_NSW_male_ConstantTrend_residue_Cycle_7_residue_XGBX(14)' [ConstantTrend + Cycle_7 + XGBX] +INFO:pyaf.std:TREND_DETAIL 'RelDiff_NSW_male_ConstantTrend' [ConstantTrend] +INFO:pyaf.std:CYCLE_DETAIL 'RelDiff_NSW_male_ConstantTrend_residue_Cycle_7' [Cycle_7] +INFO:pyaf.std:AUTOREG_DETAIL 'RelDiff_NSW_male_ConstantTrend_residue_Cycle_7_residue_XGBX(14)' [XGBX] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0609, 'RMSE': 59.7182, 'MAE': 47.997, 'MASE': 0.8664} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0609, 'RMSE': 59.7182, 'MAE': 47.997, 'MASE': 0.8664} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0609, 'RMSE': 59.7182, 'MAE': 47.997, 'MASE': 0.8664} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.0609, 'RMSE': 59.7182, 'MAE': 47.997, 'MASE': 0.8664} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.0609, 'RMSE': 59.7182, 'MAE': 47.997, 'MASE': 0.8664} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0609, 'RMSE': 59.7182, 'MAE': 47.997, 'MASE': 0.8664} +INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'M', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LMSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START -INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None +INFO:pyaf.std:REALTIVE_DIFFERENCING_TRANSFORMATION RelativeDifference 0.7927215189873418 INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:POLYNOMIAL_RIDGE_TREND PolyTrend (0.764719, array([ 0.992202, -2.691017, 0.88965 ])) +INFO:pyaf.std:CONSTANT_TREND RelDiff_NSW_male_ConstantTrend -0.014291 INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _NSW_male_PolyTrend_residue_Cycle_7 7 -0.014647 {0: -0.010719, 1: 0.064871, 2: -0.054506, 3: 0.002196, 4: -0.057684, 5: -0.030963, 6: 0.003793} +INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES RelDiff_NSW_male_ConstantTrend_residue_Cycle_7 7 0.003853 {0: 0.007612, 1: 0.016701, 2: -0.087828, 3: 0.050254, 4: -0.047955, 5: 0.020041, 6: -0.005444} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 0 [] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Index_ex3' {'Mean': 0.0025056519946970814, 'StdDev': 0.7086360603008237} -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 1 ['Index_ex4'] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Index_ex4' {'Mean': 980.7457627118644, 'StdDev': 8.59148178849457} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 1 ['Index_ex3'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='NT_female' Length=59 Min=1 Max=82 Mean=18.305085 StdDev=17.728895 @@ -767,12 +767,12 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_WA_female_ConstantTrend_residue_Cycle_None_r INFO:pyaf.std:TREND_DETAIL '_WA_female_ConstantTrend' [ConstantTrend] INFO:pyaf.std:CYCLE_DETAIL '_WA_female_ConstantTrend_residue_Cycle_None' [Cycle_None] INFO:pyaf.std:AUTOREG_DETAIL '_WA_female_ConstantTrend_residue_Cycle_None_residue_XGBX(14)' [XGBX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0813, 'RMSE': 13.0489, 'MAE': 10.3941, 'MASE': 0.5916} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0813, 'RMSE': 13.0489, 'MAE': 10.3941, 'MASE': 0.5916} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0813, 'RMSE': 13.0489, 'MAE': 10.3941, 'MASE': 0.5916} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1527, 'RMSE': 23.0375, 'MAE': 18.4815, 'MASE': 1.0519} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1527, 'RMSE': 23.0375, 'MAE': 18.4815, 'MASE': 1.0519} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.1527, 'RMSE': 23.0375, 'MAE': 18.4815, 'MASE': 1.0519} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0753, 'RMSE': 12.429, 'MAE': 10.0042, 'MASE': 0.5694} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0753, 'RMSE': 12.429, 'MAE': 10.0042, 'MASE': 0.5694} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0753, 'RMSE': 12.429, 'MAE': 10.0042, 'MASE': 0.5694} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1008, 'RMSE': 17.5737, 'MAE': 13.5516, 'MASE': 0.7713} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1008, 'RMSE': 17.5737, 'MAE': 13.5516, 'MASE': 0.7713} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.1008, 'RMSE': 17.5737, 'MAE': 13.5516, 'MASE': 0.7713} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None @@ -909,8 +909,7 @@ INFO:pyaf.std:COMPETITION_DETAIL_START 'NSW_female' INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'NSW_female' 0 {'Transformation': '_NSW_female', 'DecompositionType': 'T+S+R', 'Model': '_NSW_female_PolyTrend_residue_Cycle_7_residue_NoAR', 'Voting': 201.4167, 'Complexity': 'MSSSS', 'Forecast_MASE_1': 0.9399, 'Forecast_MASE_2': 0.9399, 'Forecast_MASE_3': 0.9399, 'Forecast_MASE_4': 0.9399, 'Forecast_MASE_5': 0.9399, 'Forecast_MASE_6': 0.9399, 'Forecast_MASE_7': 0.9399, 'Forecast_MASE_8': 0.9399, 'Forecast_MASE_9': 0.9399, 'Forecast_MASE_10': 0.9399, 'Forecast_MASE_11': 0.9399, 'Forecast_MASE_12': 0.9399} INFO:pyaf.std:COMPETITION_DETAIL_END 'NSW_female' INFO:pyaf.std:COMPETITION_DETAIL_START 'NSW_male' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'NSW_male' 0 {'Transformation': '_NSW_male', 'DecompositionType': 'T+S+R', 'Model': '_NSW_male_PolyTrend_residue_Cycle_7_residue_XGBX(14)', 'Voting': 196.25, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.5979, 'Forecast_MASE_2': 0.9688, 'Forecast_MASE_3': 1.1276, 'Forecast_MASE_4': 1.2439, 'Forecast_MASE_5': 1.2765, 'Forecast_MASE_6': 1.4174, 'Forecast_MASE_7': 1.4766, 'Forecast_MASE_8': 1.4686, 'Forecast_MASE_9': 1.4474, 'Forecast_MASE_10': 1.3603, 'Forecast_MASE_11': 1.3175, 'Forecast_MASE_12': 1.2182} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'NSW_male' 1 {'Transformation': '_NSW_male', 'DecompositionType': 'T+S+R', 'Model': '_NSW_male_PolyTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 195.9167, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.5875, 'Forecast_MASE_2': 0.8901, 'Forecast_MASE_3': 1.0607, 'Forecast_MASE_4': 1.1669, 'Forecast_MASE_5': 1.2098, 'Forecast_MASE_6': 1.2561, 'Forecast_MASE_7': 1.2201, 'Forecast_MASE_8': 1.3273, 'Forecast_MASE_9': 1.3635, 'Forecast_MASE_10': 1.4168, 'Forecast_MASE_11': 1.4611, 'Forecast_MASE_12': 1.4685} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'NSW_male' 0 {'Transformation': 'RelDiff_NSW_male', 'DecompositionType': 'T+S+R', 'Model': 'RelDiff_NSW_male_ConstantTrend_residue_Cycle_7_residue_XGBX(14)', 'Voting': 198.9167, 'Complexity': 'LMSSS', 'Forecast_MASE_1': 0.8664, 'Forecast_MASE_2': 0.8664, 'Forecast_MASE_3': 0.8664, 'Forecast_MASE_4': 0.8664, 'Forecast_MASE_5': 0.8664, 'Forecast_MASE_6': 0.8664, 'Forecast_MASE_7': 0.8664, 'Forecast_MASE_8': 0.8664, 'Forecast_MASE_9': 0.8664, 'Forecast_MASE_10': 0.8664, 'Forecast_MASE_11': 0.8664, 'Forecast_MASE_12': 0.8664} INFO:pyaf.std:COMPETITION_DETAIL_END 'NSW_male' INFO:pyaf.std:COMPETITION_DETAIL_START 'NT_female' INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'NT_female' 0 {'Transformation': '_NT_female', 'DecompositionType': 'T+S+R', 'Model': '_NT_female_PolyTrend_residue_Cycle_None_residue_NoAR', 'Voting': 200.0, 'Complexity': 'MSSSS', 'Forecast_MASE_1': 1.1149, 'Forecast_MASE_2': 1.1149, 'Forecast_MASE_3': 1.1149, 'Forecast_MASE_4': 1.1149, 'Forecast_MASE_5': 1.1149, 'Forecast_MASE_6': 1.1149, 'Forecast_MASE_7': 1.1149, 'Forecast_MASE_8': 1.1149, 'Forecast_MASE_9': 1.1149, 'Forecast_MASE_10': 1.1149, 'Forecast_MASE_11': 1.1149, 'Forecast_MASE_12': 1.1149} @@ -946,8 +945,8 @@ INFO:pyaf.std:COMPETITION_DETAIL_START 'VIC_male' INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'VIC_male' 0 {'Transformation': 'Diff_VIC_male', 'DecompositionType': 'T+S+R', 'Model': 'Diff_VIC_male_PolyTrend_residue_zeroCycle[0.0]_residue_NoAR', 'Voting': 201.0833, 'Complexity': 'MMSSS', 'Forecast_MASE_1': 1.0078, 'Forecast_MASE_2': 1.0078, 'Forecast_MASE_3': 1.0078, 'Forecast_MASE_4': 1.0078, 'Forecast_MASE_5': 1.0078, 'Forecast_MASE_6': 1.0078, 'Forecast_MASE_7': 1.0078, 'Forecast_MASE_8': 1.0078, 'Forecast_MASE_9': 1.0078, 'Forecast_MASE_10': 1.0078, 'Forecast_MASE_11': 1.0078, 'Forecast_MASE_12': 1.0078} INFO:pyaf.std:COMPETITION_DETAIL_END 'VIC_male' INFO:pyaf.std:COMPETITION_DETAIL_START 'WA_female' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'WA_female' 0 {'Transformation': '_WA_female', 'DecompositionType': 'T+S+R', 'Model': '_WA_female_ConstantTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 201.3333, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.5916, 'Forecast_MASE_2': 0.7753, 'Forecast_MASE_3': 0.8633, 'Forecast_MASE_4': 0.8849, 'Forecast_MASE_5': 0.7828, 'Forecast_MASE_6': 0.874, 'Forecast_MASE_7': 0.9603, 'Forecast_MASE_8': 0.9223, 'Forecast_MASE_9': 0.9447, 'Forecast_MASE_10': 0.9642, 'Forecast_MASE_11': 0.9408, 'Forecast_MASE_12': 1.0519} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'WA_female' 1 {'Transformation': '_WA_female', 'DecompositionType': 'T+S+R', 'Model': '_WA_female_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 201.3333, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.5916, 'Forecast_MASE_2': 0.7753, 'Forecast_MASE_3': 0.8633, 'Forecast_MASE_4': 0.8849, 'Forecast_MASE_5': 0.7828, 'Forecast_MASE_6': 0.874, 'Forecast_MASE_7': 0.9603, 'Forecast_MASE_8': 0.9223, 'Forecast_MASE_9': 0.9447, 'Forecast_MASE_10': 0.9642, 'Forecast_MASE_11': 0.9408, 'Forecast_MASE_12': 1.0519} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'WA_female' 0 {'Transformation': '_WA_female', 'DecompositionType': 'T+S+R', 'Model': '_WA_female_ConstantTrend_residue_Cycle_None_residue_XGBX(14)', 'Voting': 201.3333, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.5694, 'Forecast_MASE_2': 0.7748, 'Forecast_MASE_3': 0.8207, 'Forecast_MASE_4': 0.8206, 'Forecast_MASE_5': 0.8029, 'Forecast_MASE_6': 0.7679, 'Forecast_MASE_7': 0.7909, 'Forecast_MASE_8': 0.7293, 'Forecast_MASE_9': 0.7802, 'Forecast_MASE_10': 0.7451, 'Forecast_MASE_11': 0.7643, 'Forecast_MASE_12': 0.7713} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'WA_female' 1 {'Transformation': '_WA_female', 'DecompositionType': 'T+S+R', 'Model': '_WA_female_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(14)', 'Voting': 201.3333, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.5694, 'Forecast_MASE_2': 0.7748, 'Forecast_MASE_3': 0.8207, 'Forecast_MASE_4': 0.8206, 'Forecast_MASE_5': 0.8029, 'Forecast_MASE_6': 0.7679, 'Forecast_MASE_7': 0.7909, 'Forecast_MASE_8': 0.7293, 'Forecast_MASE_9': 0.7802, 'Forecast_MASE_10': 0.7451, 'Forecast_MASE_11': 0.7643, 'Forecast_MASE_12': 0.7713} INFO:pyaf.std:COMPETITION_DETAIL_END 'WA_female' INFO:pyaf.std:COMPETITION_DETAIL_START 'WA_male' INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'WA_male' 0 {'Transformation': '_WA_male', 'DecompositionType': 'T+S+R', 'Model': '_WA_male_PolyTrend_residue_Cycle_5_residue_NoAR', 'Voting': 201.5, 'Complexity': 'MSSSS', 'Forecast_MASE_1': 0.9706, 'Forecast_MASE_2': 0.9706, 'Forecast_MASE_3': 0.9706, 'Forecast_MASE_4': 0.9706, 'Forecast_MASE_5': 0.9706, 'Forecast_MASE_6': 0.9706, 'Forecast_MASE_7': 0.9706, 'Forecast_MASE_8': 0.9706, 'Forecast_MASE_9': 0.9706, 'Forecast_MASE_10': 0.9706, 'Forecast_MASE_11': 0.9706, 'Forecast_MASE_12': 0.9706} @@ -1006,7 +1005,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "Length": 59, "LnQ": Infinity, "MAE": 3.1223, - "MAPE": 1358966309.1745, + "MAPE": 1358966309.1751, "MASE": 0.7392, "MannWhitneyU": 1689.5, "MedAE": 2.5957, @@ -1027,7 +1026,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "Length": 59, "LnQ": Infinity, "MAE": 3.1223, - "MAPE": 1358966309.1745, + "MAPE": 1358966309.1751, "MASE": 0.7392, "MannWhitneyU": 1689.5, "MedAE": 2.5957, @@ -1143,7 +1142,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model_Performance": { "1": { - "AUC": 0.5013, + "AUC": 0.5014, "DiffSMAPE": 0.0744, "ErrorMean": -6.9343, "ErrorStdDev": 52.0969, @@ -1154,7 +1153,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "MAE": 41.3544, "MAPE": 0.0735, "MASE": 0.9399, - "MannWhitneyU": 1745.0, + "MannWhitneyU": 1745.5, "MedAE": 36.7588, "Pearson": 0.9682, "R2": 0.9364, @@ -1164,7 +1163,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "Signal": "NSW_female_Forecast_1" }, "12": { - "AUC": 0.5013, + "AUC": 0.5014, "DiffSMAPE": 0.0744, "ErrorMean": -6.9343, "ErrorStdDev": 52.0969, @@ -1175,7 +1174,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "MAE": 41.3544, "MAPE": 0.0735, "MASE": 0.9399, - "MannWhitneyU": 1745.0, + "MannWhitneyU": 1745.5, "MedAE": 36.7588, "Pearson": 0.9682, "R2": 0.9364, @@ -1192,8 +1191,8 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "AR": "L", "Cycle": "S", "Decomposition": "S", - "Transformation": "S", - "Trend": "M" + "Transformation": "M", + "Trend": "S" }, "Dataset": { "Exogenous_Data": { @@ -1201,13 +1200,13 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "Categorical_Variables_Excluded": [], "Categorical_Variables_Usage": {}, "Continuous_Variables": { - "Index_ex3": { - "Mean": 0.0025056519946970814, - "StdDev": 0.7086360603008237 + "Index_ex4": { + "Mean": 980.7457627118644, + "StdDev": 8.59148178849457 } }, "Continuous_Variables_Excluded": [ - "Index_ex4" + "Index_ex3" ] }, "Signal": "NSW_male", @@ -1222,53 +1221,53 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model": { "AR_Model": "XGBX", - "Best_Decomposition": "_NSW_male_PolyTrend_residue_Cycle_7_residue_XGBX(14)", + "Best_Decomposition": "RelDiff_NSW_male_ConstantTrend_residue_Cycle_7_residue_XGBX(14)", "Cycle": "Cycle_7", "Signal_Decomposition_Type": "T+S+R", - "Signal_Transoformation": "NoTransf", - "Trend": "PolyTrend" + "Signal_Transoformation": "RelativeDifference", + "Trend": "ConstantTrend" }, "Model_Performance": { "1": { - "AUC": 0.466, - "DiffSMAPE": 0.0428, - "ErrorMean": 15.7443, - "ErrorStdDev": 40.4247, + "AUC": 0.4565, + "DiffSMAPE": 0.0587, + "ErrorMean": 23.2866, + "ErrorStdDev": 54.9909, "KS": 0.1356, - "KendallTau": 0.8532, + "KendallTau": 0.8228, "Length": 59, - "LnQ": 0.2029, - "MAE": 33.1215, - "MAPE": 0.0436, - "MASE": 0.5979, - "MannWhitneyU": 1622.0, - "MedAE": 27.5762, - "Pearson": 0.9887, - "R2": 0.9741, - "RMSE": 43.3825, - "RMSSE": 0.6044, - "SMAPE": 0.0428, + "LnQ": 0.315, + "MAE": 47.997, + "MAPE": 0.0609, + "MASE": 0.8664, + "MannWhitneyU": 1589.0, + "MedAE": 37.0889, + "Pearson": 0.9797, + "R2": 0.951, + "RMSE": 59.7182, + "RMSSE": 0.832, + "SMAPE": 0.0587, "Signal": "NSW_male_Forecast_1" }, "12": { - "AUC": 0.453, - "DiffSMAPE": 0.0938, - "ErrorMean": 27.0136, - "ErrorStdDev": 80.5441, - "KS": 0.2034, - "KendallTau": 0.7854, + "AUC": 0.4565, + "DiffSMAPE": 0.0587, + "ErrorMean": 23.2866, + "ErrorStdDev": 54.9909, + "KS": 0.1356, + "KendallTau": 0.8228, "Length": 59, - "LnQ": 1.0854, - "MAE": 67.4842, - "MAPE": 0.0975, - "MASE": 1.2182, - "MannWhitneyU": 1577.0, - "MedAE": 52.3489, - "Pearson": 0.9567, - "R2": 0.9009, - "RMSE": 84.9534, - "RMSSE": 1.1836, - "SMAPE": 0.0938, + "LnQ": 0.315, + "MAE": 47.997, + "MAPE": 0.0609, + "MASE": 0.8664, + "MannWhitneyU": 1589.0, + "MedAE": 37.0889, + "Pearson": 0.9797, + "R2": 0.951, + "RMSE": 59.7182, + "RMSSE": 0.832, + "SMAPE": 0.0587, "Signal": "NSW_male_Forecast_12" } }, @@ -1376,7 +1375,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model_Performance": { "1": { - "AUC": 0.451, + "AUC": 0.4507, "DiffSMAPE": 0.5169, "ErrorMean": -0.0, "ErrorStdDev": 13.4642, @@ -1387,7 +1386,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "MAE": 9.3772, "MAPE": 0.5395, "MASE": 1.3298, - "MannWhitneyU": 1570.0, + "MannWhitneyU": 1569.0, "MedAE": 6.7796, "Pearson": 0.7619, "R2": 0.578, @@ -1397,7 +1396,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "Signal": "NT_male_Forecast_1" }, "12": { - "AUC": 0.451, + "AUC": 0.4507, "DiffSMAPE": 0.5169, "ErrorMean": -0.0, "ErrorStdDev": 13.4642, @@ -1408,7 +1407,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "MAE": 9.3772, "MAPE": 0.5395, "MASE": 1.3298, - "MannWhitneyU": 1570.0, + "MannWhitneyU": 1569.0, "MedAE": 6.7796, "Pearson": 0.7619, "R2": 0.578, @@ -1524,7 +1523,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "1": { "AUC": 0.4981, "DiffSMAPE": 0.0775, - "ErrorMean": 0.0, + "ErrorMean": -0.0, "ErrorStdDev": 33.2001, "KS": 0.1525, "KendallTau": 0.6856, @@ -1545,7 +1544,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al "12": { "AUC": 0.4981, "DiffSMAPE": 0.0775, - "ErrorMean": 0.0, + "ErrorMean": -0.0, "ErrorStdDev": 33.2001, "KS": 0.1525, "KendallTau": 0.6856, @@ -2045,45 +2044,45 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al }, "Model_Performance": { "1": { - "AUC": 0.4665, - "DiffSMAPE": 0.0784, - "ErrorMean": 2.4534, - "ErrorStdDev": 12.8162, - "KS": 0.1525, - "KendallTau": 0.7292, + "AUC": 0.4964, + "DiffSMAPE": 0.0741, + "ErrorMean": -0.0154, + "ErrorStdDev": 12.429, + "KS": 0.1356, + "KendallTau": 0.7501, "Length": 59, - "LnQ": 0.5854, - "MAE": 10.3941, - "MAPE": 0.0813, - "MASE": 0.5916, - "MannWhitneyU": 1624.0, - "MedAE": 8.3497, - "Pearson": 0.9331, - "R2": 0.8538, - "RMSE": 13.0489, - "RMSSE": 0.5977, - "SMAPE": 0.0784, + "LnQ": 0.4923, + "MAE": 10.0042, + "MAPE": 0.0753, + "MASE": 0.5694, + "MannWhitneyU": 1728.0, + "MedAE": 8.887, + "Pearson": 0.9373, + "R2": 0.8673, + "RMSE": 12.429, + "RMSSE": 0.5693, + "SMAPE": 0.0741, "Signal": "WA_female_Forecast_1" }, "12": { - "AUC": 0.4654, - "DiffSMAPE": 0.1401, - "ErrorMean": 5.5823, - "ErrorStdDev": 22.351, - "KS": 0.2203, - "KendallTau": 0.4879, + "AUC": 0.5065, + "DiffSMAPE": 0.099, + "ErrorMean": -0.0968, + "ErrorStdDev": 17.5735, + "KS": 0.1864, + "KendallTau": 0.6011, "Length": 59, - "LnQ": 1.9802, - "MAE": 18.4815, - "MAPE": 0.1527, - "MASE": 1.0519, - "MannWhitneyU": 1620.0, - "MedAE": 15.5846, - "Pearson": 0.7811, - "R2": 0.5443, - "RMSE": 23.0375, - "RMSSE": 1.0551, - "SMAPE": 0.1402, + "LnQ": 0.9093, + "MAE": 13.5516, + "MAPE": 0.1008, + "MASE": 0.7713, + "MannWhitneyU": 1763.0, + "MedAE": 11.2302, + "Pearson": 0.8662, + "R2": 0.7348, + "RMSE": 17.5737, + "RMSSE": 0.8049, + "SMAPE": 0.099, "Signal": "WA_female_Forecast_12" } }, @@ -2430,7 +2429,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_Al ] } }, - "Training_Time": 272.392 + "Training_Time": 29.591 }INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'NSW_female', 'NSW_male', 'NT_female', 'NT_male', 'QLD_female', 'QLD_male', 'SA_female', 'SA_male', 'TAS_female', 'TAS_male', 'VIC_female', 'VIC_male', 'WA_female', 'WA_male', '_female', '_male', '_'], 'Horizons': {'ACT_female': 12, 'ACT_male': 12, 'NSW_female': 12, 'NSW_male': 12, 'NT_female': 12, 'NT_male': 12, 'QLD_female': 12, 'QLD_male': 12, 'SA_female': 12, 'SA_male': 12, 'TAS_female': 12, 'TAS_male': 12, 'VIC_female': 12, 'VIC_male': 12, 'WA_female': 12, 'WA_male': 12, '_female': 12, '_male': 12, '_': 12}} @@ -2438,11 +2437,11 @@ INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['ACT_female', 'ACT_male', 'N -INFO:pyaf.std:FORECASTING_ENGINE_END 38.795 +INFO:pyaf.std:FORECASTING_ENGINE_END 4.929 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU', 'TD', 'MO', 'OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD PHA_TD INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_MIDDLE_OUT_METHOD MO INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_OPTIMAL_COMBINATION_METHOD OC -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_grouped_signals_AllMethods_Exogenous_per_node_force_XGBX.py', 'ElapsedTimeSecs':(322.10, 4.69, 129.64), 'MAX_MEM_KB':196668, 'CPU_PRCNT':'41%', 'FILES_IN':1352, 'FILES_OUT':1432, 'EXIT_STATUS':0} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_grouped_signals_AllMethods_Exogenous_per_node_force_XGBX.py', 'ElapsedTimeSecs':(36.03, 8.85, 214.44), 'MAX_MEM_KB':187312, 'CPU_PRCNT':'619%', 'FILES_IN':0, 'FILES_OUT':1440, 'EXIT_STATUS':0} diff --git a/tests/references/hierarchical/test_grouped_signals_BU.log b/tests/references/hierarchical/test_grouped_signals_BU.log index 29f52de78..2b383792e 100644 --- a/tests/references/hierarchical/test_grouped_signals_BU.log +++ b/tests/references/hierarchical/test_grouped_signals_BU.log @@ -2,13 +2,13 @@ INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_START INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male', '_female', '_male', '_'], 'Horizons': {'NSW_female': 12, 'NSW_male': 12, 'VIC_female': 12, 'VIC_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 48.277 +INFO:pyaf.std:TRAINING_ENGINE_END 10.948 INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_END INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_COMPUTE_TOP_DOWN_HISTORICAL_PROPORTIONS INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male', '_female', '_male', '_'], 'Horizons': {'NSW_female': 12, 'NSW_male': 12, 'VIC_female': 12, 'VIC_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 24.205 +INFO:pyaf.std:FORECASTING_ENGINE_END 1.427 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_OPTIMAL_COMBINATION_METHOD @@ -29,12 +29,12 @@ INFO:pyaf.hierarchical:DATASET_COLUMNS Index(['Index', 'NSW_female', 'NSW_female '_male_BU_Forecast', '__BU_Forecast'], dtype='object') INFO:pyaf.hierarchical:STRUCTURE_LEVEL (0, ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male']) -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_BU_Forecast') {'Signal': 'NSW_female_BU_Forecast', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_BU_Forecast') {'Signal': 'NSW_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0703, 'RMSE': 75.4702, 'MAE': 53.0655, 'SMAPE': 0.0715, 'DiffSMAPE': 0.0715, 'MASE': 0.9579, 'RMSSE': 1.0514, 'ErrorMean': -10.3045, 'ErrorStdDev': 74.7634, 'R2': 0.9218, 'Pearson': 0.9609, 'MedAE': 36.9102, 'LnQ': 0.6419, 'KS': 0.1017, 'KendallTau': 0.8181, 'MannWhitneyU': 1748.5, 'AUC': 0.5023} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_Forecast') {'Signal': 'NSW_male', 'Length': 59, 'MAPE': 0.0703, 'RMSE': 75.4702, 'MAE': 53.0655, 'SMAPE': 0.0715, 'DiffSMAPE': 0.0715, 'MASE': 0.9579, 'RMSSE': 1.0514, 'ErrorMean': -10.3045, 'ErrorStdDev': 74.7634, 'R2': 0.9218, 'Pearson': 0.9609, 'MedAE': 36.9102, 'LnQ': 0.6419, 'KS': 0.1017, 'KendallTau': 0.8181, 'MannWhitneyU': 1748.5, 'AUC': 0.5023} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_male_BU_Forecast') {'Signal': 'NSW_male_BU_Forecast', 'Length': 59, 'MAPE': 0.0703, 'RMSE': 75.4702, 'MAE': 53.0655, 'SMAPE': 0.0715, 'DiffSMAPE': 0.0715, 'MASE': 0.9579, 'RMSSE': 1.0514, 'ErrorMean': -10.3045, 'ErrorStdDev': 74.7634, 'R2': 0.9218, 'Pearson': 0.9609, 'MedAE': 36.9102, 'LnQ': 0.6419, 'KS': 0.1017, 'KendallTau': 0.8181, 'MannWhitneyU': 1748.5, 'AUC': 0.5023} @@ -73,7 +73,7 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__BU_Forecas INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__Forecast') {'Signal': '_', 'Length': 59, 'MAPE': 0.0672, 'RMSE': 202.5936, 'MAE': 160.9384, 'SMAPE': 0.0671, 'DiffSMAPE': 0.0671, 'MASE': 1.1983, 'RMSSE': 1.194, 'ErrorMean': -0.0, 'ErrorStdDev': 202.5936, 'R2': 0.9261, 'Pearson': 0.9623, 'MedAE': 149.8491, 'LnQ': 0.432, 'KS': 0.1695, 'KendallTau': 0.7632, 'MannWhitneyU': 1661.0, 'AUC': 0.4772} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__BU_Forecast') {'Signal': '__BU_Forecast', 'Length': 59, 'MAPE': 0.066, 'RMSE': 197.785, 'MAE': 154.5538, 'SMAPE': 0.066, 'DiffSMAPE': 0.066, 'MASE': 1.1507, 'RMSSE': 1.1656, 'ErrorMean': -10.3045, 'ErrorStdDev': 197.5164, 'R2': 0.9295, 'Pearson': 0.9642, 'MedAE': 133.5749, 'LnQ': 0.4251, 'KS': 0.1695, 'KendallTau': 0.7713, 'MannWhitneyU': 1670.0, 'AUC': 0.4797} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__Forecast') {'Signal': '_', 'Length': 59, 'MAPE': 0.0672, 'RMSE': 202.5936, 'MAE': 160.9384, 'SMAPE': 0.0671, 'DiffSMAPE': 0.0671, 'MASE': 1.1983, 'RMSSE': 1.194, 'ErrorMean': -0.0, 'ErrorStdDev': 202.5936, 'R2': 0.9261, 'Pearson': 0.9623, 'MedAE': 149.8491, 'LnQ': 0.432, 'KS': 0.1695, 'KendallTau': 0.7632, 'MannWhitneyU': 1661.0, 'AUC': 0.4772} -INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 85.186 +INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 13.678 INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='NSW_female' Length=59 Min=270 Max=1000 Mean=650.932203 StdDev=208.335442 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_NSW_female' Min=0.0 Max=1.0 Mean=0.521825 StdDev=0.285391 @@ -288,7 +288,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_BU INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male', '_female', '_male', '_'], 'Horizons': {'NSW_female': 12, 'NSW_male': 12, 'VIC_female': 12, 'VIC_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 18.106 +INFO:pyaf.std:FORECASTING_ENGINE_END 1.746 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_grouped_signals_BU.py', 'ElapsedTimeSecs':(115.69, 1.36, 40.78), 'MAX_MEM_KB':155352, 'CPU_PRCNT':'36%', 'FILES_IN':352, 'FILES_OUT':312, 'EXIT_STATUS':0} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_grouped_signals_BU.py', 'ElapsedTimeSecs':(16.58, 1.92, 70.00), 'MAX_MEM_KB':151456, 'CPU_PRCNT':'433%', 'FILES_IN':0, 'FILES_OUT':208, 'EXIT_STATUS':0} diff --git a/tests/references/hierarchical/test_grouped_signals_MO.log b/tests/references/hierarchical/test_grouped_signals_MO.log index 04c0da7cd..acffc9ae6 100644 --- a/tests/references/hierarchical/test_grouped_signals_MO.log +++ b/tests/references/hierarchical/test_grouped_signals_MO.log @@ -2,13 +2,13 @@ INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_START INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male', '_female', '_male', '_'], 'Horizons': {'NSW_female': 12, 'NSW_male': 12, 'VIC_female': 12, 'VIC_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 60.99 +INFO:pyaf.std:TRAINING_ENGINE_END 8.153 INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_END INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_COMPUTE_TOP_DOWN_HISTORICAL_PROPORTIONS INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male', '_female', '_male', '_'], 'Horizons': {'NSW_female': 12, 'NSW_male': 12, 'VIC_female': 12, 'VIC_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 9.495 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.95 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['MO'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_MIDDLE_OUT_METHOD MO INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_OPTIMAL_COMBINATION_METHOD @@ -29,11 +29,11 @@ INFO:pyaf.hierarchical:DATASET_COLUMNS Index(['Index', 'NSW_female', 'NSW_female 'VIC_male_MO_Forecast', '__MO_Forecast'], dtype='object') INFO:pyaf.hierarchical:STRUCTURE_LEVEL (0, ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male']) -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0753, 'RMSE': 57.9255, 'MAE': 44.6353, 'SMAPE': 0.0739, 'DiffSMAPE': 0.0739, 'MASE': 1.0144, 'RMSSE': 1.0058, 'ErrorMean': -0.0, 'ErrorStdDev': 57.9255, 'R2': 0.9227, 'Pearson': 0.9619, 'MedAE': 30.3823, 'LnQ': 0.5697, 'KS': 0.1356, 'KendallTau': 0.7846, 'MannWhitneyU': 1729.0, 'AUC': 0.4967} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0753, 'RMSE': 57.9255, 'MAE': 44.6353, 'SMAPE': 0.0739, 'DiffSMAPE': 0.0739, 'MASE': 1.0144, 'RMSSE': 1.0058, 'ErrorMean': -0.0, 'ErrorStdDev': 57.9255, 'R2': 0.9227, 'Pearson': 0.9619, 'MedAE': 30.3823, 'LnQ': 0.5697, 'KS': 0.1356, 'KendallTau': 0.7846, 'MannWhitneyU': 1729.0, 'AUC': 0.4967} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_MO_Forecast') {'Signal': 'NSW_female_MO_Forecast', 'Length': 59, 'MAPE': 0.0753, 'RMSE': 57.9255, 'MAE': 44.6353, 'SMAPE': 0.0739, 'DiffSMAPE': 0.0739, 'MASE': 1.0144, 'RMSSE': 1.0058, 'ErrorMean': -0.0, 'ErrorStdDev': 57.9255, 'R2': 0.9227, 'Pearson': 0.9619, 'MedAE': 30.3823, 'LnQ': 0.5697, 'KS': 0.1356, 'KendallTau': 0.7846, 'MannWhitneyU': 1729.0, 'AUC': 0.4967} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_Forecast') {'Signal': 'NSW_male', 'Length': 59, 'MAPE': 0.0703, 'RMSE': 75.4702, 'MAE': 53.0655, 'SMAPE': 0.0715, 'DiffSMAPE': 0.0715, 'MASE': 0.9579, 'RMSSE': 1.0514, 'ErrorMean': -10.3045, 'ErrorStdDev': 74.7634, 'R2': 0.9218, 'Pearson': 0.9609, 'MedAE': 36.9102, 'LnQ': 0.6419, 'KS': 0.1017, 'KendallTau': 0.8181, 'MannWhitneyU': 1748.5, 'AUC': 0.5023} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_MO_Forecast') {'Signal': 'NSW_male_MO_Forecast', 'Length': 59, 'MAPE': 0.0764, 'RMSE': 76.2978, 'MAE': 61.5801, 'SMAPE': 0.0756, 'DiffSMAPE': 0.0756, 'MASE': 1.1116, 'RMSSE': 1.063, 'ErrorMean': -0.0, 'ErrorStdDev': 76.2978, 'R2': 0.92, 'Pearson': 0.9599, 'MedAE': 51.2037, 'LnQ': 0.5416, 'KS': 0.1356, 'KendallTau': 0.7749, 'MannWhitneyU': 1692.0, 'AUC': 0.4861} @@ -73,7 +73,7 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__Forecast') INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__MO_Forecast') {'Signal': '__MO_Forecast', 'Length': 59, 'MAPE': 0.0672, 'RMSE': 202.5936, 'MAE': 160.9384, 'SMAPE': 0.0671, 'DiffSMAPE': 0.0671, 'MASE': 1.1983, 'RMSSE': 1.194, 'ErrorMean': -0.0, 'ErrorStdDev': 202.5936, 'R2': 0.9261, 'Pearson': 0.9623, 'MedAE': 149.8491, 'LnQ': 0.432, 'KS': 0.1695, 'KendallTau': 0.7632, 'MannWhitneyU': 1661.0, 'AUC': 0.4772} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__Forecast') {'Signal': '_', 'Length': 59, 'MAPE': 0.0672, 'RMSE': 202.5936, 'MAE': 160.9384, 'SMAPE': 0.0671, 'DiffSMAPE': 0.0671, 'MASE': 1.1983, 'RMSSE': 1.194, 'ErrorMean': -0.0, 'ErrorStdDev': 202.5936, 'R2': 0.9261, 'Pearson': 0.9623, 'MedAE': 149.8491, 'LnQ': 0.432, 'KS': 0.1695, 'KendallTau': 0.7632, 'MannWhitneyU': 1661.0, 'AUC': 0.4772} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__MO_Forecast') {'Signal': '__MO_Forecast', 'Length': 59, 'MAPE': 0.0672, 'RMSE': 202.5936, 'MAE': 160.9384, 'SMAPE': 0.0671, 'DiffSMAPE': 0.0671, 'MASE': 1.1983, 'RMSSE': 1.194, 'ErrorMean': -0.0, 'ErrorStdDev': 202.5936, 'R2': 0.9261, 'Pearson': 0.9623, 'MedAE': 149.8491, 'LnQ': 0.432, 'KS': 0.1695, 'KendallTau': 0.7632, 'MannWhitneyU': 1661.0, 'AUC': 0.4772} -INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 84.513 +INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 10.413 INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='NSW_female' Length=59 Min=270 Max=1000 Mean=650.932203 StdDev=208.335442 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_NSW_female' Min=0.0 Max=1.0 Mean=0.521825 StdDev=0.285391 @@ -288,7 +288,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_MO INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male', '_female', '_male', '_'], 'Horizons': {'NSW_female': 12, 'NSW_male': 12, 'VIC_female': 12, 'VIC_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 4.809 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.901 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['MO'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_MIDDLE_OUT_METHOD MO -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_grouped_signals_MO.py', 'ElapsedTimeSecs':(103.39, 1.71, 42.45), 'MAX_MEM_KB':155800, 'CPU_PRCNT':'42%', 'FILES_IN':8, 'FILES_OUT':264, 'EXIT_STATUS':0} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_grouped_signals_MO.py', 'ElapsedTimeSecs':(12.38, 1.63, 59.42), 'MAX_MEM_KB':151184, 'CPU_PRCNT':'492%', 'FILES_IN':0, 'FILES_OUT':208, 'EXIT_STATUS':0} diff --git a/tests/references/hierarchical/test_grouped_signals_OC.log b/tests/references/hierarchical/test_grouped_signals_OC.log index d6581d3d5..a026a3bbf 100644 --- a/tests/references/hierarchical/test_grouped_signals_OC.log +++ b/tests/references/hierarchical/test_grouped_signals_OC.log @@ -2,13 +2,13 @@ INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_START INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male', '_female', '_male', '_'], 'Horizons': {'NSW_female': 12, 'NSW_male': 12, 'VIC_female': 12, 'VIC_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 59.198 +INFO:pyaf.std:TRAINING_ENGINE_END 8.001 INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_END INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_COMPUTE_TOP_DOWN_HISTORICAL_PROPORTIONS INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male', '_female', '_male', '_'], 'Horizons': {'NSW_female': 12, 'NSW_male': 12, 'VIC_female': 12, 'VIC_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 10.898 +INFO:pyaf.std:FORECASTING_ENGINE_END 1.307 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_OPTIMAL_COMBINATION_METHOD OC INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_OPTIMAL_COMBINATION_METHOD @@ -29,11 +29,11 @@ INFO:pyaf.hierarchical:DATASET_COLUMNS Index(['Index', 'NSW_female', 'NSW_female '_male_OC_Forecast', '__OC_Forecast'], dtype='object') INFO:pyaf.hierarchical:STRUCTURE_LEVEL (0, ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male']) -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0727, 'RMSE': 52.7177, 'MAE': 42.6918, 'SMAPE': 0.0729, 'DiffSMAPE': 0.0729, 'MASE': 0.9703, 'RMSSE': 0.9154, 'ErrorMean': -3.802, 'ErrorStdDev': 52.5804, 'R2': 0.936, 'Pearson': 0.9676, 'MedAE': 37.7484, 'LnQ': 0.4982, 'KS': 0.1186, 'KendallTau': 0.8407, 'MannWhitneyU': 1717.0, 'AUC': 0.4932} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0727, 'RMSE': 52.7177, 'MAE': 42.6918, 'SMAPE': 0.0729, 'DiffSMAPE': 0.0729, 'MASE': 0.9703, 'RMSSE': 0.9154, 'ErrorMean': -3.802, 'ErrorStdDev': 52.5804, 'R2': 0.936, 'Pearson': 0.9676, 'MedAE': 37.7484, 'LnQ': 0.4982, 'KS': 0.1186, 'KendallTau': 0.8407, 'MannWhitneyU': 1717.0, 'AUC': 0.4932} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_OC_Forecast') {'Signal': 'NSW_female_OC_Forecast', 'Length': 59, 'MAPE': 0.0727, 'RMSE': 52.7177, 'MAE': 42.6918, 'SMAPE': 0.0729, 'DiffSMAPE': 0.0729, 'MASE': 0.9703, 'RMSSE': 0.9154, 'ErrorMean': -3.802, 'ErrorStdDev': 52.5804, 'R2': 0.936, 'Pearson': 0.9676, 'MedAE': 37.7484, 'LnQ': 0.4982, 'KS': 0.1186, 'KendallTau': 0.8407, 'MannWhitneyU': 1717.0, 'AUC': 0.4932} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_Forecast') {'Signal': 'NSW_male', 'Length': 59, 'MAPE': 0.0703, 'RMSE': 75.4702, 'MAE': 53.0655, 'SMAPE': 0.0715, 'DiffSMAPE': 0.0715, 'MASE': 0.9579, 'RMSSE': 1.0514, 'ErrorMean': -10.3045, 'ErrorStdDev': 74.7634, 'R2': 0.9218, 'Pearson': 0.9609, 'MedAE': 36.9102, 'LnQ': 0.6419, 'KS': 0.1017, 'KendallTau': 0.8181, 'MannWhitneyU': 1748.5, 'AUC': 0.5023} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_OC_Forecast') {'Signal': 'NSW_male_OC_Forecast', 'Length': 59, 'MAPE': 0.0703, 'RMSE': 73.425, 'MAE': 55.12, 'SMAPE': 0.0708, 'DiffSMAPE': 0.0708, 'MASE': 0.995, 'RMSSE': 1.023, 'ErrorMean': -6.0488, 'ErrorStdDev': 73.1754, 'R2': 0.9259, 'Pearson': 0.9625, 'MedAE': 44.1097, 'LnQ': 0.537, 'KS': 0.1525, 'KendallTau': 0.8263, 'MannWhitneyU': 1722.0, 'AUC': 0.4947} @@ -73,7 +73,7 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__Forecast') INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__OC_Forecast') {'Signal': '__OC_Forecast', 'Length': 59, 'MAPE': 0.0663, 'RMSE': 200.2897, 'MAE': 158.5187, 'SMAPE': 0.0662, 'DiffSMAPE': 0.0662, 'MASE': 1.1802, 'RMSSE': 1.1804, 'ErrorMean': -2.4627, 'ErrorStdDev': 200.2746, 'R2': 0.9277, 'Pearson': 0.9632, 'MedAE': 136.3294, 'LnQ': 0.4244, 'KS': 0.1695, 'KendallTau': 0.7643, 'MannWhitneyU': 1666.0, 'AUC': 0.4786} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__Forecast') {'Signal': '_', 'Length': 59, 'MAPE': 0.0672, 'RMSE': 202.5936, 'MAE': 160.9384, 'SMAPE': 0.0671, 'DiffSMAPE': 0.0671, 'MASE': 1.1983, 'RMSSE': 1.194, 'ErrorMean': -0.0, 'ErrorStdDev': 202.5936, 'R2': 0.9261, 'Pearson': 0.9623, 'MedAE': 149.8491, 'LnQ': 0.432, 'KS': 0.1695, 'KendallTau': 0.7632, 'MannWhitneyU': 1661.0, 'AUC': 0.4772} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__OC_Forecast') {'Signal': '__OC_Forecast', 'Length': 59, 'MAPE': 0.0663, 'RMSE': 200.2897, 'MAE': 158.5187, 'SMAPE': 0.0662, 'DiffSMAPE': 0.0662, 'MASE': 1.1802, 'RMSSE': 1.1804, 'ErrorMean': -2.4627, 'ErrorStdDev': 200.2746, 'R2': 0.9277, 'Pearson': 0.9632, 'MedAE': 136.3294, 'LnQ': 0.4244, 'KS': 0.1695, 'KendallTau': 0.7643, 'MannWhitneyU': 1666.0, 'AUC': 0.4786} -INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 92.405 +INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 10.536 INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='NSW_female' Length=59 Min=270 Max=1000 Mean=650.932203 StdDev=208.335442 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_NSW_female' Min=0.0 Max=1.0 Mean=0.521825 StdDev=0.285391 @@ -288,7 +288,7 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_OC INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male', '_female', '_male', '_'], 'Horizons': {'NSW_female': 12, 'NSW_male': 12, 'VIC_female': 12, 'VIC_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 3.886 +INFO:pyaf.std:FORECASTING_ENGINE_END 1.051 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_OPTIMAL_COMBINATION_METHOD OC -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_grouped_signals_OC.py', 'ElapsedTimeSecs':(109.80, 1.55, 41.71), 'MAX_MEM_KB':158956, 'CPU_PRCNT':'39%', 'FILES_IN':8, 'FILES_OUT':256, 'EXIT_STATUS':0} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_grouped_signals_OC.py', 'ElapsedTimeSecs':(12.65, 1.71, 58.29), 'MAX_MEM_KB':151464, 'CPU_PRCNT':'474%', 'FILES_IN':0, 'FILES_OUT':208, 'EXIT_STATUS':0} diff --git a/tests/references/hierarchical/test_grouped_signals_TD.log b/tests/references/hierarchical/test_grouped_signals_TD.log index d4533d77f..02ed31b31 100644 --- a/tests/references/hierarchical/test_grouped_signals_TD.log +++ b/tests/references/hierarchical/test_grouped_signals_TD.log @@ -2,13 +2,13 @@ INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_START INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male', '_female', '_male', '_'], 'Horizons': {'NSW_female': 12, 'NSW_male': 12, 'VIC_female': 12, 'VIC_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 71.999 +INFO:pyaf.std:TRAINING_ENGINE_END 6.757 INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_END INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_COMPUTE_TOP_DOWN_HISTORICAL_PROPORTIONS INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male', '_female', '_male', '_'], 'Horizons': {'NSW_female': 12, 'NSW_male': 12, 'VIC_female': 12, 'VIC_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 9.086 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.899 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['TD'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD PHA_TD @@ -34,13 +34,13 @@ INFO:pyaf.hierarchical:DATASET_COLUMNS Index(['Index', 'NSW_female', 'NSW_female dtype='object') INFO:pyaf.hierarchical:STRUCTURE_LEVEL (0, ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male']) INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0752, 'RMSE': 59.49, 'MAE': 44.572, 'SMAPE': 0.0739, 'DiffSMAPE': 0.0739, 'MASE': 1.013, 'RMSSE': 1.033, 'ErrorMean': -4.7598, 'ErrorStdDev': 59.2993, 'R2': 0.9185, 'Pearson': 0.9615, 'MedAE': 27.9894, 'LnQ': 0.5908, 'KS': 0.2034, 'KendallTau': 0.7834, 'MannWhitneyU': 1797.0, 'AUC': 0.5162} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0764, 'RMSE': 58.9609, 'MAE': 44.7233, 'SMAPE': 0.0745, 'DiffSMAPE': 0.0745, 'MASE': 1.0164, 'RMSSE': 1.0238, 'ErrorMean': -0.0, 'ErrorStdDev': 58.9609, 'R2': 0.9199, 'Pearson': 0.9615, 'MedAE': 30.3279, 'LnQ': 0.599, 'KS': 0.1525, 'KendallTau': 0.7834, 'MannWhitneyU': 1749.0, 'AUC': 0.5024} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0752, 'RMSE': 59.49, 'MAE': 44.572, 'SMAPE': 0.0739, 'DiffSMAPE': 0.0739, 'MASE': 1.013, 'RMSSE': 1.033, 'ErrorMean': -4.7598, 'ErrorStdDev': 59.2993, 'R2': 0.9185, 'Pearson': 0.9615, 'MedAE': 27.9894, 'LnQ': 0.5908, 'KS': 0.2034, 'KendallTau': 0.7834, 'MannWhitneyU': 1797.0, 'AUC': 0.5162} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0764, 'RMSE': 58.9609, 'MAE': 44.7233, 'SMAPE': 0.0745, 'DiffSMAPE': 0.0745, 'MASE': 1.0164, 'RMSSE': 1.0238, 'ErrorMean': -0.0, 'ErrorStdDev': 58.9609, 'R2': 0.9199, 'Pearson': 0.9615, 'MedAE': 30.3279, 'LnQ': 0.599, 'KS': 0.1525, 'KendallTau': 0.7834, 'MannWhitneyU': 1749.0, 'AUC': 0.5024} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_AHP_TD_Forecast') {'Signal': 'NSW_female_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0752, 'RMSE': 59.49, 'MAE': 44.572, 'SMAPE': 0.0739, 'DiffSMAPE': 0.0739, 'MASE': 1.013, 'RMSSE': 1.033, 'ErrorMean': -4.7598, 'ErrorStdDev': 59.2993, 'R2': 0.9185, 'Pearson': 0.9615, 'MedAE': 27.9894, 'LnQ': 0.5908, 'KS': 0.2034, 'KendallTau': 0.7834, 'MannWhitneyU': 1797.0, 'AUC': 0.5162} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.0, 'AUC': 0.5013} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_Forecast') {'Signal': 'NSW_female', 'Length': 59, 'MAPE': 0.0735, 'RMSE': 52.5564, 'MAE': 41.3544, 'SMAPE': 0.0744, 'DiffSMAPE': 0.0744, 'MASE': 0.9399, 'RMSSE': 0.9126, 'ErrorMean': -6.9343, 'ErrorStdDev': 52.0969, 'R2': 0.9364, 'Pearson': 0.9682, 'MedAE': 36.7588, 'LnQ': 0.5621, 'KS': 0.1017, 'KendallTau': 0.8348, 'MannWhitneyU': 1745.5, 'AUC': 0.5014} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_female_PHA_TD_Forecast') {'Signal': 'NSW_female_PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0764, 'RMSE': 58.9609, 'MAE': 44.7233, 'SMAPE': 0.0745, 'DiffSMAPE': 0.0745, 'MASE': 1.0164, 'RMSSE': 1.0238, 'ErrorMean': -0.0, 'ErrorStdDev': 58.9609, 'R2': 0.9199, 'Pearson': 0.9615, 'MedAE': 30.3279, 'LnQ': 0.599, 'KS': 0.1525, 'KendallTau': 0.7834, 'MannWhitneyU': 1749.0, 'AUC': 0.5024} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_AHP_TD_Forecast') {'Signal': 'NSW_male_AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0742, 'RMSE': 76.594, 'MAE': 60.3548, 'SMAPE': 0.0739, 'DiffSMAPE': 0.0739, 'MASE': 1.0895, 'RMSSE': 1.0671, 'ErrorMean': -3.191, 'ErrorStdDev': 76.5275, 'R2': 0.9194, 'Pearson': 0.9593, 'MedAE': 52.4369, 'LnQ': 0.532, 'KS': 0.1356, 'KendallTau': 0.783, 'MannWhitneyU': 1707.0, 'AUC': 0.4904} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_male_Forecast') {'Signal': 'NSW_male', 'Length': 59, 'MAPE': 0.0703, 'RMSE': 75.4702, 'MAE': 53.0655, 'SMAPE': 0.0715, 'DiffSMAPE': 0.0715, 'MASE': 0.9579, 'RMSSE': 1.0514, 'ErrorMean': -10.3045, 'ErrorStdDev': 74.7634, 'R2': 0.9218, 'Pearson': 0.9609, 'MedAE': 36.9102, 'LnQ': 0.6419, 'KS': 0.1017, 'KendallTau': 0.8181, 'MannWhitneyU': 1748.5, 'AUC': 0.5023} @@ -98,7 +98,7 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', '__PHA_TD_For INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__AHP_TD_Forecast') {'Signal': '__AHP_TD_Forecast', 'Length': 59, 'MAPE': 0.0672, 'RMSE': 202.5936, 'MAE': 160.9384, 'SMAPE': 0.0671, 'DiffSMAPE': 0.0671, 'MASE': 1.1983, 'RMSSE': 1.194, 'ErrorMean': -0.0, 'ErrorStdDev': 202.5936, 'R2': 0.9261, 'Pearson': 0.9623, 'MedAE': 149.8491, 'LnQ': 0.432, 'KS': 0.1695, 'KendallTau': 0.7632, 'MannWhitneyU': 1661.0, 'AUC': 0.4772} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__Forecast') {'Signal': '_', 'Length': 59, 'MAPE': 0.0672, 'RMSE': 202.5936, 'MAE': 160.9384, 'SMAPE': 0.0671, 'DiffSMAPE': 0.0671, 'MASE': 1.1983, 'RMSSE': 1.194, 'ErrorMean': -0.0, 'ErrorStdDev': 202.5936, 'R2': 0.9261, 'Pearson': 0.9623, 'MedAE': 149.8491, 'LnQ': 0.432, 'KS': 0.1695, 'KendallTau': 0.7632, 'MannWhitneyU': 1661.0, 'AUC': 0.4772} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', '__PHA_TD_Forecast') {'Signal': '__PHA_TD_Forecast', 'Length': 59, 'MAPE': 0.0672, 'RMSE': 202.5936, 'MAE': 160.9384, 'SMAPE': 0.0671, 'DiffSMAPE': 0.0671, 'MASE': 1.1983, 'RMSSE': 1.194, 'ErrorMean': -0.0, 'ErrorStdDev': 202.5936, 'R2': 0.9261, 'Pearson': 0.9623, 'MedAE': 149.8491, 'LnQ': 0.432, 'KS': 0.1695, 'KendallTau': 0.7632, 'MannWhitneyU': 1661.0, 'AUC': 0.4772} -INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 93.094 +INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 9.043 INFO:pyaf.std:TIME_DETAIL TimeVariable='Index' TimeMin=1933 TimeMax=1991 TimeDelta=1 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='NSW_female' Length=59 Min=270 Max=1000 Mean=650.932203 StdDev=208.335442 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_NSW_female' Min=0.0 Max=1.0 Mean=0.521825 StdDev=0.285391 @@ -313,8 +313,8 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/grouped_signals_TD INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['NSW_female', 'NSW_male', 'VIC_female', 'VIC_male', '_female', '_male', '_'], 'Horizons': {'NSW_female': 12, 'NSW_male': 12, 'VIC_female': 12, 'VIC_male': 12, '_female': 12, '_male': 12, '_': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 10.501 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.762 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['TD'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD PHA_TD -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_grouped_signals_TD.py', 'ElapsedTimeSecs':(116.09, 1.77, 43.41), 'MAX_MEM_KB':153880, 'CPU_PRCNT':'38%', 'FILES_IN':8, 'FILES_OUT':288, 'EXIT_STATUS':0} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_grouped_signals_TD.py', 'ElapsedTimeSecs':(10.86, 1.50, 50.41), 'MAX_MEM_KB':151308, 'CPU_PRCNT':'477%', 'FILES_IN':0, 'FILES_OUT':264, 'EXIT_STATUS':0} diff --git a/tests/references/hierarchical/test_hierarchy_AU_AllMethods_Exogenous_all_nodes.log b/tests/references/hierarchical/test_hierarchy_AU_AllMethods_Exogenous_all_nodes.log index 445f97635..3018e3bf0 100644 --- a/tests/references/hierarchical/test_hierarchy_AU_AllMethods_Exogenous_all_nodes.log +++ b/tests/references/hierarchical/test_hierarchy_AU_AllMethods_Exogenous_all_nodes.log @@ -26,13 +26,13 @@ DEBUG:pyaf.detailed:DETAIL_MESSAGE('KEPT_DISCARDED_MODELS', 144, 141, 3) DEBUG:pyaf.detailed:DETAIL_MESSAGE('KEPT_DISCARDED_MODELS', 144, 144, 0) DEBUG:pyaf.detailed:DETAIL_MESSAGE('KEPT_DISCARDED_MODELS', 144, 143, 1) DEBUG:pyaf.detailed:DETAIL_MESSAGE('KEPT_DISCARDED_MODELS', 144, 144, 0) -INFO:pyaf.std:TRAINING_ENGINE_END 256.699 +INFO:pyaf.std:TRAINING_ENGINE_END 54.232 INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_END INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_COMPUTE_TOP_DOWN_HISTORICAL_PROPORTIONS INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['BrisbaneGC', 'Capitals', 'Melbourne', 'NSW', 'Other', 'QLD', 'Sydney', 'VIC', 'NSW_State', 'Other_State', 'QLD_State', 'VIC_State', 'Australia'], 'Horizons': {'BrisbaneGC': 12, 'Capitals': 12, 'Melbourne': 12, 'NSW': 12, 'Other': 12, 'QLD': 12, 'Sydney': 12, 'VIC': 12, 'NSW_State': 12, 'Other_State': 12, 'QLD_State': 12, 'VIC_State': 12, 'Australia': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 18.689 +INFO:pyaf.std:FORECASTING_ENGINE_END 3.105 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU', 'TD', 'MO', 'OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD @@ -53,56 +53,56 @@ INFO:pyaf.hierarchical:DATASET_COLUMNS Index(['Date', 'BrisbaneGC', 'BrisbaneGC_ dtype='object', length=118) INFO:pyaf.hierarchical:STRUCTURE_LEVEL (0, ['BrisbaneGC', 'Capitals', 'Melbourne', 'NSW', 'Other', 'QLD', 'Sydney', 'VIC']) INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BrisbaneGC_AHP_TD_Forecast') {'Signal': 'BrisbaneGC_AHP_TD_Forecast', 'Length': 44, 'MAPE': 0.0721, 'RMSE': 677.7856, 'MAE': 558.3642, 'SMAPE': 0.0705, 'DiffSMAPE': 0.0705, 'MASE': 0.4049, 'RMSSE': 0.4274, 'ErrorMean': 87.3672, 'ErrorStdDev': 672.1312, 'R2': 0.4944, 'Pearson': 0.7256, 'MedAE': 434.8461, 'LnQ': 0.3383, 'KS': 0.2727, 'KendallTau': 0.5828, 'MannWhitneyU': 945.0, 'AUC': 0.4881} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BrisbaneGC_BU_Forecast') {'Signal': 'BrisbaneGC_BU_Forecast', 'Length': 44, 'MAPE': 0.0414, 'RMSE': 420.3313, 'MAE': 309.8186, 'SMAPE': 0.0412, 'DiffSMAPE': 0.0412, 'MASE': 0.2247, 'RMSSE': 0.2651, 'ErrorMean': 0.0, 'ErrorStdDev': 420.3313, 'R2': 0.8055, 'Pearson': 0.8978, 'MedAE': 222.1779, 'LnQ': 0.1464, 'KS': 0.1364, 'KendallTau': 0.7414, 'MannWhitneyU': 990.0, 'AUC': 0.5114} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BrisbaneGC_Forecast') {'Signal': 'BrisbaneGC', 'Length': 44, 'MAPE': 0.0414, 'RMSE': 420.3313, 'MAE': 309.8186, 'SMAPE': 0.0412, 'DiffSMAPE': 0.0412, 'MASE': 0.2247, 'RMSSE': 0.2651, 'ErrorMean': 0.0, 'ErrorStdDev': 420.3313, 'R2': 0.8055, 'Pearson': 0.8978, 'MedAE': 222.1779, 'LnQ': 0.1464, 'KS': 0.1364, 'KendallTau': 0.7414, 'MannWhitneyU': 990.0, 'AUC': 0.5114} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BrisbaneGC_BU_Forecast') {'Signal': 'BrisbaneGC_BU_Forecast', 'Length': 44, 'MAPE': 0.0414, 'RMSE': 420.3313, 'MAE': 309.8186, 'SMAPE': 0.0412, 'DiffSMAPE': 0.0412, 'MASE': 0.2247, 'RMSSE': 0.2651, 'ErrorMean': -0.0, 'ErrorStdDev': 420.3313, 'R2': 0.8055, 'Pearson': 0.8978, 'MedAE': 222.1779, 'LnQ': 0.1464, 'KS': 0.1364, 'KendallTau': 0.7414, 'MannWhitneyU': 990.0, 'AUC': 0.5114} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BrisbaneGC_Forecast') {'Signal': 'BrisbaneGC', 'Length': 44, 'MAPE': 0.0414, 'RMSE': 420.3313, 'MAE': 309.8186, 'SMAPE': 0.0412, 'DiffSMAPE': 0.0412, 'MASE': 0.2247, 'RMSSE': 0.2651, 'ErrorMean': -0.0, 'ErrorStdDev': 420.3313, 'R2': 0.8055, 'Pearson': 0.8978, 'MedAE': 222.1779, 'LnQ': 0.1464, 'KS': 0.1364, 'KendallTau': 0.7414, 'MannWhitneyU': 990.0, 'AUC': 0.5114} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BrisbaneGC_MO_Forecast') {'Signal': 'BrisbaneGC_MO_Forecast', 'Length': 44, 'MAPE': 0.0858, 'RMSE': 855.4525, 'MAE': 693.1327, 'SMAPE': 0.0848, 'DiffSMAPE': 0.0848, 'MASE': 0.5027, 'RMSSE': 0.5395, 'ErrorMean': 0.0, 'ErrorStdDev': 855.4525, 'R2': 0.1946, 'Pearson': 0.5759, 'MedAE': 651.5707, 'LnQ': 0.4714, 'KS': 0.1364, 'KendallTau': 0.3966, 'MannWhitneyU': 977.0, 'AUC': 0.5046} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BrisbaneGC_OC_Forecast') {'Signal': 'BrisbaneGC_OC_Forecast', 'Length': 44, 'MAPE': 0.0457, 'RMSE': 439.6061, 'MAE': 348.8861, 'SMAPE': 0.0453, 'DiffSMAPE': 0.0453, 'MASE': 0.253, 'RMSSE': 0.2772, 'ErrorMean': -0.0, 'ErrorStdDev': 439.6061, 'R2': 0.7873, 'Pearson': 0.8874, 'MedAE': 266.2552, 'LnQ': 0.1513, 'KS': 0.1818, 'KendallTau': 0.7033, 'MannWhitneyU': 1003.0, 'AUC': 0.5181} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'BrisbaneGC_PHA_TD_Forecast') {'Signal': 'BrisbaneGC_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0696, 'RMSE': 670.1989, 'MAE': 543.418, 'SMAPE': 0.0687, 'DiffSMAPE': 0.0687, 'MASE': 0.3941, 'RMSSE': 0.4226, 'ErrorMean': -0.0, 'ErrorStdDev': 670.1989, 'R2': 0.5056, 'Pearson': 0.7256, 'MedAE': 445.8987, 'LnQ': 0.3309, 'KS': 0.2727, 'KendallTau': 0.5828, 'MannWhitneyU': 972.0, 'AUC': 0.5021} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'BrisbaneGC_AHP_TD_Forecast') {'Signal': 'BrisbaneGC_AHP_TD_Forecast', 'Length': 44, 'MAPE': 0.0721, 'RMSE': 677.7856, 'MAE': 558.3642, 'SMAPE': 0.0705, 'DiffSMAPE': 0.0705, 'MASE': 0.4049, 'RMSSE': 0.4274, 'ErrorMean': 87.3672, 'ErrorStdDev': 672.1312, 'R2': 0.4944, 'Pearson': 0.7256, 'MedAE': 434.8461, 'LnQ': 0.3383, 'KS': 0.2727, 'KendallTau': 0.5828, 'MannWhitneyU': 945.0, 'AUC': 0.4881} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'BrisbaneGC_BU_Forecast') {'Signal': 'BrisbaneGC_BU_Forecast', 'Length': 44, 'MAPE': 0.0414, 'RMSE': 420.3313, 'MAE': 309.8186, 'SMAPE': 0.0412, 'DiffSMAPE': 0.0412, 'MASE': 0.2247, 'RMSSE': 0.2651, 'ErrorMean': 0.0, 'ErrorStdDev': 420.3313, 'R2': 0.8055, 'Pearson': 0.8978, 'MedAE': 222.1779, 'LnQ': 0.1464, 'KS': 0.1364, 'KendallTau': 0.7414, 'MannWhitneyU': 990.0, 'AUC': 0.5114} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'BrisbaneGC_Forecast') {'Signal': 'BrisbaneGC', 'Length': 44, 'MAPE': 0.0414, 'RMSE': 420.3313, 'MAE': 309.8186, 'SMAPE': 0.0412, 'DiffSMAPE': 0.0412, 'MASE': 0.2247, 'RMSSE': 0.2651, 'ErrorMean': 0.0, 'ErrorStdDev': 420.3313, 'R2': 0.8055, 'Pearson': 0.8978, 'MedAE': 222.1779, 'LnQ': 0.1464, 'KS': 0.1364, 'KendallTau': 0.7414, 'MannWhitneyU': 990.0, 'AUC': 0.5114} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'BrisbaneGC_BU_Forecast') {'Signal': 'BrisbaneGC_BU_Forecast', 'Length': 44, 'MAPE': 0.0414, 'RMSE': 420.3313, 'MAE': 309.8186, 'SMAPE': 0.0412, 'DiffSMAPE': 0.0412, 'MASE': 0.2247, 'RMSSE': 0.2651, 'ErrorMean': -0.0, 'ErrorStdDev': 420.3313, 'R2': 0.8055, 'Pearson': 0.8978, 'MedAE': 222.1779, 'LnQ': 0.1464, 'KS': 0.1364, 'KendallTau': 0.7414, 'MannWhitneyU': 990.0, 'AUC': 0.5114} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'BrisbaneGC_Forecast') {'Signal': 'BrisbaneGC', 'Length': 44, 'MAPE': 0.0414, 'RMSE': 420.3313, 'MAE': 309.8186, 'SMAPE': 0.0412, 'DiffSMAPE': 0.0412, 'MASE': 0.2247, 'RMSSE': 0.2651, 'ErrorMean': -0.0, 'ErrorStdDev': 420.3313, 'R2': 0.8055, 'Pearson': 0.8978, 'MedAE': 222.1779, 'LnQ': 0.1464, 'KS': 0.1364, 'KendallTau': 0.7414, 'MannWhitneyU': 990.0, 'AUC': 0.5114} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'BrisbaneGC_MO_Forecast') {'Signal': 'BrisbaneGC_MO_Forecast', 'Length': 44, 'MAPE': 0.0858, 'RMSE': 855.4525, 'MAE': 693.1327, 'SMAPE': 0.0848, 'DiffSMAPE': 0.0848, 'MASE': 0.5027, 'RMSSE': 0.5395, 'ErrorMean': 0.0, 'ErrorStdDev': 855.4525, 'R2': 0.1946, 'Pearson': 0.5759, 'MedAE': 651.5707, 'LnQ': 0.4714, 'KS': 0.1364, 'KendallTau': 0.3966, 'MannWhitneyU': 977.0, 'AUC': 0.5046} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'BrisbaneGC_OC_Forecast') {'Signal': 'BrisbaneGC_OC_Forecast', 'Length': 44, 'MAPE': 0.0457, 'RMSE': 439.6061, 'MAE': 348.8861, 'SMAPE': 0.0453, 'DiffSMAPE': 0.0453, 'MASE': 0.253, 'RMSSE': 0.2772, 'ErrorMean': -0.0, 'ErrorStdDev': 439.6061, 'R2': 0.7873, 'Pearson': 0.8874, 'MedAE': 266.2552, 'LnQ': 0.1513, 'KS': 0.1818, 'KendallTau': 0.7033, 'MannWhitneyU': 1003.0, 'AUC': 0.5181} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'BrisbaneGC_PHA_TD_Forecast') {'Signal': 'BrisbaneGC_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0696, 'RMSE': 670.1989, 'MAE': 543.418, 'SMAPE': 0.0687, 'DiffSMAPE': 0.0687, 'MASE': 0.3941, 'RMSSE': 0.4226, 'ErrorMean': -0.0, 'ErrorStdDev': 670.1989, 'R2': 0.5056, 'Pearson': 0.7256, 'MedAE': 445.8987, 'LnQ': 0.3309, 'KS': 0.2727, 'KendallTau': 0.5828, 'MannWhitneyU': 972.0, 'AUC': 0.5021} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BrisbaneGC_AHP_TD_Forecast') {'Signal': 'BrisbaneGC_AHP_TD_Forecast', 'Length': 44, 'MAPE': 0.0721, 'RMSE': 677.7856, 'MAE': 558.3642, 'SMAPE': 0.0705, 'DiffSMAPE': 0.0705, 'MASE': 0.4049, 'RMSSE': 0.4274, 'ErrorMean': 87.3672, 'ErrorStdDev': 672.1312, 'R2': 0.4944, 'Pearson': 0.7256, 'MedAE': 434.8461, 'LnQ': 0.3383, 'KS': 0.2727, 'KendallTau': 0.5828, 'MannWhitneyU': 945.0, 'AUC': 0.4881} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BrisbaneGC_BU_Forecast') {'Signal': 'BrisbaneGC_BU_Forecast', 'Length': 44, 'MAPE': 0.0414, 'RMSE': 420.3313, 'MAE': 309.8186, 'SMAPE': 0.0412, 'DiffSMAPE': 0.0412, 'MASE': 0.2247, 'RMSSE': 0.2651, 'ErrorMean': 0.0, 'ErrorStdDev': 420.3313, 'R2': 0.8055, 'Pearson': 0.8978, 'MedAE': 222.1779, 'LnQ': 0.1464, 'KS': 0.1364, 'KendallTau': 0.7414, 'MannWhitneyU': 990.0, 'AUC': 0.5114} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BrisbaneGC_Forecast') {'Signal': 'BrisbaneGC', 'Length': 44, 'MAPE': 0.0414, 'RMSE': 420.3313, 'MAE': 309.8186, 'SMAPE': 0.0412, 'DiffSMAPE': 0.0412, 'MASE': 0.2247, 'RMSSE': 0.2651, 'ErrorMean': 0.0, 'ErrorStdDev': 420.3313, 'R2': 0.8055, 'Pearson': 0.8978, 'MedAE': 222.1779, 'LnQ': 0.1464, 'KS': 0.1364, 'KendallTau': 0.7414, 'MannWhitneyU': 990.0, 'AUC': 0.5114} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BrisbaneGC_BU_Forecast') {'Signal': 'BrisbaneGC_BU_Forecast', 'Length': 44, 'MAPE': 0.0414, 'RMSE': 420.3313, 'MAE': 309.8186, 'SMAPE': 0.0412, 'DiffSMAPE': 0.0412, 'MASE': 0.2247, 'RMSSE': 0.2651, 'ErrorMean': -0.0, 'ErrorStdDev': 420.3313, 'R2': 0.8055, 'Pearson': 0.8978, 'MedAE': 222.1779, 'LnQ': 0.1464, 'KS': 0.1364, 'KendallTau': 0.7414, 'MannWhitneyU': 990.0, 'AUC': 0.5114} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BrisbaneGC_Forecast') {'Signal': 'BrisbaneGC', 'Length': 44, 'MAPE': 0.0414, 'RMSE': 420.3313, 'MAE': 309.8186, 'SMAPE': 0.0412, 'DiffSMAPE': 0.0412, 'MASE': 0.2247, 'RMSSE': 0.2651, 'ErrorMean': -0.0, 'ErrorStdDev': 420.3313, 'R2': 0.8055, 'Pearson': 0.8978, 'MedAE': 222.1779, 'LnQ': 0.1464, 'KS': 0.1364, 'KendallTau': 0.7414, 'MannWhitneyU': 990.0, 'AUC': 0.5114} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BrisbaneGC_MO_Forecast') {'Signal': 'BrisbaneGC_MO_Forecast', 'Length': 44, 'MAPE': 0.0858, 'RMSE': 855.4525, 'MAE': 693.1327, 'SMAPE': 0.0848, 'DiffSMAPE': 0.0848, 'MASE': 0.5027, 'RMSSE': 0.5395, 'ErrorMean': 0.0, 'ErrorStdDev': 855.4525, 'R2': 0.1946, 'Pearson': 0.5759, 'MedAE': 651.5707, 'LnQ': 0.4714, 'KS': 0.1364, 'KendallTau': 0.3966, 'MannWhitneyU': 977.0, 'AUC': 0.5046} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BrisbaneGC_OC_Forecast') {'Signal': 'BrisbaneGC_OC_Forecast', 'Length': 44, 'MAPE': 0.0457, 'RMSE': 439.6061, 'MAE': 348.8861, 'SMAPE': 0.0453, 'DiffSMAPE': 0.0453, 'MASE': 0.253, 'RMSSE': 0.2772, 'ErrorMean': -0.0, 'ErrorStdDev': 439.6061, 'R2': 0.7873, 'Pearson': 0.8874, 'MedAE': 266.2552, 'LnQ': 0.1513, 'KS': 0.1818, 'KendallTau': 0.7033, 'MannWhitneyU': 1003.0, 'AUC': 0.5181} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'BrisbaneGC_PHA_TD_Forecast') {'Signal': 'BrisbaneGC_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0696, 'RMSE': 670.1989, 'MAE': 543.418, 'SMAPE': 0.0687, 'DiffSMAPE': 0.0687, 'MASE': 0.3941, 'RMSSE': 0.4226, 'ErrorMean': -0.0, 'ErrorStdDev': 670.1989, 'R2': 0.5056, 'Pearson': 0.7256, 'MedAE': 445.8987, 'LnQ': 0.3309, 'KS': 0.2727, 'KendallTau': 0.5828, 'MannWhitneyU': 972.0, 'AUC': 0.5021} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Capitals_AHP_TD_Forecast') {'Signal': 'Capitals_AHP_TD_Forecast', 'Length': 44, 'MAPE': 0.0627, 'RMSE': 605.3979, 'MAE': 497.6367, 'SMAPE': 0.0624, 'DiffSMAPE': 0.0624, 'MASE': 0.4345, 'RMSSE': 0.4288, 'ErrorMean': 37.1823, 'ErrorStdDev': 604.255, 'R2': 0.5371, 'Pearson': 0.7535, 'MedAE': 408.5043, 'LnQ': 0.2475, 'KS': 0.1818, 'KendallTau': 0.4558, 'MannWhitneyU': 937.0, 'AUC': 0.484} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Capitals_BU_Forecast') {'Signal': 'Capitals_BU_Forecast', 'Length': 44, 'MAPE': 0.0425, 'RMSE': 401.5911, 'MAE': 328.0706, 'SMAPE': 0.0423, 'DiffSMAPE': 0.0423, 'MASE': 0.2864, 'RMSSE': 0.2845, 'ErrorMean': 0.0, 'ErrorStdDev': 401.5911, 'R2': 0.7963, 'Pearson': 0.8954, 'MedAE': 302.5192, 'LnQ': 0.1184, 'KS': 0.1364, 'KendallTau': 0.6899, 'MannWhitneyU': 966.0, 'AUC': 0.499} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Capitals_Forecast') {'Signal': 'Capitals', 'Length': 44, 'MAPE': 0.0425, 'RMSE': 401.5911, 'MAE': 328.0706, 'SMAPE': 0.0423, 'DiffSMAPE': 0.0423, 'MASE': 0.2864, 'RMSSE': 0.2845, 'ErrorMean': 0.0, 'ErrorStdDev': 401.5911, 'R2': 0.7963, 'Pearson': 0.8954, 'MedAE': 302.5192, 'LnQ': 0.1184, 'KS': 0.1364, 'KendallTau': 0.6899, 'MannWhitneyU': 966.0, 'AUC': 0.499} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Capitals_BU_Forecast') {'Signal': 'Capitals_BU_Forecast', 'Length': 44, 'MAPE': 0.0425, 'RMSE': 401.5911, 'MAE': 328.0706, 'SMAPE': 0.0423, 'DiffSMAPE': 0.0423, 'MASE': 0.2864, 'RMSSE': 0.2845, 'ErrorMean': -0.0, 'ErrorStdDev': 401.5911, 'R2': 0.7963, 'Pearson': 0.8954, 'MedAE': 302.5192, 'LnQ': 0.1184, 'KS': 0.1364, 'KendallTau': 0.6899, 'MannWhitneyU': 966.5, 'AUC': 0.4992} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Capitals_Forecast') {'Signal': 'Capitals', 'Length': 44, 'MAPE': 0.0425, 'RMSE': 401.5911, 'MAE': 328.0706, 'SMAPE': 0.0423, 'DiffSMAPE': 0.0423, 'MASE': 0.2864, 'RMSSE': 0.2845, 'ErrorMean': -0.0, 'ErrorStdDev': 401.5911, 'R2': 0.7963, 'Pearson': 0.8954, 'MedAE': 302.5192, 'LnQ': 0.1184, 'KS': 0.1364, 'KendallTau': 0.6899, 'MannWhitneyU': 966.5, 'AUC': 0.4992} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Capitals_MO_Forecast') {'Signal': 'Capitals_MO_Forecast', 'Length': 44, 'MAPE': 0.0722, 'RMSE': 701.0626, 'MAE': 569.4569, 'SMAPE': 0.0721, 'DiffSMAPE': 0.0721, 'MASE': 0.4972, 'RMSSE': 0.4966, 'ErrorMean': 0.0, 'ErrorStdDev': 701.0626, 'R2': 0.3792, 'Pearson': 0.6161, 'MedAE': 500.8053, 'LnQ': 0.3396, 'KS': 0.1591, 'KendallTau': 0.3945, 'MannWhitneyU': 863.0, 'AUC': 0.4458} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Capitals_OC_Forecast') {'Signal': 'Capitals_OC_Forecast', 'Length': 44, 'MAPE': 0.0509, 'RMSE': 474.2958, 'MAE': 392.1037, 'SMAPE': 0.0508, 'DiffSMAPE': 0.0508, 'MASE': 0.3424, 'RMSSE': 0.3359, 'ErrorMean': -0.0, 'ErrorStdDev': 474.2958, 'R2': 0.7159, 'Pearson': 0.8556, 'MedAE': 329.6342, 'LnQ': 0.1675, 'KS': 0.0909, 'KendallTau': 0.5743, 'MannWhitneyU': 952.0, 'AUC': 0.4917} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Capitals_PHA_TD_Forecast') {'Signal': 'Capitals_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0622, 'RMSE': 603.2949, 'MAE': 494.6376, 'SMAPE': 0.0622, 'DiffSMAPE': 0.0622, 'MASE': 0.4319, 'RMSSE': 0.4273, 'ErrorMean': 0.0, 'ErrorStdDev': 603.2949, 'R2': 0.5403, 'Pearson': 0.7535, 'MedAE': 423.3684, 'LnQ': 0.2462, 'KS': 0.2045, 'KendallTau': 0.4558, 'MannWhitneyU': 962.0, 'AUC': 0.4969} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Capitals_PHA_TD_Forecast') {'Signal': 'Capitals_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0622, 'RMSE': 603.2949, 'MAE': 494.6376, 'SMAPE': 0.0622, 'DiffSMAPE': 0.0622, 'MASE': 0.4319, 'RMSSE': 0.4273, 'ErrorMean': -0.0, 'ErrorStdDev': 603.2949, 'R2': 0.5403, 'Pearson': 0.7535, 'MedAE': 423.3684, 'LnQ': 0.2462, 'KS': 0.2045, 'KendallTau': 0.4558, 'MannWhitneyU': 962.0, 'AUC': 0.4969} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Capitals_AHP_TD_Forecast') {'Signal': 'Capitals_AHP_TD_Forecast', 'Length': 44, 'MAPE': 0.0627, 'RMSE': 605.3979, 'MAE': 497.6367, 'SMAPE': 0.0624, 'DiffSMAPE': 0.0624, 'MASE': 0.4345, 'RMSSE': 0.4288, 'ErrorMean': 37.1823, 'ErrorStdDev': 604.255, 'R2': 0.5371, 'Pearson': 0.7535, 'MedAE': 408.5043, 'LnQ': 0.2475, 'KS': 0.1818, 'KendallTau': 0.4558, 'MannWhitneyU': 937.0, 'AUC': 0.484} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Capitals_BU_Forecast') {'Signal': 'Capitals_BU_Forecast', 'Length': 44, 'MAPE': 0.0425, 'RMSE': 401.5911, 'MAE': 328.0706, 'SMAPE': 0.0423, 'DiffSMAPE': 0.0423, 'MASE': 0.2864, 'RMSSE': 0.2845, 'ErrorMean': 0.0, 'ErrorStdDev': 401.5911, 'R2': 0.7963, 'Pearson': 0.8954, 'MedAE': 302.5192, 'LnQ': 0.1184, 'KS': 0.1364, 'KendallTau': 0.6899, 'MannWhitneyU': 966.0, 'AUC': 0.499} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Capitals_Forecast') {'Signal': 'Capitals', 'Length': 44, 'MAPE': 0.0425, 'RMSE': 401.5911, 'MAE': 328.0706, 'SMAPE': 0.0423, 'DiffSMAPE': 0.0423, 'MASE': 0.2864, 'RMSSE': 0.2845, 'ErrorMean': 0.0, 'ErrorStdDev': 401.5911, 'R2': 0.7963, 'Pearson': 0.8954, 'MedAE': 302.5192, 'LnQ': 0.1184, 'KS': 0.1364, 'KendallTau': 0.6899, 'MannWhitneyU': 966.0, 'AUC': 0.499} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Capitals_BU_Forecast') {'Signal': 'Capitals_BU_Forecast', 'Length': 44, 'MAPE': 0.0425, 'RMSE': 401.5911, 'MAE': 328.0706, 'SMAPE': 0.0423, 'DiffSMAPE': 0.0423, 'MASE': 0.2864, 'RMSSE': 0.2845, 'ErrorMean': -0.0, 'ErrorStdDev': 401.5911, 'R2': 0.7963, 'Pearson': 0.8954, 'MedAE': 302.5192, 'LnQ': 0.1184, 'KS': 0.1364, 'KendallTau': 0.6899, 'MannWhitneyU': 966.5, 'AUC': 0.4992} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Capitals_Forecast') {'Signal': 'Capitals', 'Length': 44, 'MAPE': 0.0425, 'RMSE': 401.5911, 'MAE': 328.0706, 'SMAPE': 0.0423, 'DiffSMAPE': 0.0423, 'MASE': 0.2864, 'RMSSE': 0.2845, 'ErrorMean': -0.0, 'ErrorStdDev': 401.5911, 'R2': 0.7963, 'Pearson': 0.8954, 'MedAE': 302.5192, 'LnQ': 0.1184, 'KS': 0.1364, 'KendallTau': 0.6899, 'MannWhitneyU': 966.5, 'AUC': 0.4992} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Capitals_MO_Forecast') {'Signal': 'Capitals_MO_Forecast', 'Length': 44, 'MAPE': 0.0722, 'RMSE': 701.0626, 'MAE': 569.4569, 'SMAPE': 0.0721, 'DiffSMAPE': 0.0721, 'MASE': 0.4972, 'RMSSE': 0.4966, 'ErrorMean': 0.0, 'ErrorStdDev': 701.0626, 'R2': 0.3792, 'Pearson': 0.6161, 'MedAE': 500.8053, 'LnQ': 0.3396, 'KS': 0.1591, 'KendallTau': 0.3945, 'MannWhitneyU': 863.0, 'AUC': 0.4458} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Capitals_OC_Forecast') {'Signal': 'Capitals_OC_Forecast', 'Length': 44, 'MAPE': 0.0509, 'RMSE': 474.2958, 'MAE': 392.1037, 'SMAPE': 0.0508, 'DiffSMAPE': 0.0508, 'MASE': 0.3424, 'RMSSE': 0.3359, 'ErrorMean': -0.0, 'ErrorStdDev': 474.2958, 'R2': 0.7159, 'Pearson': 0.8556, 'MedAE': 329.6342, 'LnQ': 0.1675, 'KS': 0.0909, 'KendallTau': 0.5743, 'MannWhitneyU': 952.0, 'AUC': 0.4917} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Capitals_PHA_TD_Forecast') {'Signal': 'Capitals_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0622, 'RMSE': 603.2949, 'MAE': 494.6376, 'SMAPE': 0.0622, 'DiffSMAPE': 0.0622, 'MASE': 0.4319, 'RMSSE': 0.4273, 'ErrorMean': 0.0, 'ErrorStdDev': 603.2949, 'R2': 0.5403, 'Pearson': 0.7535, 'MedAE': 423.3684, 'LnQ': 0.2462, 'KS': 0.2045, 'KendallTau': 0.4558, 'MannWhitneyU': 962.0, 'AUC': 0.4969} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Capitals_PHA_TD_Forecast') {'Signal': 'Capitals_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0622, 'RMSE': 603.2949, 'MAE': 494.6376, 'SMAPE': 0.0622, 'DiffSMAPE': 0.0622, 'MASE': 0.4319, 'RMSSE': 0.4273, 'ErrorMean': -0.0, 'ErrorStdDev': 603.2949, 'R2': 0.5403, 'Pearson': 0.7535, 'MedAE': 423.3684, 'LnQ': 0.2462, 'KS': 0.2045, 'KendallTau': 0.4558, 'MannWhitneyU': 962.0, 'AUC': 0.4969} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Capitals_AHP_TD_Forecast') {'Signal': 'Capitals_AHP_TD_Forecast', 'Length': 44, 'MAPE': 0.0627, 'RMSE': 605.3979, 'MAE': 497.6367, 'SMAPE': 0.0624, 'DiffSMAPE': 0.0624, 'MASE': 0.4345, 'RMSSE': 0.4288, 'ErrorMean': 37.1823, 'ErrorStdDev': 604.255, 'R2': 0.5371, 'Pearson': 0.7535, 'MedAE': 408.5043, 'LnQ': 0.2475, 'KS': 0.1818, 'KendallTau': 0.4558, 'MannWhitneyU': 937.0, 'AUC': 0.484} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Capitals_BU_Forecast') {'Signal': 'Capitals_BU_Forecast', 'Length': 44, 'MAPE': 0.0425, 'RMSE': 401.5911, 'MAE': 328.0706, 'SMAPE': 0.0423, 'DiffSMAPE': 0.0423, 'MASE': 0.2864, 'RMSSE': 0.2845, 'ErrorMean': 0.0, 'ErrorStdDev': 401.5911, 'R2': 0.7963, 'Pearson': 0.8954, 'MedAE': 302.5192, 'LnQ': 0.1184, 'KS': 0.1364, 'KendallTau': 0.6899, 'MannWhitneyU': 966.0, 'AUC': 0.499} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Capitals_Forecast') {'Signal': 'Capitals', 'Length': 44, 'MAPE': 0.0425, 'RMSE': 401.5911, 'MAE': 328.0706, 'SMAPE': 0.0423, 'DiffSMAPE': 0.0423, 'MASE': 0.2864, 'RMSSE': 0.2845, 'ErrorMean': 0.0, 'ErrorStdDev': 401.5911, 'R2': 0.7963, 'Pearson': 0.8954, 'MedAE': 302.5192, 'LnQ': 0.1184, 'KS': 0.1364, 'KendallTau': 0.6899, 'MannWhitneyU': 966.0, 'AUC': 0.499} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Capitals_BU_Forecast') {'Signal': 'Capitals_BU_Forecast', 'Length': 44, 'MAPE': 0.0425, 'RMSE': 401.5911, 'MAE': 328.0706, 'SMAPE': 0.0423, 'DiffSMAPE': 0.0423, 'MASE': 0.2864, 'RMSSE': 0.2845, 'ErrorMean': -0.0, 'ErrorStdDev': 401.5911, 'R2': 0.7963, 'Pearson': 0.8954, 'MedAE': 302.5192, 'LnQ': 0.1184, 'KS': 0.1364, 'KendallTau': 0.6899, 'MannWhitneyU': 966.5, 'AUC': 0.4992} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Capitals_Forecast') {'Signal': 'Capitals', 'Length': 44, 'MAPE': 0.0425, 'RMSE': 401.5911, 'MAE': 328.0706, 'SMAPE': 0.0423, 'DiffSMAPE': 0.0423, 'MASE': 0.2864, 'RMSSE': 0.2845, 'ErrorMean': -0.0, 'ErrorStdDev': 401.5911, 'R2': 0.7963, 'Pearson': 0.8954, 'MedAE': 302.5192, 'LnQ': 0.1184, 'KS': 0.1364, 'KendallTau': 0.6899, 'MannWhitneyU': 966.5, 'AUC': 0.4992} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Capitals_MO_Forecast') {'Signal': 'Capitals_MO_Forecast', 'Length': 44, 'MAPE': 0.0722, 'RMSE': 701.0626, 'MAE': 569.4569, 'SMAPE': 0.0721, 'DiffSMAPE': 0.0721, 'MASE': 0.4972, 'RMSSE': 0.4966, 'ErrorMean': 0.0, 'ErrorStdDev': 701.0626, 'R2': 0.3792, 'Pearson': 0.6161, 'MedAE': 500.8053, 'LnQ': 0.3396, 'KS': 0.1591, 'KendallTau': 0.3945, 'MannWhitneyU': 863.0, 'AUC': 0.4458} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Capitals_OC_Forecast') {'Signal': 'Capitals_OC_Forecast', 'Length': 44, 'MAPE': 0.0509, 'RMSE': 474.2958, 'MAE': 392.1037, 'SMAPE': 0.0508, 'DiffSMAPE': 0.0508, 'MASE': 0.3424, 'RMSSE': 0.3359, 'ErrorMean': -0.0, 'ErrorStdDev': 474.2958, 'R2': 0.7159, 'Pearson': 0.8556, 'MedAE': 329.6342, 'LnQ': 0.1675, 'KS': 0.0909, 'KendallTau': 0.5743, 'MannWhitneyU': 952.0, 'AUC': 0.4917} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Capitals_PHA_TD_Forecast') {'Signal': 'Capitals_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0622, 'RMSE': 603.2949, 'MAE': 494.6376, 'SMAPE': 0.0622, 'DiffSMAPE': 0.0622, 'MASE': 0.4319, 'RMSSE': 0.4273, 'ErrorMean': 0.0, 'ErrorStdDev': 603.2949, 'R2': 0.5403, 'Pearson': 0.7535, 'MedAE': 423.3684, 'LnQ': 0.2462, 'KS': 0.2045, 'KendallTau': 0.4558, 'MannWhitneyU': 962.0, 'AUC': 0.4969} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Capitals_PHA_TD_Forecast') {'Signal': 'Capitals_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0622, 'RMSE': 603.2949, 'MAE': 494.6376, 'SMAPE': 0.0622, 'DiffSMAPE': 0.0622, 'MASE': 0.4319, 'RMSSE': 0.4273, 'ErrorMean': -0.0, 'ErrorStdDev': 603.2949, 'R2': 0.5403, 'Pearson': 0.7535, 'MedAE': 423.3684, 'LnQ': 0.2462, 'KS': 0.2045, 'KendallTau': 0.4558, 'MannWhitneyU': 962.0, 'AUC': 0.4969} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Melbourne_AHP_TD_Forecast') {'Signal': 'Melbourne_AHP_TD_Forecast', 'Length': 44, 'MAPE': 0.0802, 'RMSE': 458.1564, 'MAE': 374.5373, 'SMAPE': 0.0785, 'DiffSMAPE': 0.0785, 'MASE': 0.599, 'RMSSE': 0.5636, 'ErrorMean': 87.2663, 'ErrorStdDev': 449.7687, 'R2': 0.3341, 'Pearson': 0.6477, 'MedAE': 351.9647, 'LnQ': 0.4034, 'KS': 0.25, 'KendallTau': 0.4165, 'MannWhitneyU': 904.0, 'AUC': 0.4669} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Melbourne_BU_Forecast') {'Signal': 'Melbourne_BU_Forecast', 'Length': 44, 'MAPE': 0.0464, 'RMSE': 279.6353, 'MAE': 219.0519, 'SMAPE': 0.0463, 'DiffSMAPE': 0.0463, 'MASE': 0.3503, 'RMSSE': 0.344, 'ErrorMean': -0.0, 'ErrorStdDev': 279.6353, 'R2': 0.7519, 'Pearson': 0.8678, 'MedAE': 180.6753, 'LnQ': 0.1506, 'KS': 0.1136, 'KendallTau': 0.6871, 'MannWhitneyU': 966.0, 'AUC': 0.499} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Melbourne_Forecast') {'Signal': 'Melbourne', 'Length': 44, 'MAPE': 0.0464, 'RMSE': 279.6353, 'MAE': 219.0519, 'SMAPE': 0.0463, 'DiffSMAPE': 0.0463, 'MASE': 0.3503, 'RMSSE': 0.344, 'ErrorMean': -0.0, 'ErrorStdDev': 279.6353, 'R2': 0.7519, 'Pearson': 0.8678, 'MedAE': 180.6753, 'LnQ': 0.1506, 'KS': 0.1136, 'KendallTau': 0.6871, 'MannWhitneyU': 966.0, 'AUC': 0.499} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Melbourne_BU_Forecast') {'Signal': 'Melbourne_BU_Forecast', 'Length': 44, 'MAPE': 0.0464, 'RMSE': 279.6353, 'MAE': 219.0519, 'SMAPE': 0.0463, 'DiffSMAPE': 0.0463, 'MASE': 0.3503, 'RMSSE': 0.344, 'ErrorMean': 0.0, 'ErrorStdDev': 279.6353, 'R2': 0.7519, 'Pearson': 0.8678, 'MedAE': 180.6753, 'LnQ': 0.1506, 'KS': 0.1136, 'KendallTau': 0.6871, 'MannWhitneyU': 966.0, 'AUC': 0.499} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Melbourne_Forecast') {'Signal': 'Melbourne', 'Length': 44, 'MAPE': 0.0464, 'RMSE': 279.6353, 'MAE': 219.0519, 'SMAPE': 0.0463, 'DiffSMAPE': 0.0463, 'MASE': 0.3503, 'RMSSE': 0.344, 'ErrorMean': 0.0, 'ErrorStdDev': 279.6353, 'R2': 0.7519, 'Pearson': 0.8678, 'MedAE': 180.6753, 'LnQ': 0.1506, 'KS': 0.1136, 'KendallTau': 0.6871, 'MannWhitneyU': 966.0, 'AUC': 0.499} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Melbourne_MO_Forecast') {'Signal': 'Melbourne_MO_Forecast', 'Length': 44, 'MAPE': 0.1332, 'RMSE': 799.9027, 'MAE': 655.354, 'SMAPE': 0.1315, 'DiffSMAPE': 0.1315, 'MASE': 1.0481, 'RMSSE': 0.9841, 'ErrorMean': 0.0, 'ErrorStdDev': 799.9027, 'R2': -1.0297, 'Pearson': 0.6781, 'MedAE': 522.8478, 'LnQ': 1.0591, 'KS': 0.3182, 'KendallTau': 0.5011, 'MannWhitneyU': 1156.0, 'AUC': 0.5971} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Melbourne_OC_Forecast') {'Signal': 'Melbourne_OC_Forecast', 'Length': 44, 'MAPE': 0.0502, 'RMSE': 294.2051, 'MAE': 234.29, 'SMAPE': 0.05, 'DiffSMAPE': 0.05, 'MASE': 0.3747, 'RMSSE': 0.3619, 'ErrorMean': -0.0, 'ErrorStdDev': 294.2051, 'R2': 0.7254, 'Pearson': 0.8589, 'MedAE': 193.1531, 'LnQ': 0.1723, 'KS': 0.0909, 'KendallTau': 0.6554, 'MannWhitneyU': 957.0, 'AUC': 0.4943} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Melbourne_PHA_TD_Forecast') {'Signal': 'Melbourne_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0782, 'RMSE': 447.0393, 'MAE': 369.8444, 'SMAPE': 0.078, 'DiffSMAPE': 0.078, 'MASE': 0.5915, 'RMSSE': 0.55, 'ErrorMean': -0.0, 'ErrorStdDev': 447.0393, 'R2': 0.3661, 'Pearson': 0.6477, 'MedAE': 278.4895, 'LnQ': 0.3857, 'KS': 0.2727, 'KendallTau': 0.4165, 'MannWhitneyU': 988.0, 'AUC': 0.5103} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Melbourne_AHP_TD_Forecast') {'Signal': 'Melbourne_AHP_TD_Forecast', 'Length': 44, 'MAPE': 0.0802, 'RMSE': 458.1564, 'MAE': 374.5373, 'SMAPE': 0.0785, 'DiffSMAPE': 0.0785, 'MASE': 0.599, 'RMSSE': 0.5636, 'ErrorMean': 87.2663, 'ErrorStdDev': 449.7687, 'R2': 0.3341, 'Pearson': 0.6477, 'MedAE': 351.9647, 'LnQ': 0.4034, 'KS': 0.25, 'KendallTau': 0.4165, 'MannWhitneyU': 904.0, 'AUC': 0.4669} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Melbourne_BU_Forecast') {'Signal': 'Melbourne_BU_Forecast', 'Length': 44, 'MAPE': 0.0464, 'RMSE': 279.6353, 'MAE': 219.0519, 'SMAPE': 0.0463, 'DiffSMAPE': 0.0463, 'MASE': 0.3503, 'RMSSE': 0.344, 'ErrorMean': -0.0, 'ErrorStdDev': 279.6353, 'R2': 0.7519, 'Pearson': 0.8678, 'MedAE': 180.6753, 'LnQ': 0.1506, 'KS': 0.1136, 'KendallTau': 0.6871, 'MannWhitneyU': 966.0, 'AUC': 0.499} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Melbourne_Forecast') {'Signal': 'Melbourne', 'Length': 44, 'MAPE': 0.0464, 'RMSE': 279.6353, 'MAE': 219.0519, 'SMAPE': 0.0463, 'DiffSMAPE': 0.0463, 'MASE': 0.3503, 'RMSSE': 0.344, 'ErrorMean': -0.0, 'ErrorStdDev': 279.6353, 'R2': 0.7519, 'Pearson': 0.8678, 'MedAE': 180.6753, 'LnQ': 0.1506, 'KS': 0.1136, 'KendallTau': 0.6871, 'MannWhitneyU': 966.0, 'AUC': 0.499} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Melbourne_BU_Forecast') {'Signal': 'Melbourne_BU_Forecast', 'Length': 44, 'MAPE': 0.0464, 'RMSE': 279.6353, 'MAE': 219.0519, 'SMAPE': 0.0463, 'DiffSMAPE': 0.0463, 'MASE': 0.3503, 'RMSSE': 0.344, 'ErrorMean': 0.0, 'ErrorStdDev': 279.6353, 'R2': 0.7519, 'Pearson': 0.8678, 'MedAE': 180.6753, 'LnQ': 0.1506, 'KS': 0.1136, 'KendallTau': 0.6871, 'MannWhitneyU': 966.0, 'AUC': 0.499} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Melbourne_Forecast') {'Signal': 'Melbourne', 'Length': 44, 'MAPE': 0.0464, 'RMSE': 279.6353, 'MAE': 219.0519, 'SMAPE': 0.0463, 'DiffSMAPE': 0.0463, 'MASE': 0.3503, 'RMSSE': 0.344, 'ErrorMean': 0.0, 'ErrorStdDev': 279.6353, 'R2': 0.7519, 'Pearson': 0.8678, 'MedAE': 180.6753, 'LnQ': 0.1506, 'KS': 0.1136, 'KendallTau': 0.6871, 'MannWhitneyU': 966.0, 'AUC': 0.499} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Melbourne_MO_Forecast') {'Signal': 'Melbourne_MO_Forecast', 'Length': 44, 'MAPE': 0.1332, 'RMSE': 799.9027, 'MAE': 655.354, 'SMAPE': 0.1315, 'DiffSMAPE': 0.1315, 'MASE': 1.0481, 'RMSSE': 0.9841, 'ErrorMean': 0.0, 'ErrorStdDev': 799.9027, 'R2': -1.0297, 'Pearson': 0.6781, 'MedAE': 522.8478, 'LnQ': 1.0591, 'KS': 0.3182, 'KendallTau': 0.5011, 'MannWhitneyU': 1156.0, 'AUC': 0.5971} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Melbourne_OC_Forecast') {'Signal': 'Melbourne_OC_Forecast', 'Length': 44, 'MAPE': 0.0502, 'RMSE': 294.2051, 'MAE': 234.29, 'SMAPE': 0.05, 'DiffSMAPE': 0.05, 'MASE': 0.3747, 'RMSSE': 0.3619, 'ErrorMean': -0.0, 'ErrorStdDev': 294.2051, 'R2': 0.7254, 'Pearson': 0.8589, 'MedAE': 193.1531, 'LnQ': 0.1723, 'KS': 0.0909, 'KendallTau': 0.6554, 'MannWhitneyU': 957.0, 'AUC': 0.4943} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Melbourne_PHA_TD_Forecast') {'Signal': 'Melbourne_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0782, 'RMSE': 447.0393, 'MAE': 369.8444, 'SMAPE': 0.078, 'DiffSMAPE': 0.078, 'MASE': 0.5915, 'RMSSE': 0.55, 'ErrorMean': -0.0, 'ErrorStdDev': 447.0393, 'R2': 0.3661, 'Pearson': 0.6477, 'MedAE': 278.4895, 'LnQ': 0.3857, 'KS': 0.2727, 'KendallTau': 0.4165, 'MannWhitneyU': 988.0, 'AUC': 0.5103} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Melbourne_AHP_TD_Forecast') {'Signal': 'Melbourne_AHP_TD_Forecast', 'Length': 44, 'MAPE': 0.0802, 'RMSE': 458.1564, 'MAE': 374.5373, 'SMAPE': 0.0785, 'DiffSMAPE': 0.0785, 'MASE': 0.599, 'RMSSE': 0.5636, 'ErrorMean': 87.2663, 'ErrorStdDev': 449.7687, 'R2': 0.3341, 'Pearson': 0.6477, 'MedAE': 351.9647, 'LnQ': 0.4034, 'KS': 0.25, 'KendallTau': 0.4165, 'MannWhitneyU': 904.0, 'AUC': 0.4669} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Melbourne_BU_Forecast') {'Signal': 'Melbourne_BU_Forecast', 'Length': 44, 'MAPE': 0.0464, 'RMSE': 279.6353, 'MAE': 219.0519, 'SMAPE': 0.0463, 'DiffSMAPE': 0.0463, 'MASE': 0.3503, 'RMSSE': 0.344, 'ErrorMean': -0.0, 'ErrorStdDev': 279.6353, 'R2': 0.7519, 'Pearson': 0.8678, 'MedAE': 180.6753, 'LnQ': 0.1506, 'KS': 0.1136, 'KendallTau': 0.6871, 'MannWhitneyU': 966.0, 'AUC': 0.499} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Melbourne_Forecast') {'Signal': 'Melbourne', 'Length': 44, 'MAPE': 0.0464, 'RMSE': 279.6353, 'MAE': 219.0519, 'SMAPE': 0.0463, 'DiffSMAPE': 0.0463, 'MASE': 0.3503, 'RMSSE': 0.344, 'ErrorMean': -0.0, 'ErrorStdDev': 279.6353, 'R2': 0.7519, 'Pearson': 0.8678, 'MedAE': 180.6753, 'LnQ': 0.1506, 'KS': 0.1136, 'KendallTau': 0.6871, 'MannWhitneyU': 966.0, 'AUC': 0.499} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Melbourne_BU_Forecast') {'Signal': 'Melbourne_BU_Forecast', 'Length': 44, 'MAPE': 0.0464, 'RMSE': 279.6353, 'MAE': 219.0519, 'SMAPE': 0.0463, 'DiffSMAPE': 0.0463, 'MASE': 0.3503, 'RMSSE': 0.344, 'ErrorMean': 0.0, 'ErrorStdDev': 279.6353, 'R2': 0.7519, 'Pearson': 0.8678, 'MedAE': 180.6753, 'LnQ': 0.1506, 'KS': 0.1136, 'KendallTau': 0.6871, 'MannWhitneyU': 966.0, 'AUC': 0.499} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Melbourne_Forecast') {'Signal': 'Melbourne', 'Length': 44, 'MAPE': 0.0464, 'RMSE': 279.6353, 'MAE': 219.0519, 'SMAPE': 0.0463, 'DiffSMAPE': 0.0463, 'MASE': 0.3503, 'RMSSE': 0.344, 'ErrorMean': 0.0, 'ErrorStdDev': 279.6353, 'R2': 0.7519, 'Pearson': 0.8678, 'MedAE': 180.6753, 'LnQ': 0.1506, 'KS': 0.1136, 'KendallTau': 0.6871, 'MannWhitneyU': 966.0, 'AUC': 0.499} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Melbourne_MO_Forecast') {'Signal': 'Melbourne_MO_Forecast', 'Length': 44, 'MAPE': 0.1332, 'RMSE': 799.9027, 'MAE': 655.354, 'SMAPE': 0.1315, 'DiffSMAPE': 0.1315, 'MASE': 1.0481, 'RMSSE': 0.9841, 'ErrorMean': 0.0, 'ErrorStdDev': 799.9027, 'R2': -1.0297, 'Pearson': 0.6781, 'MedAE': 522.8478, 'LnQ': 1.0591, 'KS': 0.3182, 'KendallTau': 0.5011, 'MannWhitneyU': 1156.0, 'AUC': 0.5971} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Melbourne_OC_Forecast') {'Signal': 'Melbourne_OC_Forecast', 'Length': 44, 'MAPE': 0.0502, 'RMSE': 294.2051, 'MAE': 234.29, 'SMAPE': 0.05, 'DiffSMAPE': 0.05, 'MASE': 0.3747, 'RMSSE': 0.3619, 'ErrorMean': -0.0, 'ErrorStdDev': 294.2051, 'R2': 0.7254, 'Pearson': 0.8589, 'MedAE': 193.1531, 'LnQ': 0.1723, 'KS': 0.0909, 'KendallTau': 0.6554, 'MannWhitneyU': 957.0, 'AUC': 0.4943} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Melbourne_PHA_TD_Forecast') {'Signal': 'Melbourne_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0782, 'RMSE': 447.0393, 'MAE': 369.8444, 'SMAPE': 0.078, 'DiffSMAPE': 0.078, 'MASE': 0.5915, 'RMSSE': 0.55, 'ErrorMean': -0.0, 'ErrorStdDev': 447.0393, 'R2': 0.3661, 'Pearson': 0.6477, 'MedAE': 278.4895, 'LnQ': 0.3857, 'KS': 0.2727, 'KendallTau': 0.4165, 'MannWhitneyU': 988.0, 'AUC': 0.5103} @@ -146,56 +146,56 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_AHP_TD_Foreca INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_BU_Forecast') {'Signal': 'QLD_BU_Forecast', 'Length': 44, 'MAPE': 0.0464, 'RMSE': 593.6479, 'MAE': 487.6473, 'SMAPE': 0.0462, 'DiffSMAPE': 0.0462, 'MASE': 0.2079, 'RMSSE': 0.2017, 'ErrorMean': -0.0, 'ErrorStdDev': 593.6479, 'R2': 0.8936, 'Pearson': 0.9455, 'MedAE': 470.3224, 'LnQ': 0.1444, 'KS': 0.0682, 'KendallTau': 0.7526, 'MannWhitneyU': 951.0, 'AUC': 0.4912} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_Forecast') {'Signal': 'QLD', 'Length': 44, 'MAPE': 0.0464, 'RMSE': 593.6479, 'MAE': 487.6473, 'SMAPE': 0.0462, 'DiffSMAPE': 0.0462, 'MASE': 0.2079, 'RMSSE': 0.2017, 'ErrorMean': -0.0, 'ErrorStdDev': 593.6479, 'R2': 0.8936, 'Pearson': 0.9455, 'MedAE': 470.3224, 'LnQ': 0.1444, 'KS': 0.0682, 'KendallTau': 0.7526, 'MannWhitneyU': 951.0, 'AUC': 0.4912} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_MO_Forecast') {'Signal': 'QLD_MO_Forecast', 'Length': 44, 'MAPE': 0.073, 'RMSE': 1007.9709, 'MAE': 781.1962, 'SMAPE': 0.0717, 'DiffSMAPE': 0.0717, 'MASE': 0.3331, 'RMSSE': 0.3425, 'ErrorMean': 0.0, 'ErrorStdDev': 1007.9709, 'R2': 0.6933, 'Pearson': 0.8538, 'MedAE': 607.4387, 'LnQ': 0.3683, 'KS': 0.1818, 'KendallTau': 0.6681, 'MannWhitneyU': 896.0, 'AUC': 0.4628} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_OC_Forecast') {'Signal': 'QLD_OC_Forecast', 'Length': 44, 'MAPE': 0.0433, 'RMSE': 567.0354, 'MAE': 456.0266, 'SMAPE': 0.043, 'DiffSMAPE': 0.043, 'MASE': 0.1944, 'RMSSE': 0.1927, 'ErrorMean': 0.0, 'ErrorStdDev': 567.0354, 'R2': 0.9029, 'Pearson': 0.9504, 'MedAE': 387.2239, 'LnQ': 0.1288, 'KS': 0.0909, 'KendallTau': 0.7632, 'MannWhitneyU': 952.0, 'AUC': 0.4917} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_OC_Forecast') {'Signal': 'QLD_OC_Forecast', 'Length': 44, 'MAPE': 0.0433, 'RMSE': 567.0354, 'MAE': 456.0266, 'SMAPE': 0.043, 'DiffSMAPE': 0.043, 'MASE': 0.1944, 'RMSSE': 0.1927, 'ErrorMean': -0.0, 'ErrorStdDev': 567.0354, 'R2': 0.9029, 'Pearson': 0.9504, 'MedAE': 387.2239, 'LnQ': 0.1288, 'KS': 0.0909, 'KendallTau': 0.7632, 'MannWhitneyU': 952.0, 'AUC': 0.4917} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_PHA_TD_Forecast') {'Signal': 'QLD_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.1533, 'RMSE': 2145.9387, 'MAE': 1675.7365, 'SMAPE': 0.1507, 'DiffSMAPE': 0.1507, 'MASE': 0.7145, 'RMSSE': 0.7292, 'ErrorMean': -0.0, 'ErrorStdDev': 2145.9387, 'R2': -0.3902, 'Pearson': -0.0135, 'MedAE': 1302.438, 'LnQ': 1.5883, 'KS': 0.3182, 'KendallTau': 0.1522, 'MannWhitneyU': 837.0, 'AUC': 0.4323} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_AHP_TD_Forecast') {'Signal': 'QLD_AHP_TD_Forecast', 'Length': 44, 'MAPE': 0.1541, 'RMSE': 2147.6509, 'MAE': 1681.8117, 'SMAPE': 0.1512, 'DiffSMAPE': 0.1512, 'MASE': 0.717, 'RMSSE': 0.7297, 'ErrorMean': 27.703, 'ErrorStdDev': 2147.4722, 'R2': -0.3924, 'Pearson': -0.0135, 'MedAE': 1327.5113, 'LnQ': 1.5906, 'KS': 0.3182, 'KendallTau': 0.1522, 'MannWhitneyU': 829.0, 'AUC': 0.4282} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_BU_Forecast') {'Signal': 'QLD_BU_Forecast', 'Length': 44, 'MAPE': 0.0464, 'RMSE': 593.6479, 'MAE': 487.6473, 'SMAPE': 0.0462, 'DiffSMAPE': 0.0462, 'MASE': 0.2079, 'RMSSE': 0.2017, 'ErrorMean': -0.0, 'ErrorStdDev': 593.6479, 'R2': 0.8936, 'Pearson': 0.9455, 'MedAE': 470.3224, 'LnQ': 0.1444, 'KS': 0.0682, 'KendallTau': 0.7526, 'MannWhitneyU': 951.0, 'AUC': 0.4912} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_Forecast') {'Signal': 'QLD', 'Length': 44, 'MAPE': 0.0464, 'RMSE': 593.6479, 'MAE': 487.6473, 'SMAPE': 0.0462, 'DiffSMAPE': 0.0462, 'MASE': 0.2079, 'RMSSE': 0.2017, 'ErrorMean': -0.0, 'ErrorStdDev': 593.6479, 'R2': 0.8936, 'Pearson': 0.9455, 'MedAE': 470.3224, 'LnQ': 0.1444, 'KS': 0.0682, 'KendallTau': 0.7526, 'MannWhitneyU': 951.0, 'AUC': 0.4912} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_MO_Forecast') {'Signal': 'QLD_MO_Forecast', 'Length': 44, 'MAPE': 0.073, 'RMSE': 1007.9709, 'MAE': 781.1962, 'SMAPE': 0.0717, 'DiffSMAPE': 0.0717, 'MASE': 0.3331, 'RMSSE': 0.3425, 'ErrorMean': 0.0, 'ErrorStdDev': 1007.9709, 'R2': 0.6933, 'Pearson': 0.8538, 'MedAE': 607.4387, 'LnQ': 0.3683, 'KS': 0.1818, 'KendallTau': 0.6681, 'MannWhitneyU': 896.0, 'AUC': 0.4628} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_OC_Forecast') {'Signal': 'QLD_OC_Forecast', 'Length': 44, 'MAPE': 0.0433, 'RMSE': 567.0354, 'MAE': 456.0266, 'SMAPE': 0.043, 'DiffSMAPE': 0.043, 'MASE': 0.1944, 'RMSSE': 0.1927, 'ErrorMean': 0.0, 'ErrorStdDev': 567.0354, 'R2': 0.9029, 'Pearson': 0.9504, 'MedAE': 387.2239, 'LnQ': 0.1288, 'KS': 0.0909, 'KendallTau': 0.7632, 'MannWhitneyU': 952.0, 'AUC': 0.4917} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_OC_Forecast') {'Signal': 'QLD_OC_Forecast', 'Length': 44, 'MAPE': 0.0433, 'RMSE': 567.0354, 'MAE': 456.0266, 'SMAPE': 0.043, 'DiffSMAPE': 0.043, 'MASE': 0.1944, 'RMSSE': 0.1927, 'ErrorMean': -0.0, 'ErrorStdDev': 567.0354, 'R2': 0.9029, 'Pearson': 0.9504, 'MedAE': 387.2239, 'LnQ': 0.1288, 'KS': 0.0909, 'KendallTau': 0.7632, 'MannWhitneyU': 952.0, 'AUC': 0.4917} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'QLD_PHA_TD_Forecast') {'Signal': 'QLD_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.1533, 'RMSE': 2145.9387, 'MAE': 1675.7365, 'SMAPE': 0.1507, 'DiffSMAPE': 0.1507, 'MASE': 0.7145, 'RMSSE': 0.7292, 'ErrorMean': -0.0, 'ErrorStdDev': 2145.9387, 'R2': -0.3902, 'Pearson': -0.0135, 'MedAE': 1302.438, 'LnQ': 1.5883, 'KS': 0.3182, 'KendallTau': 0.1522, 'MannWhitneyU': 837.0, 'AUC': 0.4323} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_AHP_TD_Forecast') {'Signal': 'QLD_AHP_TD_Forecast', 'Length': 44, 'MAPE': 0.1541, 'RMSE': 2147.6509, 'MAE': 1681.8117, 'SMAPE': 0.1512, 'DiffSMAPE': 0.1512, 'MASE': 0.717, 'RMSSE': 0.7297, 'ErrorMean': 27.703, 'ErrorStdDev': 2147.4722, 'R2': -0.3924, 'Pearson': -0.0135, 'MedAE': 1327.5113, 'LnQ': 1.5906, 'KS': 0.3182, 'KendallTau': 0.1522, 'MannWhitneyU': 829.0, 'AUC': 0.4282} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_BU_Forecast') {'Signal': 'QLD_BU_Forecast', 'Length': 44, 'MAPE': 0.0464, 'RMSE': 593.6479, 'MAE': 487.6473, 'SMAPE': 0.0462, 'DiffSMAPE': 0.0462, 'MASE': 0.2079, 'RMSSE': 0.2017, 'ErrorMean': -0.0, 'ErrorStdDev': 593.6479, 'R2': 0.8936, 'Pearson': 0.9455, 'MedAE': 470.3224, 'LnQ': 0.1444, 'KS': 0.0682, 'KendallTau': 0.7526, 'MannWhitneyU': 951.0, 'AUC': 0.4912} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_Forecast') {'Signal': 'QLD', 'Length': 44, 'MAPE': 0.0464, 'RMSE': 593.6479, 'MAE': 487.6473, 'SMAPE': 0.0462, 'DiffSMAPE': 0.0462, 'MASE': 0.2079, 'RMSSE': 0.2017, 'ErrorMean': -0.0, 'ErrorStdDev': 593.6479, 'R2': 0.8936, 'Pearson': 0.9455, 'MedAE': 470.3224, 'LnQ': 0.1444, 'KS': 0.0682, 'KendallTau': 0.7526, 'MannWhitneyU': 951.0, 'AUC': 0.4912} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_MO_Forecast') {'Signal': 'QLD_MO_Forecast', 'Length': 44, 'MAPE': 0.073, 'RMSE': 1007.9709, 'MAE': 781.1962, 'SMAPE': 0.0717, 'DiffSMAPE': 0.0717, 'MASE': 0.3331, 'RMSSE': 0.3425, 'ErrorMean': 0.0, 'ErrorStdDev': 1007.9709, 'R2': 0.6933, 'Pearson': 0.8538, 'MedAE': 607.4387, 'LnQ': 0.3683, 'KS': 0.1818, 'KendallTau': 0.6681, 'MannWhitneyU': 896.0, 'AUC': 0.4628} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_OC_Forecast') {'Signal': 'QLD_OC_Forecast', 'Length': 44, 'MAPE': 0.0433, 'RMSE': 567.0354, 'MAE': 456.0266, 'SMAPE': 0.043, 'DiffSMAPE': 0.043, 'MASE': 0.1944, 'RMSSE': 0.1927, 'ErrorMean': 0.0, 'ErrorStdDev': 567.0354, 'R2': 0.9029, 'Pearson': 0.9504, 'MedAE': 387.2239, 'LnQ': 0.1288, 'KS': 0.0909, 'KendallTau': 0.7632, 'MannWhitneyU': 952.0, 'AUC': 0.4917} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_OC_Forecast') {'Signal': 'QLD_OC_Forecast', 'Length': 44, 'MAPE': 0.0433, 'RMSE': 567.0354, 'MAE': 456.0266, 'SMAPE': 0.043, 'DiffSMAPE': 0.043, 'MASE': 0.1944, 'RMSSE': 0.1927, 'ErrorMean': -0.0, 'ErrorStdDev': 567.0354, 'R2': 0.9029, 'Pearson': 0.9504, 'MedAE': 387.2239, 'LnQ': 0.1288, 'KS': 0.0909, 'KendallTau': 0.7632, 'MannWhitneyU': 952.0, 'AUC': 0.4917} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'QLD_PHA_TD_Forecast') {'Signal': 'QLD_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.1533, 'RMSE': 2145.9387, 'MAE': 1675.7365, 'SMAPE': 0.1507, 'DiffSMAPE': 0.1507, 'MASE': 0.7145, 'RMSSE': 0.7292, 'ErrorMean': -0.0, 'ErrorStdDev': 2145.9387, 'R2': -0.3902, 'Pearson': -0.0135, 'MedAE': 1302.438, 'LnQ': 1.5883, 'KS': 0.3182, 'KendallTau': 0.1522, 'MannWhitneyU': 837.0, 'AUC': 0.4323} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Sydney_AHP_TD_Forecast') {'Signal': 'Sydney_AHP_TD_Forecast', 'Length': 44, 'MAPE': 0.0898, 'RMSE': 730.2328, 'MAE': 535.4817, 'SMAPE': 0.0896, 'DiffSMAPE': 0.0896, 'MASE': 0.8281, 'RMSSE': 0.9008, 'ErrorMean': 37.4348, 'ErrorStdDev': 729.2726, 'R2': 0.0973, 'Pearson': 0.4637, 'MedAE': 430.403, 'LnQ': 0.6138, 'KS': 0.2273, 'KendallTau': 0.3742, 'MannWhitneyU': 966.0, 'AUC': 0.499} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Sydney_BU_Forecast') {'Signal': 'Sydney_BU_Forecast', 'Length': 44, 'MAPE': 0.0481, 'RMSE': 366.7345, 'MAE': 286.2045, 'SMAPE': 0.048, 'DiffSMAPE': 0.048, 'MASE': 0.4426, 'RMSSE': 0.4524, 'ErrorMean': -0.0, 'ErrorStdDev': 366.7345, 'R2': 0.7723, 'Pearson': 0.8842, 'MedAE': 229.7481, 'LnQ': 0.1567, 'KS': 0.1136, 'KendallTau': 0.7019, 'MannWhitneyU': 960.0, 'AUC': 0.4959} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Sydney_Forecast') {'Signal': 'Sydney', 'Length': 44, 'MAPE': 0.0481, 'RMSE': 366.7345, 'MAE': 286.2045, 'SMAPE': 0.048, 'DiffSMAPE': 0.048, 'MASE': 0.4426, 'RMSSE': 0.4524, 'ErrorMean': -0.0, 'ErrorStdDev': 366.7345, 'R2': 0.7723, 'Pearson': 0.8842, 'MedAE': 229.7481, 'LnQ': 0.1567, 'KS': 0.1136, 'KendallTau': 0.7019, 'MannWhitneyU': 960.0, 'AUC': 0.4959} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Sydney_MO_Forecast') {'Signal': 'Sydney_MO_Forecast', 'Length': 44, 'MAPE': 0.087, 'RMSE': 748.2353, 'MAE': 537.1442, 'SMAPE': 0.0868, 'DiffSMAPE': 0.0868, 'MASE': 0.8307, 'RMSSE': 0.923, 'ErrorMean': 0.0, 'ErrorStdDev': 748.2353, 'R2': 0.0523, 'Pearson': 0.6102, 'MedAE': 383.6906, 'LnQ': 0.5919, 'KS': 0.2045, 'KendallTau': 0.592, 'MannWhitneyU': 1039.0, 'AUC': 0.5367} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Sydney_OC_Forecast') {'Signal': 'Sydney_OC_Forecast', 'Length': 44, 'MAPE': 0.0529, 'RMSE': 396.1401, 'MAE': 314.3806, 'SMAPE': 0.0526, 'DiffSMAPE': 0.0526, 'MASE': 0.4862, 'RMSSE': 0.4887, 'ErrorMean': -0.0, 'ErrorStdDev': 396.1401, 'R2': 0.7344, 'Pearson': 0.857, 'MedAE': 289.5846, 'LnQ': 0.1828, 'KS': 0.0909, 'KendallTau': 0.6829, 'MannWhitneyU': 939.0, 'AUC': 0.485} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Sydney_PHA_TD_Forecast') {'Signal': 'Sydney_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0894, 'RMSE': 727.8834, 'MAE': 535.2105, 'SMAPE': 0.0897, 'DiffSMAPE': 0.0897, 'MASE': 0.8277, 'RMSSE': 0.8979, 'ErrorMean': 0.0, 'ErrorStdDev': 727.8834, 'R2': 0.1031, 'Pearson': 0.4637, 'MedAE': 425.9708, 'LnQ': 0.6103, 'KS': 0.2273, 'KendallTau': 0.3742, 'MannWhitneyU': 999.0, 'AUC': 0.516} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Sydney_PHA_TD_Forecast') {'Signal': 'Sydney_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0894, 'RMSE': 727.8834, 'MAE': 535.2105, 'SMAPE': 0.0897, 'DiffSMAPE': 0.0897, 'MASE': 0.8277, 'RMSSE': 0.8979, 'ErrorMean': -0.0, 'ErrorStdDev': 727.8834, 'R2': 0.1031, 'Pearson': 0.4637, 'MedAE': 425.9708, 'LnQ': 0.6103, 'KS': 0.2273, 'KendallTau': 0.3742, 'MannWhitneyU': 999.0, 'AUC': 0.516} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Sydney_AHP_TD_Forecast') {'Signal': 'Sydney_AHP_TD_Forecast', 'Length': 44, 'MAPE': 0.0898, 'RMSE': 730.2328, 'MAE': 535.4817, 'SMAPE': 0.0896, 'DiffSMAPE': 0.0896, 'MASE': 0.8281, 'RMSSE': 0.9008, 'ErrorMean': 37.4348, 'ErrorStdDev': 729.2726, 'R2': 0.0973, 'Pearson': 0.4637, 'MedAE': 430.403, 'LnQ': 0.6138, 'KS': 0.2273, 'KendallTau': 0.3742, 'MannWhitneyU': 966.0, 'AUC': 0.499} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Sydney_BU_Forecast') {'Signal': 'Sydney_BU_Forecast', 'Length': 44, 'MAPE': 0.0481, 'RMSE': 366.7345, 'MAE': 286.2045, 'SMAPE': 0.048, 'DiffSMAPE': 0.048, 'MASE': 0.4426, 'RMSSE': 0.4524, 'ErrorMean': -0.0, 'ErrorStdDev': 366.7345, 'R2': 0.7723, 'Pearson': 0.8842, 'MedAE': 229.7481, 'LnQ': 0.1567, 'KS': 0.1136, 'KendallTau': 0.7019, 'MannWhitneyU': 960.0, 'AUC': 0.4959} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Sydney_Forecast') {'Signal': 'Sydney', 'Length': 44, 'MAPE': 0.0481, 'RMSE': 366.7345, 'MAE': 286.2045, 'SMAPE': 0.048, 'DiffSMAPE': 0.048, 'MASE': 0.4426, 'RMSSE': 0.4524, 'ErrorMean': -0.0, 'ErrorStdDev': 366.7345, 'R2': 0.7723, 'Pearson': 0.8842, 'MedAE': 229.7481, 'LnQ': 0.1567, 'KS': 0.1136, 'KendallTau': 0.7019, 'MannWhitneyU': 960.0, 'AUC': 0.4959} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Sydney_MO_Forecast') {'Signal': 'Sydney_MO_Forecast', 'Length': 44, 'MAPE': 0.087, 'RMSE': 748.2353, 'MAE': 537.1442, 'SMAPE': 0.0868, 'DiffSMAPE': 0.0868, 'MASE': 0.8307, 'RMSSE': 0.923, 'ErrorMean': 0.0, 'ErrorStdDev': 748.2353, 'R2': 0.0523, 'Pearson': 0.6102, 'MedAE': 383.6906, 'LnQ': 0.5919, 'KS': 0.2045, 'KendallTau': 0.592, 'MannWhitneyU': 1039.0, 'AUC': 0.5367} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Sydney_OC_Forecast') {'Signal': 'Sydney_OC_Forecast', 'Length': 44, 'MAPE': 0.0529, 'RMSE': 396.1401, 'MAE': 314.3806, 'SMAPE': 0.0526, 'DiffSMAPE': 0.0526, 'MASE': 0.4862, 'RMSSE': 0.4887, 'ErrorMean': -0.0, 'ErrorStdDev': 396.1401, 'R2': 0.7344, 'Pearson': 0.857, 'MedAE': 289.5846, 'LnQ': 0.1828, 'KS': 0.0909, 'KendallTau': 0.6829, 'MannWhitneyU': 939.0, 'AUC': 0.485} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Sydney_PHA_TD_Forecast') {'Signal': 'Sydney_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0894, 'RMSE': 727.8834, 'MAE': 535.2105, 'SMAPE': 0.0897, 'DiffSMAPE': 0.0897, 'MASE': 0.8277, 'RMSSE': 0.8979, 'ErrorMean': 0.0, 'ErrorStdDev': 727.8834, 'R2': 0.1031, 'Pearson': 0.4637, 'MedAE': 425.9708, 'LnQ': 0.6103, 'KS': 0.2273, 'KendallTau': 0.3742, 'MannWhitneyU': 999.0, 'AUC': 0.516} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Sydney_PHA_TD_Forecast') {'Signal': 'Sydney_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0894, 'RMSE': 727.8834, 'MAE': 535.2105, 'SMAPE': 0.0897, 'DiffSMAPE': 0.0897, 'MASE': 0.8277, 'RMSSE': 0.8979, 'ErrorMean': -0.0, 'ErrorStdDev': 727.8834, 'R2': 0.1031, 'Pearson': 0.4637, 'MedAE': 425.9708, 'LnQ': 0.6103, 'KS': 0.2273, 'KendallTau': 0.3742, 'MannWhitneyU': 999.0, 'AUC': 0.516} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Sydney_AHP_TD_Forecast') {'Signal': 'Sydney_AHP_TD_Forecast', 'Length': 44, 'MAPE': 0.0898, 'RMSE': 730.2328, 'MAE': 535.4817, 'SMAPE': 0.0896, 'DiffSMAPE': 0.0896, 'MASE': 0.8281, 'RMSSE': 0.9008, 'ErrorMean': 37.4348, 'ErrorStdDev': 729.2726, 'R2': 0.0973, 'Pearson': 0.4637, 'MedAE': 430.403, 'LnQ': 0.6138, 'KS': 0.2273, 'KendallTau': 0.3742, 'MannWhitneyU': 966.0, 'AUC': 0.499} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Sydney_BU_Forecast') {'Signal': 'Sydney_BU_Forecast', 'Length': 44, 'MAPE': 0.0481, 'RMSE': 366.7345, 'MAE': 286.2045, 'SMAPE': 0.048, 'DiffSMAPE': 0.048, 'MASE': 0.4426, 'RMSSE': 0.4524, 'ErrorMean': -0.0, 'ErrorStdDev': 366.7345, 'R2': 0.7723, 'Pearson': 0.8842, 'MedAE': 229.7481, 'LnQ': 0.1567, 'KS': 0.1136, 'KendallTau': 0.7019, 'MannWhitneyU': 960.0, 'AUC': 0.4959} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Sydney_Forecast') {'Signal': 'Sydney', 'Length': 44, 'MAPE': 0.0481, 'RMSE': 366.7345, 'MAE': 286.2045, 'SMAPE': 0.048, 'DiffSMAPE': 0.048, 'MASE': 0.4426, 'RMSSE': 0.4524, 'ErrorMean': -0.0, 'ErrorStdDev': 366.7345, 'R2': 0.7723, 'Pearson': 0.8842, 'MedAE': 229.7481, 'LnQ': 0.1567, 'KS': 0.1136, 'KendallTau': 0.7019, 'MannWhitneyU': 960.0, 'AUC': 0.4959} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Sydney_MO_Forecast') {'Signal': 'Sydney_MO_Forecast', 'Length': 44, 'MAPE': 0.087, 'RMSE': 748.2353, 'MAE': 537.1442, 'SMAPE': 0.0868, 'DiffSMAPE': 0.0868, 'MASE': 0.8307, 'RMSSE': 0.923, 'ErrorMean': 0.0, 'ErrorStdDev': 748.2353, 'R2': 0.0523, 'Pearson': 0.6102, 'MedAE': 383.6906, 'LnQ': 0.5919, 'KS': 0.2045, 'KendallTau': 0.592, 'MannWhitneyU': 1039.0, 'AUC': 0.5367} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Sydney_OC_Forecast') {'Signal': 'Sydney_OC_Forecast', 'Length': 44, 'MAPE': 0.0529, 'RMSE': 396.1401, 'MAE': 314.3806, 'SMAPE': 0.0526, 'DiffSMAPE': 0.0526, 'MASE': 0.4862, 'RMSSE': 0.4887, 'ErrorMean': -0.0, 'ErrorStdDev': 396.1401, 'R2': 0.7344, 'Pearson': 0.857, 'MedAE': 289.5846, 'LnQ': 0.1828, 'KS': 0.0909, 'KendallTau': 0.6829, 'MannWhitneyU': 939.0, 'AUC': 0.485} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Sydney_PHA_TD_Forecast') {'Signal': 'Sydney_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0894, 'RMSE': 727.8834, 'MAE': 535.2105, 'SMAPE': 0.0897, 'DiffSMAPE': 0.0897, 'MASE': 0.8277, 'RMSSE': 0.8979, 'ErrorMean': 0.0, 'ErrorStdDev': 727.8834, 'R2': 0.1031, 'Pearson': 0.4637, 'MedAE': 425.9708, 'LnQ': 0.6103, 'KS': 0.2273, 'KendallTau': 0.3742, 'MannWhitneyU': 999.0, 'AUC': 0.516} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Sydney_PHA_TD_Forecast') {'Signal': 'Sydney_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0894, 'RMSE': 727.8834, 'MAE': 535.2105, 'SMAPE': 0.0897, 'DiffSMAPE': 0.0897, 'MASE': 0.8277, 'RMSSE': 0.8979, 'ErrorMean': -0.0, 'ErrorStdDev': 727.8834, 'R2': 0.1031, 'Pearson': 0.4637, 'MedAE': 425.9708, 'LnQ': 0.6103, 'KS': 0.2273, 'KendallTau': 0.3742, 'MannWhitneyU': 999.0, 'AUC': 0.516} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_AHP_TD_Forecast') {'Signal': 'VIC_AHP_TD_Forecast', 'Length': 44, 'MAPE': 0.1686, 'RMSE': 1934.11, 'MAE': 1529.0854, 'SMAPE': 0.1667, 'DiffSMAPE': 0.1667, 'MASE': 0.4626, 'RMSSE': 0.4852, 'ErrorMean': -206.4001, 'ErrorStdDev': 1923.0654, 'R2': 0.4788, 'Pearson': 0.897, 'MedAE': 1357.8833, 'LnQ': 1.7614, 'KS': 0.4773, 'KendallTau': 0.3679, 'MannWhitneyU': 670.0, 'AUC': 0.3461} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_BU_Forecast') {'Signal': 'VIC_BU_Forecast', 'Length': 44, 'MAPE': 0.0422, 'RMSE': 427.1138, 'MAE': 335.9628, 'SMAPE': 0.0419, 'DiffSMAPE': 0.0419, 'MASE': 0.1016, 'RMSSE': 0.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 427.1138, 'R2': 0.9746, 'Pearson': 0.9873, 'MedAE': 272.761, 'LnQ': 0.1239, 'KS': 0.1364, 'KendallTau': 0.7548, 'MannWhitneyU': 968.5, 'AUC': 0.5003} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_Forecast') {'Signal': 'VIC', 'Length': 44, 'MAPE': 0.0422, 'RMSE': 427.1138, 'MAE': 335.9628, 'SMAPE': 0.0419, 'DiffSMAPE': 0.0419, 'MASE': 0.1016, 'RMSSE': 0.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 427.1138, 'R2': 0.9746, 'Pearson': 0.9873, 'MedAE': 272.761, 'LnQ': 0.1239, 'KS': 0.1364, 'KendallTau': 0.7548, 'MannWhitneyU': 968.5, 'AUC': 0.5003} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_BU_Forecast') {'Signal': 'VIC_BU_Forecast', 'Length': 44, 'MAPE': 0.0422, 'RMSE': 427.1138, 'MAE': 335.9628, 'SMAPE': 0.0419, 'DiffSMAPE': 0.0419, 'MASE': 0.1016, 'RMSSE': 0.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 427.1138, 'R2': 0.9746, 'Pearson': 0.9873, 'MedAE': 272.761, 'LnQ': 0.1239, 'KS': 0.1364, 'KendallTau': 0.7548, 'MannWhitneyU': 968.5, 'AUC': 0.5003} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_Forecast') {'Signal': 'VIC', 'Length': 44, 'MAPE': 0.0422, 'RMSE': 427.1138, 'MAE': 335.9628, 'SMAPE': 0.0419, 'DiffSMAPE': 0.0419, 'MASE': 0.1016, 'RMSSE': 0.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 427.1138, 'R2': 0.9746, 'Pearson': 0.9873, 'MedAE': 272.761, 'LnQ': 0.1239, 'KS': 0.1364, 'KendallTau': 0.7548, 'MannWhitneyU': 968.5, 'AUC': 0.5003} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_MO_Forecast') {'Signal': 'VIC_MO_Forecast', 'Length': 44, 'MAPE': 0.0806, 'RMSE': 869.535, 'MAE': 701.9824, 'SMAPE': 0.079, 'DiffSMAPE': 0.079, 'MASE': 0.2124, 'RMSSE': 0.2181, 'ErrorMean': 0.0, 'ErrorStdDev': 869.535, 'R2': 0.8947, 'Pearson': 0.9767, 'MedAE': 559.7994, 'LnQ': 0.3908, 'KS': 0.2727, 'KendallTau': 0.6765, 'MannWhitneyU': 854.0, 'AUC': 0.4411} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_OC_Forecast') {'Signal': 'VIC_OC_Forecast', 'Length': 44, 'MAPE': 0.0431, 'RMSE': 452.716, 'MAE': 340.3972, 'SMAPE': 0.043, 'DiffSMAPE': 0.043, 'MASE': 0.103, 'RMSSE': 0.1136, 'ErrorMean': 0.0, 'ErrorStdDev': 452.716, 'R2': 0.9714, 'Pearson': 0.9856, 'MedAE': 249.32, 'LnQ': 0.1455, 'KS': 0.0909, 'KendallTau': 0.74, 'MannWhitneyU': 959.0, 'AUC': 0.4954} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_PHA_TD_Forecast') {'Signal': 'VIC_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.1801, 'RMSE': 1906.1402, 'MAE': 1579.0101, 'SMAPE': 0.174, 'DiffSMAPE': 0.174, 'MASE': 0.4777, 'RMSSE': 0.4782, 'ErrorMean': 0.0, 'ErrorStdDev': 1906.1402, 'R2': 0.4938, 'Pearson': 0.897, 'MedAE': 1556.2667, 'LnQ': 1.8128, 'KS': 0.5455, 'KendallTau': 0.3679, 'MannWhitneyU': 624.0, 'AUC': 0.3223} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_OC_Forecast') {'Signal': 'VIC_OC_Forecast', 'Length': 44, 'MAPE': 0.0431, 'RMSE': 452.716, 'MAE': 340.3972, 'SMAPE': 0.043, 'DiffSMAPE': 0.043, 'MASE': 0.103, 'RMSSE': 0.1136, 'ErrorMean': -0.0, 'ErrorStdDev': 452.716, 'R2': 0.9714, 'Pearson': 0.9856, 'MedAE': 249.32, 'LnQ': 0.1455, 'KS': 0.0909, 'KendallTau': 0.74, 'MannWhitneyU': 959.0, 'AUC': 0.4954} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'VIC_PHA_TD_Forecast') {'Signal': 'VIC_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.1801, 'RMSE': 1906.1402, 'MAE': 1579.0101, 'SMAPE': 0.174, 'DiffSMAPE': 0.174, 'MASE': 0.4777, 'RMSSE': 0.4782, 'ErrorMean': -0.0, 'ErrorStdDev': 1906.1402, 'R2': 0.4938, 'Pearson': 0.897, 'MedAE': 1556.2667, 'LnQ': 1.8128, 'KS': 0.5455, 'KendallTau': 0.3679, 'MannWhitneyU': 624.0, 'AUC': 0.3223} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_AHP_TD_Forecast') {'Signal': 'VIC_AHP_TD_Forecast', 'Length': 44, 'MAPE': 0.1686, 'RMSE': 1934.11, 'MAE': 1529.0854, 'SMAPE': 0.1667, 'DiffSMAPE': 0.1667, 'MASE': 0.4626, 'RMSSE': 0.4852, 'ErrorMean': -206.4001, 'ErrorStdDev': 1923.0654, 'R2': 0.4788, 'Pearson': 0.897, 'MedAE': 1357.8833, 'LnQ': 1.7614, 'KS': 0.4773, 'KendallTau': 0.3679, 'MannWhitneyU': 670.0, 'AUC': 0.3461} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_BU_Forecast') {'Signal': 'VIC_BU_Forecast', 'Length': 44, 'MAPE': 0.0422, 'RMSE': 427.1138, 'MAE': 335.9628, 'SMAPE': 0.0419, 'DiffSMAPE': 0.0419, 'MASE': 0.1016, 'RMSSE': 0.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 427.1138, 'R2': 0.9746, 'Pearson': 0.9873, 'MedAE': 272.761, 'LnQ': 0.1239, 'KS': 0.1364, 'KendallTau': 0.7548, 'MannWhitneyU': 968.5, 'AUC': 0.5003} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_Forecast') {'Signal': 'VIC', 'Length': 44, 'MAPE': 0.0422, 'RMSE': 427.1138, 'MAE': 335.9628, 'SMAPE': 0.0419, 'DiffSMAPE': 0.0419, 'MASE': 0.1016, 'RMSSE': 0.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 427.1138, 'R2': 0.9746, 'Pearson': 0.9873, 'MedAE': 272.761, 'LnQ': 0.1239, 'KS': 0.1364, 'KendallTau': 0.7548, 'MannWhitneyU': 968.5, 'AUC': 0.5003} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_BU_Forecast') {'Signal': 'VIC_BU_Forecast', 'Length': 44, 'MAPE': 0.0422, 'RMSE': 427.1138, 'MAE': 335.9628, 'SMAPE': 0.0419, 'DiffSMAPE': 0.0419, 'MASE': 0.1016, 'RMSSE': 0.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 427.1138, 'R2': 0.9746, 'Pearson': 0.9873, 'MedAE': 272.761, 'LnQ': 0.1239, 'KS': 0.1364, 'KendallTau': 0.7548, 'MannWhitneyU': 968.5, 'AUC': 0.5003} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_Forecast') {'Signal': 'VIC', 'Length': 44, 'MAPE': 0.0422, 'RMSE': 427.1138, 'MAE': 335.9628, 'SMAPE': 0.0419, 'DiffSMAPE': 0.0419, 'MASE': 0.1016, 'RMSSE': 0.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 427.1138, 'R2': 0.9746, 'Pearson': 0.9873, 'MedAE': 272.761, 'LnQ': 0.1239, 'KS': 0.1364, 'KendallTau': 0.7548, 'MannWhitneyU': 968.5, 'AUC': 0.5003} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_MO_Forecast') {'Signal': 'VIC_MO_Forecast', 'Length': 44, 'MAPE': 0.0806, 'RMSE': 869.535, 'MAE': 701.9824, 'SMAPE': 0.079, 'DiffSMAPE': 0.079, 'MASE': 0.2124, 'RMSSE': 0.2181, 'ErrorMean': 0.0, 'ErrorStdDev': 869.535, 'R2': 0.8947, 'Pearson': 0.9767, 'MedAE': 559.7994, 'LnQ': 0.3908, 'KS': 0.2727, 'KendallTau': 0.6765, 'MannWhitneyU': 854.0, 'AUC': 0.4411} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_OC_Forecast') {'Signal': 'VIC_OC_Forecast', 'Length': 44, 'MAPE': 0.0431, 'RMSE': 452.716, 'MAE': 340.3972, 'SMAPE': 0.043, 'DiffSMAPE': 0.043, 'MASE': 0.103, 'RMSSE': 0.1136, 'ErrorMean': 0.0, 'ErrorStdDev': 452.716, 'R2': 0.9714, 'Pearson': 0.9856, 'MedAE': 249.32, 'LnQ': 0.1455, 'KS': 0.0909, 'KendallTau': 0.74, 'MannWhitneyU': 959.0, 'AUC': 0.4954} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_PHA_TD_Forecast') {'Signal': 'VIC_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.1801, 'RMSE': 1906.1402, 'MAE': 1579.0101, 'SMAPE': 0.174, 'DiffSMAPE': 0.174, 'MASE': 0.4777, 'RMSSE': 0.4782, 'ErrorMean': 0.0, 'ErrorStdDev': 1906.1402, 'R2': 0.4938, 'Pearson': 0.897, 'MedAE': 1556.2667, 'LnQ': 1.8128, 'KS': 0.5455, 'KendallTau': 0.3679, 'MannWhitneyU': 624.0, 'AUC': 0.3223} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_OC_Forecast') {'Signal': 'VIC_OC_Forecast', 'Length': 44, 'MAPE': 0.0431, 'RMSE': 452.716, 'MAE': 340.3972, 'SMAPE': 0.043, 'DiffSMAPE': 0.043, 'MASE': 0.103, 'RMSSE': 0.1136, 'ErrorMean': -0.0, 'ErrorStdDev': 452.716, 'R2': 0.9714, 'Pearson': 0.9856, 'MedAE': 249.32, 'LnQ': 0.1455, 'KS': 0.0909, 'KendallTau': 0.74, 'MannWhitneyU': 959.0, 'AUC': 0.4954} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'VIC_PHA_TD_Forecast') {'Signal': 'VIC_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.1801, 'RMSE': 1906.1402, 'MAE': 1579.0101, 'SMAPE': 0.174, 'DiffSMAPE': 0.174, 'MASE': 0.4777, 'RMSSE': 0.4782, 'ErrorMean': -0.0, 'ErrorStdDev': 1906.1402, 'R2': 0.4938, 'Pearson': 0.897, 'MedAE': 1556.2667, 'LnQ': 1.8128, 'KS': 0.5455, 'KendallTau': 0.3679, 'MannWhitneyU': 624.0, 'AUC': 0.3223} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_AHP_TD_Forecast') {'Signal': 'VIC_AHP_TD_Forecast', 'Length': 44, 'MAPE': 0.1686, 'RMSE': 1934.11, 'MAE': 1529.0854, 'SMAPE': 0.1667, 'DiffSMAPE': 0.1667, 'MASE': 0.4626, 'RMSSE': 0.4852, 'ErrorMean': -206.4001, 'ErrorStdDev': 1923.0654, 'R2': 0.4788, 'Pearson': 0.897, 'MedAE': 1357.8833, 'LnQ': 1.7614, 'KS': 0.4773, 'KendallTau': 0.3679, 'MannWhitneyU': 670.0, 'AUC': 0.3461} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_BU_Forecast') {'Signal': 'VIC_BU_Forecast', 'Length': 44, 'MAPE': 0.0422, 'RMSE': 427.1138, 'MAE': 335.9628, 'SMAPE': 0.0419, 'DiffSMAPE': 0.0419, 'MASE': 0.1016, 'RMSSE': 0.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 427.1138, 'R2': 0.9746, 'Pearson': 0.9873, 'MedAE': 272.761, 'LnQ': 0.1239, 'KS': 0.1364, 'KendallTau': 0.7548, 'MannWhitneyU': 968.5, 'AUC': 0.5003} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_Forecast') {'Signal': 'VIC', 'Length': 44, 'MAPE': 0.0422, 'RMSE': 427.1138, 'MAE': 335.9628, 'SMAPE': 0.0419, 'DiffSMAPE': 0.0419, 'MASE': 0.1016, 'RMSSE': 0.1071, 'ErrorMean': -0.0, 'ErrorStdDev': 427.1138, 'R2': 0.9746, 'Pearson': 0.9873, 'MedAE': 272.761, 'LnQ': 0.1239, 'KS': 0.1364, 'KendallTau': 0.7548, 'MannWhitneyU': 968.5, 'AUC': 0.5003} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_BU_Forecast') {'Signal': 'VIC_BU_Forecast', 'Length': 44, 'MAPE': 0.0422, 'RMSE': 427.1138, 'MAE': 335.9628, 'SMAPE': 0.0419, 'DiffSMAPE': 0.0419, 'MASE': 0.1016, 'RMSSE': 0.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 427.1138, 'R2': 0.9746, 'Pearson': 0.9873, 'MedAE': 272.761, 'LnQ': 0.1239, 'KS': 0.1364, 'KendallTau': 0.7548, 'MannWhitneyU': 968.5, 'AUC': 0.5003} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_Forecast') {'Signal': 'VIC', 'Length': 44, 'MAPE': 0.0422, 'RMSE': 427.1138, 'MAE': 335.9628, 'SMAPE': 0.0419, 'DiffSMAPE': 0.0419, 'MASE': 0.1016, 'RMSSE': 0.1071, 'ErrorMean': 0.0, 'ErrorStdDev': 427.1138, 'R2': 0.9746, 'Pearson': 0.9873, 'MedAE': 272.761, 'LnQ': 0.1239, 'KS': 0.1364, 'KendallTau': 0.7548, 'MannWhitneyU': 968.5, 'AUC': 0.5003} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_MO_Forecast') {'Signal': 'VIC_MO_Forecast', 'Length': 44, 'MAPE': 0.0806, 'RMSE': 869.535, 'MAE': 701.9824, 'SMAPE': 0.079, 'DiffSMAPE': 0.079, 'MASE': 0.2124, 'RMSSE': 0.2181, 'ErrorMean': 0.0, 'ErrorStdDev': 869.535, 'R2': 0.8947, 'Pearson': 0.9767, 'MedAE': 559.7994, 'LnQ': 0.3908, 'KS': 0.2727, 'KendallTau': 0.6765, 'MannWhitneyU': 854.0, 'AUC': 0.4411} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_OC_Forecast') {'Signal': 'VIC_OC_Forecast', 'Length': 44, 'MAPE': 0.0431, 'RMSE': 452.716, 'MAE': 340.3972, 'SMAPE': 0.043, 'DiffSMAPE': 0.043, 'MASE': 0.103, 'RMSSE': 0.1136, 'ErrorMean': 0.0, 'ErrorStdDev': 452.716, 'R2': 0.9714, 'Pearson': 0.9856, 'MedAE': 249.32, 'LnQ': 0.1455, 'KS': 0.0909, 'KendallTau': 0.74, 'MannWhitneyU': 959.0, 'AUC': 0.4954} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_PHA_TD_Forecast') {'Signal': 'VIC_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.1801, 'RMSE': 1906.1402, 'MAE': 1579.0101, 'SMAPE': 0.174, 'DiffSMAPE': 0.174, 'MASE': 0.4777, 'RMSSE': 0.4782, 'ErrorMean': 0.0, 'ErrorStdDev': 1906.1402, 'R2': 0.4938, 'Pearson': 0.897, 'MedAE': 1556.2667, 'LnQ': 1.8128, 'KS': 0.5455, 'KendallTau': 0.3679, 'MannWhitneyU': 624.0, 'AUC': 0.3223} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_OC_Forecast') {'Signal': 'VIC_OC_Forecast', 'Length': 44, 'MAPE': 0.0431, 'RMSE': 452.716, 'MAE': 340.3972, 'SMAPE': 0.043, 'DiffSMAPE': 0.043, 'MASE': 0.103, 'RMSSE': 0.1136, 'ErrorMean': -0.0, 'ErrorStdDev': 452.716, 'R2': 0.9714, 'Pearson': 0.9856, 'MedAE': 249.32, 'LnQ': 0.1455, 'KS': 0.0909, 'KendallTau': 0.74, 'MannWhitneyU': 959.0, 'AUC': 0.4954} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'VIC_PHA_TD_Forecast') {'Signal': 'VIC_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.1801, 'RMSE': 1906.1402, 'MAE': 1579.0101, 'SMAPE': 0.174, 'DiffSMAPE': 0.174, 'MASE': 0.4777, 'RMSSE': 0.4782, 'ErrorMean': -0.0, 'ErrorStdDev': 1906.1402, 'R2': 0.4938, 'Pearson': 0.897, 'MedAE': 1556.2667, 'LnQ': 1.8128, 'KS': 0.5455, 'KendallTau': 0.3679, 'MannWhitneyU': 624.0, 'AUC': 0.3223} INFO:pyaf.hierarchical:STRUCTURE_LEVEL (1, ['NSW_State', 'Other_State', 'QLD_State', 'VIC_State']) INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_State_AHP_TD_Forecast') {'Signal': 'NSW_State_AHP_TD_Forecast', 'Length': 44, 'MAPE': 0.0652, 'RMSE': 1701.6803, 'MAE': 1415.7108, 'SMAPE': 0.0645, 'DiffSMAPE': 0.0645, 'MASE': 0.3517, 'RMSSE': 0.3396, 'ErrorMean': -72.2131, 'ErrorStdDev': 1700.1474, 'R2': 0.7588, 'Pearson': 0.9049, 'MedAE': 1208.4824, 'LnQ': 0.2692, 'KS': 0.2955, 'KendallTau': 0.5116, 'MannWhitneyU': 863.0, 'AUC': 0.4458} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'NSW_State_BU_Forecast') {'Signal': 'NSW_State_BU_Forecast', 'Length': 44, 'MAPE': 0.0268, 'RMSE': 764.6337, 'MAE': 566.8394, 'SMAPE': 0.0268, 'DiffSMAPE': 0.0268, 'MASE': 0.1408, 'RMSSE': 0.1526, 'ErrorMean': 0.0, 'ErrorStdDev': 764.6337, 'R2': 0.9513, 'Pearson': 0.976, 'MedAE': 427.1729, 'LnQ': 0.0586, 'KS': 0.1364, 'KendallTau': 0.7886, 'MannWhitneyU': 959.0, 'AUC': 0.4954} @@ -216,21 +216,21 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_State_MO_For INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_State_OC_Forecast') {'Signal': 'NSW_State_OC_Forecast', 'Length': 44, 'MAPE': 0.0265, 'RMSE': 725.8128, 'MAE': 560.6185, 'SMAPE': 0.0263, 'DiffSMAPE': 0.0263, 'MASE': 0.1393, 'RMSSE': 0.1449, 'ErrorMean': 0.0, 'ErrorStdDev': 725.8128, 'R2': 0.9561, 'Pearson': 0.9781, 'MedAE': 480.4902, 'LnQ': 0.0527, 'KS': 0.0909, 'KendallTau': 0.7844, 'MannWhitneyU': 957.0, 'AUC': 0.4943} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'NSW_State_PHA_TD_Forecast') {'Signal': 'NSW_State_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0652, 'RMSE': 1696.4079, 'MAE': 1408.8423, 'SMAPE': 0.0644, 'DiffSMAPE': 0.0644, 'MASE': 0.35, 'RMSSE': 0.3386, 'ErrorMean': -0.0, 'ErrorStdDev': 1696.4079, 'R2': 0.7603, 'Pearson': 0.9049, 'MedAE': 1191.1502, 'LnQ': 0.2706, 'KS': 0.3182, 'KendallTau': 0.5116, 'MannWhitneyU': 845.0, 'AUC': 0.4365} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Other_State_AHP_TD_Forecast') {'Signal': 'Other_State_AHP_TD_Forecast', 'Length': 44, 'MAPE': 0.0626, 'RMSE': 1463.0772, 'MAE': 1164.9076, 'SMAPE': 0.0616, 'DiffSMAPE': 0.0616, 'MASE': 0.5663, 'RMSSE': 0.5802, 'ErrorMean': 76.2767, 'ErrorStdDev': 1461.0876, 'R2': 0.1597, 'Pearson': 0.6738, 'MedAE': 1149.5688, 'LnQ': 0.2551, 'KS': 0.2727, 'KendallTau': 0.6089, 'MannWhitneyU': 1064.0, 'AUC': 0.5496} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Other_State_BU_Forecast') {'Signal': 'Other_State_BU_Forecast', 'Length': 44, 'MAPE': 0.0419, 'RMSE': 1011.4171, 'MAE': 767.1357, 'SMAPE': 0.0416, 'DiffSMAPE': 0.0416, 'MASE': 0.3729, 'RMSSE': 0.4011, 'ErrorMean': 0.0, 'ErrorStdDev': 1011.4171, 'R2': 0.5984, 'Pearson': 0.7754, 'MedAE': 592.5454, 'LnQ': 0.1323, 'KS': 0.1364, 'KendallTau': 0.5877, 'MannWhitneyU': 965.0, 'AUC': 0.4985} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Other_State_Forecast') {'Signal': 'Other_State', 'Length': 44, 'MAPE': 0.0428, 'RMSE': 944.7515, 'MAE': 775.9997, 'SMAPE': 0.0426, 'DiffSMAPE': 0.0426, 'MASE': 0.3772, 'RMSSE': 0.3747, 'ErrorMean': 0.0, 'ErrorStdDev': 944.7515, 'R2': 0.6496, 'Pearson': 0.8062, 'MedAE': 661.5266, 'LnQ': 0.1214, 'KS': 0.1136, 'KendallTau': 0.5856, 'MannWhitneyU': 977.0, 'AUC': 0.5046} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Other_State_MO_Forecast') {'Signal': 'Other_State_MO_Forecast', 'Length': 44, 'MAPE': 0.0428, 'RMSE': 944.7515, 'MAE': 775.9997, 'SMAPE': 0.0426, 'DiffSMAPE': 0.0426, 'MASE': 0.3772, 'RMSSE': 0.3747, 'ErrorMean': 0.0, 'ErrorStdDev': 944.7515, 'R2': 0.6496, 'Pearson': 0.8062, 'MedAE': 661.5266, 'LnQ': 0.1214, 'KS': 0.1136, 'KendallTau': 0.5856, 'MannWhitneyU': 977.0, 'AUC': 0.5046} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Other_State_BU_Forecast') {'Signal': 'Other_State_BU_Forecast', 'Length': 44, 'MAPE': 0.0419, 'RMSE': 1011.4171, 'MAE': 767.1357, 'SMAPE': 0.0416, 'DiffSMAPE': 0.0416, 'MASE': 0.3729, 'RMSSE': 0.4011, 'ErrorMean': -0.0, 'ErrorStdDev': 1011.4171, 'R2': 0.5984, 'Pearson': 0.7754, 'MedAE': 592.5454, 'LnQ': 0.1323, 'KS': 0.1364, 'KendallTau': 0.5877, 'MannWhitneyU': 965.0, 'AUC': 0.4985} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Other_State_Forecast') {'Signal': 'Other_State', 'Length': 44, 'MAPE': 0.0428, 'RMSE': 944.7515, 'MAE': 775.9997, 'SMAPE': 0.0426, 'DiffSMAPE': 0.0426, 'MASE': 0.3772, 'RMSSE': 0.3747, 'ErrorMean': -0.0, 'ErrorStdDev': 944.7515, 'R2': 0.6496, 'Pearson': 0.8062, 'MedAE': 661.5266, 'LnQ': 0.1214, 'KS': 0.1136, 'KendallTau': 0.5856, 'MannWhitneyU': 977.0, 'AUC': 0.5046} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Other_State_MO_Forecast') {'Signal': 'Other_State_MO_Forecast', 'Length': 44, 'MAPE': 0.0428, 'RMSE': 944.7515, 'MAE': 775.9997, 'SMAPE': 0.0426, 'DiffSMAPE': 0.0426, 'MASE': 0.3772, 'RMSSE': 0.3747, 'ErrorMean': -0.0, 'ErrorStdDev': 944.7515, 'R2': 0.6496, 'Pearson': 0.8062, 'MedAE': 661.5266, 'LnQ': 0.1214, 'KS': 0.1136, 'KendallTau': 0.5856, 'MannWhitneyU': 977.0, 'AUC': 0.5046} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Other_State_OC_Forecast') {'Signal': 'Other_State_OC_Forecast', 'Length': 44, 'MAPE': 0.0389, 'RMSE': 879.7888, 'MAE': 708.73, 'SMAPE': 0.0386, 'DiffSMAPE': 0.0386, 'MASE': 0.3445, 'RMSSE': 0.3489, 'ErrorMean': -0.0, 'ErrorStdDev': 879.7888, 'R2': 0.6962, 'Pearson': 0.84, 'MedAE': 631.6185, 'LnQ': 0.1025, 'KS': 0.1136, 'KendallTau': 0.6427, 'MannWhitneyU': 967.0, 'AUC': 0.4995} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Other_State_PHA_TD_Forecast') {'Signal': 'Other_State_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0628, 'RMSE': 1456.402, 'MAE': 1169.9629, 'SMAPE': 0.0621, 'DiffSMAPE': 0.0621, 'MASE': 0.5687, 'RMSSE': 0.5776, 'ErrorMean': -0.0, 'ErrorStdDev': 1456.402, 'R2': 0.1674, 'Pearson': 0.6738, 'MedAE': 1157.8721, 'LnQ': 0.2549, 'KS': 0.2955, 'KendallTau': 0.6089, 'MannWhitneyU': 1085.0, 'AUC': 0.5604} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Other_State_AHP_TD_Forecast') {'Signal': 'Other_State_AHP_TD_Forecast', 'Length': 44, 'MAPE': 0.0626, 'RMSE': 1463.0772, 'MAE': 1164.9076, 'SMAPE': 0.0616, 'DiffSMAPE': 0.0616, 'MASE': 0.5663, 'RMSSE': 0.5802, 'ErrorMean': 76.2767, 'ErrorStdDev': 1461.0876, 'R2': 0.1597, 'Pearson': 0.6738, 'MedAE': 1149.5688, 'LnQ': 0.2551, 'KS': 0.2727, 'KendallTau': 0.6089, 'MannWhitneyU': 1064.0, 'AUC': 0.5496} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Other_State_BU_Forecast') {'Signal': 'Other_State_BU_Forecast', 'Length': 44, 'MAPE': 0.0419, 'RMSE': 1011.4171, 'MAE': 767.1357, 'SMAPE': 0.0416, 'DiffSMAPE': 0.0416, 'MASE': 0.3729, 'RMSSE': 0.4011, 'ErrorMean': 0.0, 'ErrorStdDev': 1011.4171, 'R2': 0.5984, 'Pearson': 0.7754, 'MedAE': 592.5454, 'LnQ': 0.1323, 'KS': 0.1364, 'KendallTau': 0.5877, 'MannWhitneyU': 965.0, 'AUC': 0.4985} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Other_State_Forecast') {'Signal': 'Other_State', 'Length': 44, 'MAPE': 0.0428, 'RMSE': 944.7515, 'MAE': 775.9997, 'SMAPE': 0.0426, 'DiffSMAPE': 0.0426, 'MASE': 0.3772, 'RMSSE': 0.3747, 'ErrorMean': 0.0, 'ErrorStdDev': 944.7515, 'R2': 0.6496, 'Pearson': 0.8062, 'MedAE': 661.5266, 'LnQ': 0.1214, 'KS': 0.1136, 'KendallTau': 0.5856, 'MannWhitneyU': 977.0, 'AUC': 0.5046} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Other_State_MO_Forecast') {'Signal': 'Other_State_MO_Forecast', 'Length': 44, 'MAPE': 0.0428, 'RMSE': 944.7515, 'MAE': 775.9997, 'SMAPE': 0.0426, 'DiffSMAPE': 0.0426, 'MASE': 0.3772, 'RMSSE': 0.3747, 'ErrorMean': 0.0, 'ErrorStdDev': 944.7515, 'R2': 0.6496, 'Pearson': 0.8062, 'MedAE': 661.5266, 'LnQ': 0.1214, 'KS': 0.1136, 'KendallTau': 0.5856, 'MannWhitneyU': 977.0, 'AUC': 0.5046} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Other_State_BU_Forecast') {'Signal': 'Other_State_BU_Forecast', 'Length': 44, 'MAPE': 0.0419, 'RMSE': 1011.4171, 'MAE': 767.1357, 'SMAPE': 0.0416, 'DiffSMAPE': 0.0416, 'MASE': 0.3729, 'RMSSE': 0.4011, 'ErrorMean': -0.0, 'ErrorStdDev': 1011.4171, 'R2': 0.5984, 'Pearson': 0.7754, 'MedAE': 592.5454, 'LnQ': 0.1323, 'KS': 0.1364, 'KendallTau': 0.5877, 'MannWhitneyU': 965.0, 'AUC': 0.4985} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Other_State_Forecast') {'Signal': 'Other_State', 'Length': 44, 'MAPE': 0.0428, 'RMSE': 944.7515, 'MAE': 775.9997, 'SMAPE': 0.0426, 'DiffSMAPE': 0.0426, 'MASE': 0.3772, 'RMSSE': 0.3747, 'ErrorMean': -0.0, 'ErrorStdDev': 944.7515, 'R2': 0.6496, 'Pearson': 0.8062, 'MedAE': 661.5266, 'LnQ': 0.1214, 'KS': 0.1136, 'KendallTau': 0.5856, 'MannWhitneyU': 977.0, 'AUC': 0.5046} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Other_State_MO_Forecast') {'Signal': 'Other_State_MO_Forecast', 'Length': 44, 'MAPE': 0.0428, 'RMSE': 944.7515, 'MAE': 775.9997, 'SMAPE': 0.0426, 'DiffSMAPE': 0.0426, 'MASE': 0.3772, 'RMSSE': 0.3747, 'ErrorMean': -0.0, 'ErrorStdDev': 944.7515, 'R2': 0.6496, 'Pearson': 0.8062, 'MedAE': 661.5266, 'LnQ': 0.1214, 'KS': 0.1136, 'KendallTau': 0.5856, 'MannWhitneyU': 977.0, 'AUC': 0.5046} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Other_State_OC_Forecast') {'Signal': 'Other_State_OC_Forecast', 'Length': 44, 'MAPE': 0.0389, 'RMSE': 879.7888, 'MAE': 708.73, 'SMAPE': 0.0386, 'DiffSMAPE': 0.0386, 'MASE': 0.3445, 'RMSSE': 0.3489, 'ErrorMean': -0.0, 'ErrorStdDev': 879.7888, 'R2': 0.6962, 'Pearson': 0.84, 'MedAE': 631.6185, 'LnQ': 0.1025, 'KS': 0.1136, 'KendallTau': 0.6427, 'MannWhitneyU': 967.0, 'AUC': 0.4995} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Other_State_PHA_TD_Forecast') {'Signal': 'Other_State_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0628, 'RMSE': 1456.402, 'MAE': 1169.9629, 'SMAPE': 0.0621, 'DiffSMAPE': 0.0621, 'MASE': 0.5687, 'RMSSE': 0.5776, 'ErrorMean': -0.0, 'ErrorStdDev': 1456.402, 'R2': 0.1674, 'Pearson': 0.6738, 'MedAE': 1157.8721, 'LnQ': 0.2549, 'KS': 0.2955, 'KendallTau': 0.6089, 'MannWhitneyU': 1085.0, 'AUC': 0.5604} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Other_State_AHP_TD_Forecast') {'Signal': 'Other_State_AHP_TD_Forecast', 'Length': 44, 'MAPE': 0.0626, 'RMSE': 1463.0772, 'MAE': 1164.9076, 'SMAPE': 0.0616, 'DiffSMAPE': 0.0616, 'MASE': 0.5663, 'RMSSE': 0.5802, 'ErrorMean': 76.2767, 'ErrorStdDev': 1461.0876, 'R2': 0.1597, 'Pearson': 0.6738, 'MedAE': 1149.5688, 'LnQ': 0.2551, 'KS': 0.2727, 'KendallTau': 0.6089, 'MannWhitneyU': 1064.0, 'AUC': 0.5496} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Other_State_BU_Forecast') {'Signal': 'Other_State_BU_Forecast', 'Length': 44, 'MAPE': 0.0419, 'RMSE': 1011.4171, 'MAE': 767.1357, 'SMAPE': 0.0416, 'DiffSMAPE': 0.0416, 'MASE': 0.3729, 'RMSSE': 0.4011, 'ErrorMean': 0.0, 'ErrorStdDev': 1011.4171, 'R2': 0.5984, 'Pearson': 0.7754, 'MedAE': 592.5454, 'LnQ': 0.1323, 'KS': 0.1364, 'KendallTau': 0.5877, 'MannWhitneyU': 965.0, 'AUC': 0.4985} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Other_State_Forecast') {'Signal': 'Other_State', 'Length': 44, 'MAPE': 0.0428, 'RMSE': 944.7515, 'MAE': 775.9997, 'SMAPE': 0.0426, 'DiffSMAPE': 0.0426, 'MASE': 0.3772, 'RMSSE': 0.3747, 'ErrorMean': 0.0, 'ErrorStdDev': 944.7515, 'R2': 0.6496, 'Pearson': 0.8062, 'MedAE': 661.5266, 'LnQ': 0.1214, 'KS': 0.1136, 'KendallTau': 0.5856, 'MannWhitneyU': 977.0, 'AUC': 0.5046} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Other_State_MO_Forecast') {'Signal': 'Other_State_MO_Forecast', 'Length': 44, 'MAPE': 0.0428, 'RMSE': 944.7515, 'MAE': 775.9997, 'SMAPE': 0.0426, 'DiffSMAPE': 0.0426, 'MASE': 0.3772, 'RMSSE': 0.3747, 'ErrorMean': 0.0, 'ErrorStdDev': 944.7515, 'R2': 0.6496, 'Pearson': 0.8062, 'MedAE': 661.5266, 'LnQ': 0.1214, 'KS': 0.1136, 'KendallTau': 0.5856, 'MannWhitneyU': 977.0, 'AUC': 0.5046} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Other_State_BU_Forecast') {'Signal': 'Other_State_BU_Forecast', 'Length': 44, 'MAPE': 0.0419, 'RMSE': 1011.4171, 'MAE': 767.1357, 'SMAPE': 0.0416, 'DiffSMAPE': 0.0416, 'MASE': 0.3729, 'RMSSE': 0.4011, 'ErrorMean': -0.0, 'ErrorStdDev': 1011.4171, 'R2': 0.5984, 'Pearson': 0.7754, 'MedAE': 592.5454, 'LnQ': 0.1323, 'KS': 0.1364, 'KendallTau': 0.5877, 'MannWhitneyU': 965.0, 'AUC': 0.4985} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Other_State_Forecast') {'Signal': 'Other_State', 'Length': 44, 'MAPE': 0.0428, 'RMSE': 944.7515, 'MAE': 775.9997, 'SMAPE': 0.0426, 'DiffSMAPE': 0.0426, 'MASE': 0.3772, 'RMSSE': 0.3747, 'ErrorMean': -0.0, 'ErrorStdDev': 944.7515, 'R2': 0.6496, 'Pearson': 0.8062, 'MedAE': 661.5266, 'LnQ': 0.1214, 'KS': 0.1136, 'KendallTau': 0.5856, 'MannWhitneyU': 977.0, 'AUC': 0.5046} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Other_State_MO_Forecast') {'Signal': 'Other_State_MO_Forecast', 'Length': 44, 'MAPE': 0.0428, 'RMSE': 944.7515, 'MAE': 775.9997, 'SMAPE': 0.0426, 'DiffSMAPE': 0.0426, 'MASE': 0.3772, 'RMSSE': 0.3747, 'ErrorMean': -0.0, 'ErrorStdDev': 944.7515, 'R2': 0.6496, 'Pearson': 0.8062, 'MedAE': 661.5266, 'LnQ': 0.1214, 'KS': 0.1136, 'KendallTau': 0.5856, 'MannWhitneyU': 977.0, 'AUC': 0.5046} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Other_State_OC_Forecast') {'Signal': 'Other_State_OC_Forecast', 'Length': 44, 'MAPE': 0.0389, 'RMSE': 879.7888, 'MAE': 708.73, 'SMAPE': 0.0386, 'DiffSMAPE': 0.0386, 'MASE': 0.3445, 'RMSSE': 0.3489, 'ErrorMean': -0.0, 'ErrorStdDev': 879.7888, 'R2': 0.6962, 'Pearson': 0.84, 'MedAE': 631.6185, 'LnQ': 0.1025, 'KS': 0.1136, 'KendallTau': 0.6427, 'MannWhitneyU': 967.0, 'AUC': 0.4995} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Other_State_PHA_TD_Forecast') {'Signal': 'Other_State_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0628, 'RMSE': 1456.402, 'MAE': 1169.9629, 'SMAPE': 0.0621, 'DiffSMAPE': 0.0621, 'MASE': 0.5687, 'RMSSE': 0.5776, 'ErrorMean': -0.0, 'ErrorStdDev': 1456.402, 'R2': 0.1674, 'Pearson': 0.6738, 'MedAE': 1157.8721, 'LnQ': 0.2549, 'KS': 0.2955, 'KendallTau': 0.6089, 'MannWhitneyU': 1085.0, 'AUC': 0.5604} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'QLD_State_AHP_TD_Forecast') {'Signal': 'QLD_State_AHP_TD_Forecast', 'Length': 44, 'MAPE': 0.1042, 'RMSE': 2516.8849, 'MAE': 1995.2501, 'SMAPE': 0.1034, 'DiffSMAPE': 0.1034, 'MASE': 0.6086, 'RMSSE': 0.6468, 'ErrorMean': 115.0702, 'ErrorStdDev': 2514.2531, 'R2': -0.2396, 'Pearson': 0.2951, 'MedAE': 1670.2597, 'LnQ': 0.7303, 'KS': 0.2045, 'KendallTau': 0.3446, 'MannWhitneyU': 970.0, 'AUC': 0.501} @@ -274,21 +274,21 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Australia_AHP_TD_ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Australia_BU_Forecast') {'Signal': 'Australia_BU_Forecast', 'Length': 44, 'MAPE': 0.0195, 'RMSE': 1771.4007, 'MAE': 1407.458, 'SMAPE': 0.0194, 'DiffSMAPE': 0.0194, 'MASE': 0.1358, 'RMSSE': 0.1369, 'ErrorMean': -0.0, 'ErrorStdDev': 1771.4007, 'R2': 0.9496, 'Pearson': 0.9745, 'MedAE': 1318.6262, 'LnQ': 0.0266, 'KS': 0.1136, 'KendallTau': 0.778, 'MannWhitneyU': 965.0, 'AUC': 0.4985} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Australia_Forecast') {'Signal': 'Australia', 'Length': 44, 'MAPE': 0.0229, 'RMSE': 1959.3121, 'MAE': 1624.2362, 'SMAPE': 0.0229, 'DiffSMAPE': 0.0229, 'MASE': 0.1567, 'RMSSE': 0.1514, 'ErrorMean': -0.0, 'ErrorStdDev': 1959.3121, 'R2': 0.9384, 'Pearson': 0.9687, 'MedAE': 1598.877, 'LnQ': 0.0343, 'KS': 0.1591, 'KendallTau': 0.7569, 'MannWhitneyU': 959.0, 'AUC': 0.4954} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Australia_MO_Forecast') {'Signal': 'Australia_MO_Forecast', 'Length': 44, 'MAPE': 0.0214, 'RMSE': 1863.0635, 'MAE': 1519.5766, 'SMAPE': 0.0213, 'DiffSMAPE': 0.0213, 'MASE': 0.1466, 'RMSSE': 0.144, 'ErrorMean': -0.0, 'ErrorStdDev': 1863.0635, 'R2': 0.9443, 'Pearson': 0.9718, 'MedAE': 1537.1077, 'LnQ': 0.0306, 'KS': 0.1136, 'KendallTau': 0.7759, 'MannWhitneyU': 985.0, 'AUC': 0.5088} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Australia_OC_Forecast') {'Signal': 'Australia_OC_Forecast', 'Length': 44, 'MAPE': 0.0206, 'RMSE': 1793.8909, 'MAE': 1464.0085, 'SMAPE': 0.0205, 'DiffSMAPE': 0.0205, 'MASE': 0.1413, 'RMSSE': 0.1387, 'ErrorMean': 0.0, 'ErrorStdDev': 1793.8909, 'R2': 0.9483, 'Pearson': 0.9739, 'MedAE': 1335.6334, 'LnQ': 0.0285, 'KS': 0.1364, 'KendallTau': 0.7717, 'MannWhitneyU': 964.0, 'AUC': 0.4979} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Australia_OC_Forecast') {'Signal': 'Australia_OC_Forecast', 'Length': 44, 'MAPE': 0.0206, 'RMSE': 1793.8909, 'MAE': 1464.0085, 'SMAPE': 0.0205, 'DiffSMAPE': 0.0205, 'MASE': 0.1413, 'RMSSE': 0.1387, 'ErrorMean': -0.0, 'ErrorStdDev': 1793.8909, 'R2': 0.9483, 'Pearson': 0.9739, 'MedAE': 1335.6334, 'LnQ': 0.0285, 'KS': 0.1364, 'KendallTau': 0.7717, 'MannWhitneyU': 964.0, 'AUC': 0.4979} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Fit', 'Australia_PHA_TD_Forecast') {'Signal': 'Australia_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0229, 'RMSE': 1959.3121, 'MAE': 1624.2362, 'SMAPE': 0.0229, 'DiffSMAPE': 0.0229, 'MASE': 0.1567, 'RMSSE': 0.1514, 'ErrorMean': -0.0, 'ErrorStdDev': 1959.3121, 'R2': 0.9384, 'Pearson': 0.9687, 'MedAE': 1598.877, 'LnQ': 0.0343, 'KS': 0.1591, 'KendallTau': 0.7569, 'MannWhitneyU': 959.0, 'AUC': 0.4954} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Australia_AHP_TD_Forecast') {'Signal': 'Australia_AHP_TD_Forecast', 'Length': 44, 'MAPE': 0.0229, 'RMSE': 1959.3121, 'MAE': 1624.2362, 'SMAPE': 0.0229, 'DiffSMAPE': 0.0229, 'MASE': 0.1567, 'RMSSE': 0.1514, 'ErrorMean': -0.0, 'ErrorStdDev': 1959.3121, 'R2': 0.9384, 'Pearson': 0.9687, 'MedAE': 1598.877, 'LnQ': 0.0343, 'KS': 0.1591, 'KendallTau': 0.7569, 'MannWhitneyU': 959.0, 'AUC': 0.4954} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Australia_BU_Forecast') {'Signal': 'Australia_BU_Forecast', 'Length': 44, 'MAPE': 0.0195, 'RMSE': 1771.4007, 'MAE': 1407.458, 'SMAPE': 0.0194, 'DiffSMAPE': 0.0194, 'MASE': 0.1358, 'RMSSE': 0.1369, 'ErrorMean': -0.0, 'ErrorStdDev': 1771.4007, 'R2': 0.9496, 'Pearson': 0.9745, 'MedAE': 1318.6262, 'LnQ': 0.0266, 'KS': 0.1136, 'KendallTau': 0.778, 'MannWhitneyU': 965.0, 'AUC': 0.4985} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Australia_Forecast') {'Signal': 'Australia', 'Length': 44, 'MAPE': 0.0229, 'RMSE': 1959.3121, 'MAE': 1624.2362, 'SMAPE': 0.0229, 'DiffSMAPE': 0.0229, 'MASE': 0.1567, 'RMSSE': 0.1514, 'ErrorMean': -0.0, 'ErrorStdDev': 1959.3121, 'R2': 0.9384, 'Pearson': 0.9687, 'MedAE': 1598.877, 'LnQ': 0.0343, 'KS': 0.1591, 'KendallTau': 0.7569, 'MannWhitneyU': 959.0, 'AUC': 0.4954} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Australia_MO_Forecast') {'Signal': 'Australia_MO_Forecast', 'Length': 44, 'MAPE': 0.0214, 'RMSE': 1863.0635, 'MAE': 1519.5766, 'SMAPE': 0.0213, 'DiffSMAPE': 0.0213, 'MASE': 0.1466, 'RMSSE': 0.144, 'ErrorMean': -0.0, 'ErrorStdDev': 1863.0635, 'R2': 0.9443, 'Pearson': 0.9718, 'MedAE': 1537.1077, 'LnQ': 0.0306, 'KS': 0.1136, 'KendallTau': 0.7759, 'MannWhitneyU': 985.0, 'AUC': 0.5088} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Australia_OC_Forecast') {'Signal': 'Australia_OC_Forecast', 'Length': 44, 'MAPE': 0.0206, 'RMSE': 1793.8909, 'MAE': 1464.0085, 'SMAPE': 0.0205, 'DiffSMAPE': 0.0205, 'MASE': 0.1413, 'RMSSE': 0.1387, 'ErrorMean': 0.0, 'ErrorStdDev': 1793.8909, 'R2': 0.9483, 'Pearson': 0.9739, 'MedAE': 1335.6334, 'LnQ': 0.0285, 'KS': 0.1364, 'KendallTau': 0.7717, 'MannWhitneyU': 964.0, 'AUC': 0.4979} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Australia_OC_Forecast') {'Signal': 'Australia_OC_Forecast', 'Length': 44, 'MAPE': 0.0206, 'RMSE': 1793.8909, 'MAE': 1464.0085, 'SMAPE': 0.0205, 'DiffSMAPE': 0.0205, 'MASE': 0.1413, 'RMSSE': 0.1387, 'ErrorMean': -0.0, 'ErrorStdDev': 1793.8909, 'R2': 0.9483, 'Pearson': 0.9739, 'MedAE': 1335.6334, 'LnQ': 0.0285, 'KS': 0.1364, 'KendallTau': 0.7717, 'MannWhitneyU': 964.0, 'AUC': 0.4979} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Australia_PHA_TD_Forecast') {'Signal': 'Australia_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0229, 'RMSE': 1959.3121, 'MAE': 1624.2362, 'SMAPE': 0.0229, 'DiffSMAPE': 0.0229, 'MASE': 0.1567, 'RMSSE': 0.1514, 'ErrorMean': -0.0, 'ErrorStdDev': 1959.3121, 'R2': 0.9384, 'Pearson': 0.9687, 'MedAE': 1598.877, 'LnQ': 0.0343, 'KS': 0.1591, 'KendallTau': 0.7569, 'MannWhitneyU': 959.0, 'AUC': 0.4954} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Australia_AHP_TD_Forecast') {'Signal': 'Australia_AHP_TD_Forecast', 'Length': 44, 'MAPE': 0.0229, 'RMSE': 1959.3121, 'MAE': 1624.2362, 'SMAPE': 0.0229, 'DiffSMAPE': 0.0229, 'MASE': 0.1567, 'RMSSE': 0.1514, 'ErrorMean': -0.0, 'ErrorStdDev': 1959.3121, 'R2': 0.9384, 'Pearson': 0.9687, 'MedAE': 1598.877, 'LnQ': 0.0343, 'KS': 0.1591, 'KendallTau': 0.7569, 'MannWhitneyU': 959.0, 'AUC': 0.4954} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Australia_BU_Forecast') {'Signal': 'Australia_BU_Forecast', 'Length': 44, 'MAPE': 0.0195, 'RMSE': 1771.4007, 'MAE': 1407.458, 'SMAPE': 0.0194, 'DiffSMAPE': 0.0194, 'MASE': 0.1358, 'RMSSE': 0.1369, 'ErrorMean': -0.0, 'ErrorStdDev': 1771.4007, 'R2': 0.9496, 'Pearson': 0.9745, 'MedAE': 1318.6262, 'LnQ': 0.0266, 'KS': 0.1136, 'KendallTau': 0.778, 'MannWhitneyU': 965.0, 'AUC': 0.4985} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Australia_Forecast') {'Signal': 'Australia', 'Length': 44, 'MAPE': 0.0229, 'RMSE': 1959.3121, 'MAE': 1624.2362, 'SMAPE': 0.0229, 'DiffSMAPE': 0.0229, 'MASE': 0.1567, 'RMSSE': 0.1514, 'ErrorMean': -0.0, 'ErrorStdDev': 1959.3121, 'R2': 0.9384, 'Pearson': 0.9687, 'MedAE': 1598.877, 'LnQ': 0.0343, 'KS': 0.1591, 'KendallTau': 0.7569, 'MannWhitneyU': 959.0, 'AUC': 0.4954} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Australia_MO_Forecast') {'Signal': 'Australia_MO_Forecast', 'Length': 44, 'MAPE': 0.0214, 'RMSE': 1863.0635, 'MAE': 1519.5766, 'SMAPE': 0.0213, 'DiffSMAPE': 0.0213, 'MASE': 0.1466, 'RMSSE': 0.144, 'ErrorMean': -0.0, 'ErrorStdDev': 1863.0635, 'R2': 0.9443, 'Pearson': 0.9718, 'MedAE': 1537.1077, 'LnQ': 0.0306, 'KS': 0.1136, 'KendallTau': 0.7759, 'MannWhitneyU': 985.0, 'AUC': 0.5088} -INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Australia_OC_Forecast') {'Signal': 'Australia_OC_Forecast', 'Length': 44, 'MAPE': 0.0206, 'RMSE': 1793.8909, 'MAE': 1464.0085, 'SMAPE': 0.0205, 'DiffSMAPE': 0.0205, 'MASE': 0.1413, 'RMSSE': 0.1387, 'ErrorMean': 0.0, 'ErrorStdDev': 1793.8909, 'R2': 0.9483, 'Pearson': 0.9739, 'MedAE': 1335.6334, 'LnQ': 0.0285, 'KS': 0.1364, 'KendallTau': 0.7717, 'MannWhitneyU': 964.0, 'AUC': 0.4979} +INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Australia_OC_Forecast') {'Signal': 'Australia_OC_Forecast', 'Length': 44, 'MAPE': 0.0206, 'RMSE': 1793.8909, 'MAE': 1464.0085, 'SMAPE': 0.0205, 'DiffSMAPE': 0.0205, 'MASE': 0.1413, 'RMSSE': 0.1387, 'ErrorMean': -0.0, 'ErrorStdDev': 1793.8909, 'R2': 0.9483, 'Pearson': 0.9739, 'MedAE': 1335.6334, 'LnQ': 0.0285, 'KS': 0.1364, 'KendallTau': 0.7717, 'MannWhitneyU': 964.0, 'AUC': 0.4979} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Australia_PHA_TD_Forecast') {'Signal': 'Australia_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0229, 'RMSE': 1959.3121, 'MAE': 1624.2362, 'SMAPE': 0.0229, 'DiffSMAPE': 0.0229, 'MASE': 0.1567, 'RMSSE': 0.1514, 'ErrorMean': -0.0, 'ErrorStdDev': 1959.3121, 'R2': 0.9384, 'Pearson': 0.9687, 'MedAE': 1598.877, 'LnQ': 0.0343, 'KS': 0.1591, 'KendallTau': 0.7569, 'MannWhitneyU': 959.0, 'AUC': 0.4954} -INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 308.401 +INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 61.292 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1998-01-01T00:00:00.000000 TimeMax=2008-10-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='BrisbaneGC' Length=44 Min=5616 Max=9970 Mean=7945.977273 StdDev=953.199385 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_BrisbaneGC' Min=0.0 Max=1.0 Mean=0.535135 StdDev=0.218925 @@ -331,7 +331,7 @@ INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'Date_day_name' {'Saturday': 7, 'Sunday': 7, 'Thursday': 7, 'Tuesday': 7, 'Monday': 6} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Date_day_name' ['Date_day_name=Saturday', 'Date_day_name=Sunday', 'Date_day_name=Thursday', 'Date_day_name=Monday'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 1 ['Date_month_name'] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_dayofweek' {'Mean': 3.0681818181818183, 'StdDev': 2.061809177022072} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_dayofweek' {'Mean': 3.0681818181818183, 'StdDev': 2.0618091770220714} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_week' {'Mean': 24.818181818181817, 'StdDev': 15.92901802441027} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 2 ['Date_dayofyear', 'Date_month'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END @@ -424,7 +424,7 @@ INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Date_day_name' ['Date_ INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'Date_month_name' {'April': 11, 'January': 11, 'July': 11, 'October': 11} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Date_month_name' ['Date_month_name=January'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 0 [] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_dayofweek' {'Mean': 3.0681818181818183, 'StdDev': 2.061809177022072} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_dayofweek' {'Mean': 3.0681818181818183, 'StdDev': 2.0618091770220714} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_week' {'Mean': 24.818181818181817, 'StdDev': 15.92901802441027} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 2 ['Date_dayofyear', 'Date_month'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END @@ -472,7 +472,7 @@ INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Date_day_name' ['Date_ INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'Date_month_name' {'April': 11, 'January': 11, 'July': 11, 'October': 11} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Date_month_name' ['Date_month_name=January'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 0 [] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_dayofweek' {'Mean': 3.0681818181818183, 'StdDev': 2.061809177022072} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_dayofweek' {'Mean': 3.0681818181818183, 'StdDev': 2.0618091770220714} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_week' {'Mean': 24.818181818181817, 'StdDev': 15.92901802441027} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 2 ['Date_dayofyear', 'Date_month'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END @@ -608,7 +608,7 @@ INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'Date_day_name' {'Saturday': 7, 'Sunday': 7, 'Thursday': 7, 'Tuesday': 7, 'Monday': 6} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Date_day_name' ['Date_day_name=Saturday', 'Date_day_name=Thursday', 'Date_day_name=Tuesday', 'Date_day_name=Monday'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 1 ['Date_month_name'] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_dayofweek' {'Mean': 3.0681818181818183, 'StdDev': 2.061809177022072} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_dayofweek' {'Mean': 3.0681818181818183, 'StdDev': 2.0618091770220714} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_week' {'Mean': 24.818181818181817, 'StdDev': 15.92901802441027} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 2 ['Date_dayofyear', 'Date_month'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END @@ -656,7 +656,7 @@ INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Date_day_name' ['Date_ INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'Date_month_name' {'April': 11, 'January': 11, 'July': 11, 'October': 11} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Date_month_name' ['Date_month_name=January'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 0 [] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_dayofweek' {'Mean': 3.0681818181818183, 'StdDev': 2.061809177022072} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_dayofweek' {'Mean': 3.0681818181818183, 'StdDev': 2.0618091770220714} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_week' {'Mean': 24.818181818181817, 'StdDev': 15.92901802441027} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 2 ['Date_dayofyear', 'Date_month'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END @@ -704,7 +704,7 @@ INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Date_day_name' ['Date_ INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'Date_month_name' {'April': 11, 'January': 11, 'July': 11, 'October': 11} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Date_month_name' ['Date_month_name=January'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 0 [] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_dayofweek' {'Mean': 3.0681818181818183, 'StdDev': 2.061809177022072} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_dayofweek' {'Mean': 3.0681818181818183, 'StdDev': 2.0618091770220714} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 3 ['Date_dayofyear', 'Date_month', 'Date_week'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1998-01-01T00:00:00.000000 TimeMax=2008-10-01T00:00:00.000000 TimeDelta= Horizon=12 @@ -799,7 +799,7 @@ INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Date_day_name' ['Date_ INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'Date_month_name' {'April': 11, 'January': 11, 'July': 11, 'October': 11} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Date_month_name' ['Date_month_name=January'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 0 [] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_dayofweek' {'Mean': 3.0681818181818183, 'StdDev': 2.061809177022072} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_dayofweek' {'Mean': 3.0681818181818183, 'StdDev': 2.0618091770220714} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_week' {'Mean': 24.818181818181817, 'StdDev': 15.92901802441027} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 2 ['Date_dayofyear', 'Date_month'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END @@ -845,7 +845,7 @@ INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'Date_day_name' {'Saturday': 7, 'Sunday': 7, 'Thursday': 7, 'Tuesday': 7, 'Monday': 6} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Date_day_name' ['Date_day_name=Saturday', 'Date_day_name=Sunday', 'Date_day_name=Tuesday', 'Date_day_name=Monday'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 1 ['Date_month_name'] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_dayofweek' {'Mean': 3.0681818181818183, 'StdDev': 2.061809177022072} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_dayofweek' {'Mean': 3.0681818181818183, 'StdDev': 2.0618091770220714} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_week' {'Mean': 24.818181818181817, 'StdDev': 15.92901802441027} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 2 ['Date_dayofyear', 'Date_month'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END @@ -891,7 +891,7 @@ INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'Date_day_name' {'Saturday': 7, 'Sunday': 7, 'Thursday': 7, 'Tuesday': 7, 'Monday': 6} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Date_day_name' ['Date_day_name=Saturday', 'Date_day_name=Tuesday', 'Date_day_name=Monday'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 1 ['Date_month_name'] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_dayofweek' {'Mean': 3.0681818181818183, 'StdDev': 2.061809177022072} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_dayofweek' {'Mean': 3.0681818181818183, 'StdDev': 2.0618091770220714} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_dayofyear' {'Mean': 137.20454545454547, 'StdDev': 103.01153232920981} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_month' {'Mean': 5.5, 'StdDev': 3.3928789997547426} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Date_week' {'Mean': 24.818181818181817, 'StdDev': 15.92901802441027} @@ -957,11 +957,11 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/test_hierarchy_AU_ INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['BrisbaneGC', 'Capitals', 'Melbourne', 'NSW', 'Other', 'QLD', 'Sydney', 'VIC', 'NSW_State', 'Other_State', 'QLD_State', 'VIC_State', 'Australia'], 'Horizons': {'BrisbaneGC': 12, 'Capitals': 12, 'Melbourne': 12, 'NSW': 12, 'Other': 12, 'QLD': 12, 'Sydney': 12, 'VIC': 12, 'NSW_State': 12, 'Other_State': 12, 'QLD_State': 12, 'VIC_State': 12, 'Australia': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 62.479 +INFO:pyaf.std:FORECASTING_ENGINE_END 3.722 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU', 'TD', 'MO', 'OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD PHA_TD INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_MIDDLE_OUT_METHOD MO INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_OPTIMAL_COMBINATION_METHOD OC -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_hierarchy_AU_AllMethods_Exogenous_all_nodes.py', 'ElapsedTimeSecs':(409.19, 6.26, 356.23), 'MAX_MEM_KB':218064, 'CPU_PRCNT':'88%', 'FILES_IN':40, 'FILES_OUT':944, 'EXIT_STATUS':0} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/hierarchical/test_hierarchy_AU_AllMethods_Exogenous_all_nodes.py', 'ElapsedTimeSecs':(66.43, 9.45, 593.12), 'MAX_MEM_KB':216492, 'CPU_PRCNT':'906%', 'FILES_IN':0, 'FILES_OUT':888, 'EXIT_STATUS':0} diff --git a/tests/references/individual_components/test_air_passengers_all_autoreg.log b/tests/references/individual_components/test_air_passengers_all_autoreg.log index 86f1ea0de..11ad365ac 100644 --- a/tests/references/individual_components/test_air_passengers_all_autoreg.log +++ b/tests/references/individual_components/test_air_passengers_all_autoreg.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 1.428 +INFO:pyaf.std:TRAINING_ENGINE_END 1.063 INFO:pyaf.std:TIME_DETAIL TimeVariable='time' TimeMin=1949.0 TimeMax=1956.91666666667 TimeDelta=0.08333333333336763 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='AirPassengers' Length=132 Min=104 Max=559 Mean=262.492424 StdDev=106.221146 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_AirPassengers' Min=0.0 Max=1.0 Mean=0.348335 StdDev=0.233453 @@ -38,9 +38,9 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_airline_passengers_autoreg_No INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_airline_passengers_autoreg_NoAR__AirPassengers_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_airline_passengers_autoreg_NoAR__AirPassengers_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.376 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.172 INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 2.601 +INFO:pyaf.std:TRAINING_ENGINE_END 1.171 INFO:pyaf.std:TIME_DETAIL TimeVariable='time' TimeMin=1949.0 TimeMax=1956.91666666667 TimeDelta=0.08333333333336763 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='AirPassengers' Length=132 Min=104 Max=559 Mean=262.492424 StdDev=106.221146 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_AirPassengers' Min=0.0 Max=1.0 Mean=0.348335 StdDev=0.233453 @@ -89,7 +89,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_airline_passengers_autoreg_AR INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_airline_passengers_autoreg_AR__AirPassengers_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_airline_passengers_autoreg_AR__AirPassengers_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.219 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.186 Forecast Columns Index(['time', 'AirPassengers', 'AirPassengers_scaled', '_AirPassengers', 'row_number', 'time_Normalized', '_AirPassengers_LinearTrend', '_AirPassengers_LinearTrend_residue', 'cycle_internal', @@ -228,7 +228,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 1.428 + "Training_Time": 1.063 } @@ -241,7 +241,7 @@ Forecasts Forecast Columns INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 1.305 +INFO:pyaf.std:TRAINING_ENGINE_END 1.11 INFO:pyaf.std:TIME_DETAIL TimeVariable='time' TimeMin=1949.0 TimeMax=1956.91666666667 TimeDelta=0.08333333333336763 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='AirPassengers' Length=132 Min=104 Max=559 Mean=262.492424 StdDev=106.221146 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_AirPassengers' Min=0.0 Max=1.0 Mean=0.348335 StdDev=0.233453 @@ -280,7 +280,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_airline_passengers_autoreg_SV INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_airline_passengers_autoreg_SVR__AirPassengers_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_airline_passengers_autoreg_SVR__AirPassengers_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.221 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.188 Index(['time', 'AirPassengers', 'AirPassengers_scaled', '_AirPassengers', 'row_number', 'time_Normalized', '_AirPassengers_LinearTrend', '_AirPassengers_LinearTrend_residue', 'cycle_internal', @@ -419,7 +419,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 2.601 + "Training_Time": 1.171 } @@ -432,6 +432,46 @@ Forecasts Forecast Columns INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 12}} +INFO:pyaf.std:TRAINING_ENGINE_END 1.235 +INFO:pyaf.std:TIME_DETAIL TimeVariable='time' TimeMin=1949.0 TimeMax=1956.91666666667 TimeDelta=0.08333333333336763 Horizon=12 +INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='AirPassengers' Length=132 Min=104 Max=559 Mean=262.492424 StdDev=106.221146 +INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_AirPassengers' Min=0.0 Max=1.0 Mean=0.348335 StdDev=0.233453 +INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' +INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' +INFO:pyaf.std:BEST_DECOMPOSITION '_AirPassengers_LinearTrend_residue_Cycle_12_residue_NoAR' [LinearTrend + Cycle_12 + NoAR] +INFO:pyaf.std:TREND_DETAIL '_AirPassengers_LinearTrend' [LinearTrend] +INFO:pyaf.std:CYCLE_DETAIL '_AirPassengers_LinearTrend_residue_Cycle_12' [Cycle_12] +INFO:pyaf.std:AUTOREG_DETAIL '_AirPassengers_LinearTrend_residue_Cycle_12_residue_NoAR' [NoAR] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0536, 'RMSE': 16.3497, 'MAE': 11.152, 'MASE': 0.5965} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.073, 'RMSE': 44.0293, 'MAE': 30.6656, 'MASE': 0.8278} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0822, 'RMSE': 56.3535, 'MAE': 39.5533, 'MASE': 0.879} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.0536, 'RMSE': 16.3497, 'MAE': 11.152, 'MASE': 0.5965} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.073, 'RMSE': 44.0293, 'MAE': 30.6656, 'MASE': 0.8278} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0822, 'RMSE': 56.3535, 'MAE': 39.5533, 'MASE': 0.879} +INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'S'} [SSSSS] +INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START +INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None +INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END +INFO:pyaf.std:TREND_DETAIL_START +INFO:pyaf.std:LINEAR_RIDGE_TREND LinearTrend (-0.002616, array([0.487467])) +INFO:pyaf.std:TREND_DETAIL_END +INFO:pyaf.std:CYCLE_MODEL_DETAIL_START +INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _AirPassengers_LinearTrend_residue_Cycle_12 12 -0.006238 {0: -0.034819, 1: -0.035591, 2: 0.02078, 3: -0.006238, 4: -0.007065, 5: 0.03947, 6: 0.072855, 7: 0.079739, 8: 0.016457, 9: -0.039315, 10: -0.10049, 11: -0.040804} +INFO:pyaf.std:CYCLE_MODEL_DETAIL_END +INFO:pyaf.std:AR_MODEL_DETAIL_START +INFO:pyaf.std:AR_MODEL_DETAIL_END +INFO:pyaf.std:COMPETITION_DETAIL_START 'AirPassengers' +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'AirPassengers' 0 {'Transformation': '_AirPassengers', 'DecompositionType': 'T+S+R', 'Model': '_AirPassengers_LinearTrend_residue_Cycle_12_residue_NoAR', 'Voting': 0, 'Complexity': 'SSSSS', 'Forecast_MASE_1': 0.8278, 'Forecast_MASE_2': 0.8278, 'Forecast_MASE_3': 0.8278, 'Forecast_MASE_4': 0.8278, 'Forecast_MASE_5': 0.8278, 'Forecast_MASE_6': 0.8278, 'Forecast_MASE_7': 0.8278, 'Forecast_MASE_8': 0.8278, 'Forecast_MASE_9': 0.8278, 'Forecast_MASE_10': 0.8278, 'Forecast_MASE_11': 0.8278, 'Forecast_MASE_12': 0.8278} +INFO:pyaf.std:COMPETITION_DETAIL_END 'AirPassengers' +INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_airline_passengers_autoreg_MLP__AirPassengers_Trend_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_airline_passengers_autoreg_MLP__AirPassengers_Cycle_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/my_airline_passengers_autoreg_MLP__AirPassengers_AR_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/my_airline_passengers_autoreg_MLP__AirPassengers_TransformedForecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_airline_passengers_autoreg_MLP__AirPassengers_Forecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_airline_passengers_autoreg_MLP__AirPassengers_prediction_intervals_output.png') +INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_airline_passengers_autoreg_MLP__AirPassengers_quantiles_output.png') +INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 12}} +INFO:pyaf.std:FORECASTING_ENGINE_END 0.165 Index(['time', 'AirPassengers', 'AirPassengers_scaled', '_AirPassengers', 'row_number', 'time_Normalized', '_AirPassengers_LinearTrend', '_AirPassengers_LinearTrend_residue', 'cycle_internal', @@ -570,7 +610,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 1.305 + "Training_Time": 1.11 } @@ -582,23 +622,24 @@ Forecasts -INFO:pyaf.std:TRAINING_ENGINE_END 6.113 +Forecast Columns INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 12}} +INFO:pyaf.std:TRAINING_ENGINE_END 1.172 INFO:pyaf.std:TIME_DETAIL TimeVariable='time' TimeMin=1949.0 TimeMax=1956.91666666667 TimeDelta=0.08333333333336763 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='AirPassengers' Length=132 Min=104 Max=559 Mean=262.492424 StdDev=106.221146 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_AirPassengers' Min=0.0 Max=1.0 Mean=0.348335 StdDev=0.233453 INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '_AirPassengers_LinearTrend_residue_Cycle_12_residue_MLP(33)' [LinearTrend + Cycle_12 + MLP(33)] +INFO:pyaf.std:BEST_DECOMPOSITION '_AirPassengers_LinearTrend_residue_Cycle_12_residue_NoAR' [LinearTrend + Cycle_12 + NoAR] INFO:pyaf.std:TREND_DETAIL '_AirPassengers_LinearTrend' [LinearTrend] INFO:pyaf.std:CYCLE_DETAIL '_AirPassengers_LinearTrend_residue_Cycle_12' [Cycle_12] -INFO:pyaf.std:AUTOREG_DETAIL '_AirPassengers_LinearTrend_residue_Cycle_12_residue_MLP(33)' [MLP(33)] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0428, 'RMSE': 11.5205, 'MAE': 8.3342, 'MASE': 0.4458} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0504, 'RMSE': 28.418, 'MAE': 20.7918, 'MASE': 0.5613} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0679, 'RMSE': 38.8108, 'MAE': 30.9187, 'MASE': 0.6871} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.059, 'RMSE': 16.4109, 'MAE': 11.9348, 'MASE': 0.6384} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.0728, 'RMSE': 43.7796, 'MAE': 30.5405, 'MASE': 0.8244} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.081, 'RMSE': 55.4431, 'MAE': 38.9666, 'MASE': 0.8659} -INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] +INFO:pyaf.std:AUTOREG_DETAIL '_AirPassengers_LinearTrend_residue_Cycle_12_residue_NoAR' [NoAR] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0536, 'RMSE': 16.3497, 'MAE': 11.152, 'MASE': 0.5965} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.073, 'RMSE': 44.0293, 'MAE': 30.6656, 'MASE': 0.8278} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0822, 'RMSE': 56.3535, 'MAE': 39.5533, 'MASE': 0.879} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.0536, 'RMSE': 16.3497, 'MAE': 11.152, 'MASE': 0.5965} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.073, 'RMSE': 44.0293, 'MAE': 30.6656, 'MASE': 0.8278} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0822, 'RMSE': 56.3535, 'MAE': 39.5533, 'MASE': 0.879} +INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'S'} [SSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END @@ -609,33 +650,26 @@ INFO:pyaf.std:CYCLE_MODEL_DETAIL_START INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _AirPassengers_LinearTrend_residue_Cycle_12 12 -0.006238 {0: -0.034819, 1: -0.035591, 2: 0.02078, 3: -0.006238, 4: -0.007065, 5: 0.03947, 6: 0.072855, 7: 0.079739, 8: 0.016457, 9: -0.039315, 10: -0.10049, 11: -0.040804} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START -INFO:pyaf.std:MODEL_TYPE PYTORCH -INFO:pyaf.std:PYTORCH_MODEL_ARCHITECTURE [Sequential( - (0): Linear(in_features=33, out_features=33, bias=True) - (1): Dropout(p=0.5, inplace=False) - (2): Linear(in_features=33, out_features=1, bias=True) -)] INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'AirPassengers' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'AirPassengers' 0 {'Transformation': '_AirPassengers', 'DecompositionType': 'T+S+R', 'Model': '_AirPassengers_LinearTrend_residue_Cycle_12_residue_MLP(33)', 'Voting': 0, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.5613, 'Forecast_MASE_2': 0.6657, 'Forecast_MASE_3': 0.7411, 'Forecast_MASE_4': 0.7781, 'Forecast_MASE_5': 0.8252, 'Forecast_MASE_6': 0.8572, 'Forecast_MASE_7': 0.8582, 'Forecast_MASE_8': 0.8498, 'Forecast_MASE_9': 0.8399, 'Forecast_MASE_10': 0.8288, 'Forecast_MASE_11': 0.8231, 'Forecast_MASE_12': 0.8244} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'AirPassengers' 0 {'Transformation': '_AirPassengers', 'DecompositionType': 'T+S+R', 'Model': '_AirPassengers_LinearTrend_residue_Cycle_12_residue_NoAR', 'Voting': 0, 'Complexity': 'SSSSS', 'Forecast_MASE_1': 0.8278, 'Forecast_MASE_2': 0.8278, 'Forecast_MASE_3': 0.8278, 'Forecast_MASE_4': 0.8278, 'Forecast_MASE_5': 0.8278, 'Forecast_MASE_6': 0.8278, 'Forecast_MASE_7': 0.8278, 'Forecast_MASE_8': 0.8278, 'Forecast_MASE_9': 0.8278, 'Forecast_MASE_10': 0.8278, 'Forecast_MASE_11': 0.8278, 'Forecast_MASE_12': 0.8278} INFO:pyaf.std:COMPETITION_DETAIL_END 'AirPassengers' -INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_airline_passengers_autoreg_MLP__AirPassengers_Trend_decomp_output.png') -INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_airline_passengers_autoreg_MLP__AirPassengers_Cycle_decomp_output.png') -INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/my_airline_passengers_autoreg_MLP__AirPassengers_AR_decomp_output.png') -INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/my_airline_passengers_autoreg_MLP__AirPassengers_TransformedForecast_decomp_output.png') -INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_airline_passengers_autoreg_MLP__AirPassengers_Forecast_decomp_output.png') -INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_airline_passengers_autoreg_MLP__AirPassengers_prediction_intervals_output.png') -INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_airline_passengers_autoreg_MLP__AirPassengers_quantiles_output.png') +INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_airline_passengers_autoreg_LSTM__AirPassengers_Trend_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_airline_passengers_autoreg_LSTM__AirPassengers_Cycle_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/my_airline_passengers_autoreg_LSTM__AirPassengers_AR_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/my_airline_passengers_autoreg_LSTM__AirPassengers_TransformedForecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_airline_passengers_autoreg_LSTM__AirPassengers_Forecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_airline_passengers_autoreg_LSTM__AirPassengers_prediction_intervals_output.png') +INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_airline_passengers_autoreg_LSTM__AirPassengers_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.298 -INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 12}} -Forecast Columns Index(['time', 'AirPassengers', 'AirPassengers_scaled', '_AirPassengers', +INFO:pyaf.std:FORECASTING_ENGINE_END 0.247 +Index(['time', 'AirPassengers', 'AirPassengers_scaled', '_AirPassengers', 'row_number', 'time_Normalized', '_AirPassengers_LinearTrend', '_AirPassengers_LinearTrend_residue', 'cycle_internal', '_AirPassengers_LinearTrend_residue_Cycle_12', '_AirPassengers_LinearTrend_residue_Cycle_12_residue', - '_AirPassengers_LinearTrend_residue_Cycle_12_residue_MLP(33)', - '_AirPassengers_LinearTrend_residue_Cycle_12_residue_MLP(33)_residue', + '_AirPassengers_LinearTrend_residue_Cycle_12_residue_NoAR', + '_AirPassengers_LinearTrend_residue_Cycle_12_residue_NoAR_residue', 'AirPassengers_Transformed', '_AirPassengers_Trend', '_AirPassengers_Trend_residue', '_AirPassengers_Cycle', '_AirPassengers_Cycle_residue', '_AirPassengers_AR', @@ -676,18 +710,18 @@ Forecasts 129 1959.750000 ... NaN 130 1959.833333 ... NaN 131 1959.916667 ... NaN -132 1960.000000 ... 415.326274 -133 1960.083333 ... 427.511226 -134 1960.166667 ... 482.815663 -135 1960.250000 ... 503.921221 -136 1960.333333 ... 531.042129 -137 1960.416667 ... 558.475509 -138 1960.500000 ... 595.903837 -139 1960.583333 ... 602.304584 -140 1960.666667 ... 555.958012 -141 1960.750000 ... 504.368121 -142 1960.833333 ... 455.693331 -143 1960.916667 ... 475.940354 +132 1960.000000 ... 481.446370 +133 1960.083333 ... 483.429821 +134 1960.166667 ... 511.413272 +135 1960.250000 ... 501.454644 +136 1960.333333 ... 503.413272 +137 1960.416667 ... 526.921546 +138 1960.500000 ... 544.446370 +139 1960.583333 ... 549.913272 +140 1960.666667 ... 523.454644 +141 1960.750000 ... 500.413272 +142 1960.833333 ... 474.913272 +143 1960.916667 ... 504.404997 [24 rows x 5 columns] @@ -696,7 +730,7 @@ Forecasts { "AirPassengers": { "Complexity": { - "AR": "L", + "AR": "S", "Cycle": "S", "Decomposition": "S", "Transformation": "S", @@ -714,8 +748,8 @@ Forecasts "Training_Signal_Length": 132 }, "Model": { - "AR_Model": "MLP(33)", - "Best_Decomposition": "_AirPassengers_LinearTrend_residue_Cycle_12_residue_MLP(33)", + "AR_Model": "NoAR", + "Best_Decomposition": "_AirPassengers_LinearTrend_residue_Cycle_12_residue_NoAR", "Cycle": "Cycle_12", "Signal_Decomposition_Type": "T+S+R", "Signal_Transoformation": "NoTransf", @@ -723,51 +757,51 @@ Forecasts }, "Model_Performance": { "1": { - "AUC": 0.5556, - "DiffSMAPE": 0.0523, - "ErrorMean": -15.592, - "ErrorStdDev": 23.7586, - "KS": 0.1667, - "KendallTau": 0.8146, + "AUC": 0.5677, + "DiffSMAPE": 0.0774, + "ErrorMean": -22.2451, + "ErrorStdDev": 37.9965, + "KS": 0.2917, + "KendallTau": 0.6764, "Length": 24, - "LnQ": 0.1101, - "MAE": 20.7918, - "MAPE": 0.0504, - "MASE": 0.5613, - "MannWhitneyU": 320.0, - "MedAE": 13.5431, - "Pearson": 0.9436, - "R2": 0.7682, - "RMSE": 28.418, - "RMSSE": 0.6331, - "SMAPE": 0.0523, + "LnQ": 0.2702, + "MAE": 30.6656, + "MAPE": 0.073, + "MASE": 0.8278, + "MannWhitneyU": 327.0, + "MedAE": 19.4338, + "Pearson": 0.8729, + "R2": 0.4436, + "RMSE": 44.0293, + "RMSSE": 0.9808, + "SMAPE": 0.0774, "Signal": "AirPassengers_Forecast_1" }, "12": { - "AUC": 0.5747, - "DiffSMAPE": 0.0772, - "ErrorMean": -22.7257, - "ErrorStdDev": 37.4192, + "AUC": 0.5677, + "DiffSMAPE": 0.0774, + "ErrorMean": -22.2451, + "ErrorStdDev": 37.9965, "KS": 0.2917, - "KendallTau": 0.6691, + "KendallTau": 0.6764, "Length": 24, - "LnQ": 0.2674, - "MAE": 30.5405, - "MAPE": 0.0728, - "MASE": 0.8244, - "MannWhitneyU": 331.0, - "MedAE": 20.2933, - "Pearson": 0.8769, - "R2": 0.4499, - "RMSE": 43.7796, - "RMSSE": 0.9753, - "SMAPE": 0.0772, + "LnQ": 0.2702, + "MAE": 30.6656, + "MAPE": 0.073, + "MASE": 0.8278, + "MannWhitneyU": 327.0, + "MedAE": 19.4338, + "Pearson": 0.8729, + "R2": 0.4436, + "RMSE": 44.0293, + "RMSSE": 0.9808, + "SMAPE": 0.0774, "Signal": "AirPassengers_Forecast_12" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 6.113 + "Training_Time": 1.235 } @@ -775,60 +809,12 @@ Forecasts -{"time":{"120":1959.0,"121":1959.0833333333,"122":1959.1666666667,"123":1959.25,"124":1959.3333333333,"125":1959.4166666667,"126":1959.5,"127":1959.5833333333,"128":1959.6666666667,"129":1959.75,"130":1959.8333333333,"131":1959.9166666667,"132":1960.0,"133":1960.0833333333,"134":1960.1666666667,"135":1960.25,"136":1960.3333333333,"137":1960.4166666667,"138":1960.5,"139":1960.5833333333,"140":1960.6666666667,"141":1960.75,"142":1960.8333333333,"143":1960.9166666667},"AirPassengers":{"120":360.0,"121":342.0,"122":406.0,"123":396.0,"124":420.0,"125":472.0,"126":548.0,"127":559.0,"128":463.0,"129":407.0,"130":362.0,"131":405.0,"132":null,"133":null,"134":null,"135":null,"136":null,"137":null,"138":null,"139":null,"140":null,"141":null,"142":null,"143":null},"AirPassengers_Forecast":{"120":320.700992546,"121":325.8837862661,"122":369.9272123382,"123":383.1465412517,"124":406.0692241894,"125":433.6584045814,"126":469.6187965265,"127":482.3966028798,"128":444.9683135338,"129":399.1933896292,"130":354.6593931573,"131":378.753233787,"132":359.6269937167,"133":358.304997734,"134":406.0816633526,"135":422.0816174903,"136":445.1735485803,"137":469.8864494134,"138":506.8573130527,"139":514.2165004139,"140":469.3040598312,"141":418.6514407324,"142":370.1646152745,"143":390.132338293},"AirPassengers_Forecast_Lower_Bound":{"120":null,"121":null,"122":null,"123":null,"124":null,"125":null,"126":null,"127":null,"128":null,"129":null,"130":null,"131":null,"132":303.9277137167,"133":289.098769734,"134":329.3476633526,"135":340.2420134903,"136":359.3049685803,"137":381.2973894134,"138":417.8107890527,"139":426.1284164139,"140":382.6501078312,"141":332.9347607324,"142":284.6358992745,"143":304.324322293},"AirPassengers_Forecast_Upper_Bound":{"120":null,"121":null,"122":null,"123":null,"124":null,"125":null,"126":null,"127":null,"128":null,"129":null,"130":null,"131":null,"132":415.3262737167,"133":427.511225734,"134":482.8156633526,"135":503.9212214903,"136":531.0421285803,"137":558.4755094134,"138":595.9038370527,"139":602.3045844139,"140":555.9580118312,"141":504.3681207324,"142":455.6933312745,"143":475.940354293}} +{"time":{"120":1959.0,"121":1959.0833333333,"122":1959.1666666667,"123":1959.25,"124":1959.3333333333,"125":1959.4166666667,"126":1959.5,"127":1959.5833333333,"128":1959.6666666667,"129":1959.75,"130":1959.8333333333,"131":1959.9166666667,"132":1960.0,"133":1960.0833333333,"134":1960.1666666667,"135":1960.25,"136":1960.3333333333,"137":1960.4166666667,"138":1960.5,"139":1960.5833333333,"140":1960.6666666667,"141":1960.75,"142":1960.8333333333,"143":1960.9166666667},"AirPassengers":{"120":360.0,"121":342.0,"122":406.0,"123":396.0,"124":420.0,"125":472.0,"126":548.0,"127":559.0,"128":463.0,"129":407.0,"130":362.0,"131":405.0,"132":null,"133":null,"134":null,"135":null,"136":null,"137":null,"138":null,"139":null,"140":null,"141":null,"142":null,"143":null},"AirPassengers_Forecast":{"120":367.1323928377,"121":369.1158437332,"122":397.0992946283,"123":387.14066739,"124":389.0992946284,"125":412.6075691806,"126":430.1323928377,"127":435.5992946285,"128":409.14066739,"129":386.0992946283,"130":360.5992946284,"131":390.0910200759,"132":395.1489419425,"133":397.1323928378,"134":425.115843733,"135":415.1572164948,"136":417.115843733,"137":440.6241182853,"138":458.1489419425,"139":463.6158437331,"140":437.1572164947,"141":414.115843733,"142":388.615843733,"143":418.1075691806},"AirPassengers_Forecast_Lower_Bound":{"120":null,"121":null,"122":null,"123":null,"124":null,"125":null,"126":null,"127":null,"128":null,"129":null,"130":null,"131":null,"132":308.8515139425,"133":310.8349648378,"134":338.818415733,"135":328.8597884948,"136":330.818415733,"137":354.3266902853,"138":371.8515139425,"139":377.3184157331,"140":350.8597884947,"141":327.818415733,"142":302.318415733,"143":331.8101411806},"AirPassengers_Forecast_Upper_Bound":{"120":null,"121":null,"122":null,"123":null,"124":null,"125":null,"126":null,"127":null,"128":null,"129":null,"130":null,"131":null,"132":481.4463699425,"133":483.4298208378,"134":511.413271733,"135":501.4546444948,"136":503.413271733,"137":526.9215462853,"138":544.4463699425,"139":549.9132717331,"140":523.4546444947,"141":500.413271733,"142":474.913271733,"143":504.4049971806}} -INFO:pyaf.std:TRAINING_ENGINE_END 2.005 -INFO:pyaf.std:TIME_DETAIL TimeVariable='time' TimeMin=1949.0 TimeMax=1956.91666666667 TimeDelta=0.08333333333336763 Horizon=12 -INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='AirPassengers' Length=132 Min=104 Max=559 Mean=262.492424 StdDev=106.221146 -INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_AirPassengers' Min=0.0 Max=1.0 Mean=0.348335 StdDev=0.233453 -INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' -INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '_AirPassengers_LinearTrend_residue_Cycle_12_residue_LSTM(33)' [LinearTrend + Cycle_12 + LSTM(33)] -INFO:pyaf.std:TREND_DETAIL '_AirPassengers_LinearTrend' [LinearTrend] -INFO:pyaf.std:CYCLE_DETAIL '_AirPassengers_LinearTrend_residue_Cycle_12' [Cycle_12] -INFO:pyaf.std:AUTOREG_DETAIL '_AirPassengers_LinearTrend_residue_Cycle_12_residue_LSTM(33)' [LSTM(33)] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0543, 'RMSE': 15.7711, 'MAE': 11.3561, 'MASE': 0.6074} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0718, 'RMSE': 42.3695, 'MAE': 29.8833, 'MASE': 0.8067} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0753, 'RMSE': 53.5372, 'MAE': 36.3133, 'MASE': 0.807} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.0555, 'RMSE': 16.3183, 'MAE': 11.6321, 'MASE': 0.6222} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.0716, 'RMSE': 42.6046, 'MAE': 29.91, 'MASE': 0.8074} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0788, 'RMSE': 54.6446, 'MAE': 37.8653, 'MASE': 0.8415} -INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] -INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START -INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None -INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END -INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:LINEAR_RIDGE_TREND LinearTrend (-0.002616, array([0.487467])) -INFO:pyaf.std:TREND_DETAIL_END -INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _AirPassengers_LinearTrend_residue_Cycle_12 12 -0.006238 {0: -0.034819, 1: -0.035591, 2: 0.02078, 3: -0.006238, 4: -0.007065, 5: 0.03947, 6: 0.072855, 7: 0.079739, 8: 0.016457, 9: -0.039315, 10: -0.10049, 11: -0.040804} -INFO:pyaf.std:CYCLE_MODEL_DETAIL_END -INFO:pyaf.std:AR_MODEL_DETAIL_START -INFO:pyaf.std:MODEL_TYPE PYTORCH -INFO:pyaf.std:PYTORCH_MODEL_ARCHITECTURE [Sequential( - (0): cLSTMWithOneOutput( - (mLSTM): LSTM(33, 33) - ) - (1): Dropout(p=0.1, inplace=False) - (2): Linear(in_features=33, out_features=1, bias=True) -)] -INFO:pyaf.std:AR_MODEL_DETAIL_END -INFO:pyaf.std:COMPETITION_DETAIL_START 'AirPassengers' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'AirPassengers' 0 {'Transformation': '_AirPassengers', 'DecompositionType': 'T+S+R', 'Model': '_AirPassengers_LinearTrend_residue_Cycle_12_residue_LSTM(33)', 'Voting': 0, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.8067, 'Forecast_MASE_2': 0.8051, 'Forecast_MASE_3': 0.8071, 'Forecast_MASE_4': 0.8074, 'Forecast_MASE_5': 0.8074, 'Forecast_MASE_6': 0.8074, 'Forecast_MASE_7': 0.8074, 'Forecast_MASE_8': 0.8074, 'Forecast_MASE_9': 0.8074, 'Forecast_MASE_10': 0.8074, 'Forecast_MASE_11': 0.8074, 'Forecast_MASE_12': 0.8074} -INFO:pyaf.std:COMPETITION_DETAIL_END 'AirPassengers' -INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_airline_passengers_autoreg_LSTM__AirPassengers_Trend_decomp_output.png') -INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_airline_passengers_autoreg_LSTM__AirPassengers_Cycle_decomp_output.png') -INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/my_airline_passengers_autoreg_LSTM__AirPassengers_AR_decomp_output.png') -INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/my_airline_passengers_autoreg_LSTM__AirPassengers_TransformedForecast_decomp_output.png') -INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_airline_passengers_autoreg_LSTM__AirPassengers_Forecast_decomp_output.png') -INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_airline_passengers_autoreg_LSTM__AirPassengers_prediction_intervals_output.png') -INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_airline_passengers_autoreg_LSTM__AirPassengers_quantiles_output.png') -INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.309 -INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 1.778 +Forecast Columns INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 12}} +INFO:pyaf.std:TRAINING_ENGINE_END 1.395 INFO:pyaf.std:TIME_DETAIL TimeVariable='time' TimeMin=1949.0 TimeMax=1956.91666666667 TimeDelta=0.08333333333336763 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='AirPassengers' Length=132 Min=104 Max=559 Mean=262.492424 StdDev=106.221146 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_AirPassengers' Min=0.0 Max=1.0 Mean=0.348335 StdDev=0.233453 @@ -838,12 +824,12 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_AirPassengers_LinearTrend_residue_Cycle_12_r INFO:pyaf.std:TREND_DETAIL '_AirPassengers_LinearTrend' [LinearTrend] INFO:pyaf.std:CYCLE_DETAIL '_AirPassengers_LinearTrend_residue_Cycle_12' [Cycle_12] INFO:pyaf.std:AUTOREG_DETAIL '_AirPassengers_LinearTrend_residue_Cycle_12_residue_XGB(33)' [XGB] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0452, 'RMSE': 10.8475, 'MAE': 8.9051, 'MASE': 0.4763} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0576, 'RMSE': 30.0286, 'MAE': 23.0797, 'MASE': 0.623} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0578, 'RMSE': 38.7656, 'MAE': 27.2165, 'MASE': 0.6048} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.0719, 'RMSE': 17.3764, 'MAE': 13.9701, 'MASE': 0.7473} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.0685, 'RMSE': 33.8801, 'MAE': 27.1495, 'MASE': 0.7329} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0633, 'RMSE': 42.9089, 'MAE': 29.8144, 'MASE': 0.6625} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0233, 'RMSE': 6.5071, 'MAE': 4.6364, 'MASE': 0.248} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0584, 'RMSE': 33.9129, 'MAE': 24.1575, 'MASE': 0.6521} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0672, 'RMSE': 43.7093, 'MAE': 31.7641, 'MASE': 0.7059} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.052, 'RMSE': 13.5994, 'MAE': 10.2521, 'MASE': 0.5484} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.072, 'RMSE': 39.1537, 'MAE': 29.1817, 'MASE': 0.7878} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0747, 'RMSE': 51.7406, 'MAE': 35.6627, 'MASE': 0.7925} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None @@ -857,7 +843,7 @@ INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'AirPassengers' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'AirPassengers' 0 {'Transformation': '_AirPassengers', 'DecompositionType': 'T+S+R', 'Model': '_AirPassengers_LinearTrend_residue_Cycle_12_residue_XGB(33)', 'Voting': 0, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.623, 'Forecast_MASE_2': 0.6994, 'Forecast_MASE_3': 0.786, 'Forecast_MASE_4': 0.8591, 'Forecast_MASE_5': 0.9187, 'Forecast_MASE_6': 0.9681, 'Forecast_MASE_7': 1.0205, 'Forecast_MASE_8': 1.0183, 'Forecast_MASE_9': 0.9918, 'Forecast_MASE_10': 0.9277, 'Forecast_MASE_11': 0.8146, 'Forecast_MASE_12': 0.7329} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'AirPassengers' 0 {'Transformation': '_AirPassengers', 'DecompositionType': 'T+S+R', 'Model': '_AirPassengers_LinearTrend_residue_Cycle_12_residue_XGB(33)', 'Voting': 0, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6521, 'Forecast_MASE_2': 0.6735, 'Forecast_MASE_3': 0.7407, 'Forecast_MASE_4': 0.7824, 'Forecast_MASE_5': 0.7825, 'Forecast_MASE_6': 0.858, 'Forecast_MASE_7': 0.9065, 'Forecast_MASE_8': 0.941, 'Forecast_MASE_9': 0.9527, 'Forecast_MASE_10': 0.9273, 'Forecast_MASE_11': 0.8634, 'Forecast_MASE_12': 0.7878} INFO:pyaf.std:COMPETITION_DETAIL_END 'AirPassengers' INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_airline_passengers_autoreg_XGB__AirPassengers_Trend_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_airline_passengers_autoreg_XGB__AirPassengers_Cycle_decomp_output.png') @@ -867,14 +853,14 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_airline_passengers_autoreg_XG INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_airline_passengers_autoreg_XGB__AirPassengers_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_airline_passengers_autoreg_XGB__AirPassengers_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.278 -Forecast Columns Index(['time', 'AirPassengers', 'AirPassengers_scaled', '_AirPassengers', +INFO:pyaf.std:FORECASTING_ENGINE_END 0.297 +Index(['time', 'AirPassengers', 'AirPassengers_scaled', '_AirPassengers', 'row_number', 'time_Normalized', '_AirPassengers_LinearTrend', '_AirPassengers_LinearTrend_residue', 'cycle_internal', '_AirPassengers_LinearTrend_residue_Cycle_12', '_AirPassengers_LinearTrend_residue_Cycle_12_residue', - '_AirPassengers_LinearTrend_residue_Cycle_12_residue_LSTM(33)', - '_AirPassengers_LinearTrend_residue_Cycle_12_residue_LSTM(33)_residue', + '_AirPassengers_LinearTrend_residue_Cycle_12_residue_NoAR', + '_AirPassengers_LinearTrend_residue_Cycle_12_residue_NoAR_residue', 'AirPassengers_Transformed', '_AirPassengers_Trend', '_AirPassengers_Trend_residue', '_AirPassengers_Cycle', '_AirPassengers_Cycle_residue', '_AirPassengers_AR', @@ -915,18 +901,18 @@ Forecasts 129 1959.750000 ... NaN 130 1959.833333 ... NaN 131 1959.916667 ... NaN -132 1960.000000 ... 481.464404 -133 1960.083333 ... 485.926144 -134 1960.166667 ... 516.010526 -135 1960.250000 ... 507.383043 -136 1960.333333 ... 507.971359 -137 1960.416667 ... 529.651966 -138 1960.500000 ... 544.700828 -139 1960.583333 ... 550.258665 -140 1960.666667 ... 523.964680 -141 1960.750000 ... 500.549127 -142 1960.833333 ... 476.458905 -143 1960.916667 ... 506.757123 +132 1960.000000 ... 481.446370 +133 1960.083333 ... 483.429821 +134 1960.166667 ... 511.413272 +135 1960.250000 ... 501.454644 +136 1960.333333 ... 503.413272 +137 1960.416667 ... 526.921546 +138 1960.500000 ... 544.446370 +139 1960.583333 ... 549.913272 +140 1960.666667 ... 523.454644 +141 1960.750000 ... 500.413272 +142 1960.833333 ... 474.913272 +143 1960.916667 ... 504.404997 [24 rows x 5 columns] @@ -935,7 +921,7 @@ Forecasts { "AirPassengers": { "Complexity": { - "AR": "L", + "AR": "S", "Cycle": "S", "Decomposition": "S", "Transformation": "S", @@ -953,8 +939,8 @@ Forecasts "Training_Signal_Length": 132 }, "Model": { - "AR_Model": "LSTM(33)", - "Best_Decomposition": "_AirPassengers_LinearTrend_residue_Cycle_12_residue_LSTM(33)", + "AR_Model": "NoAR", + "Best_Decomposition": "_AirPassengers_LinearTrend_residue_Cycle_12_residue_NoAR", "Cycle": "Cycle_12", "Signal_Decomposition_Type": "T+S+R", "Signal_Transoformation": "NoTransf", @@ -962,51 +948,51 @@ Forecasts }, "Model_Performance": { "1": { - "AUC": 0.5278, - "DiffSMAPE": 0.0754, - "ErrorMean": -17.9957, - "ErrorStdDev": 38.3579, - "KS": 0.25, - "KendallTau": 0.6909, + "AUC": 0.5677, + "DiffSMAPE": 0.0774, + "ErrorMean": -22.2451, + "ErrorStdDev": 37.9965, + "KS": 0.2917, + "KendallTau": 0.6764, "Length": 24, - "LnQ": 0.2492, - "MAE": 29.8833, - "MAPE": 0.0718, - "MASE": 0.8067, - "MannWhitneyU": 304.0, - "MedAE": 17.388, - "Pearson": 0.8726, - "R2": 0.4848, - "RMSE": 42.3695, - "RMSSE": 0.9438, - "SMAPE": 0.0754, + "LnQ": 0.2702, + "MAE": 30.6656, + "MAPE": 0.073, + "MASE": 0.8278, + "MannWhitneyU": 327.0, + "MedAE": 19.4338, + "Pearson": 0.8729, + "R2": 0.4436, + "RMSE": 44.0293, + "RMSSE": 0.9808, + "SMAPE": 0.0774, "Signal": "AirPassengers_Forecast_1" }, "12": { - "AUC": 0.5399, - "DiffSMAPE": 0.0755, - "ErrorMean": -19.2721, + "AUC": 0.5677, + "DiffSMAPE": 0.0774, + "ErrorMean": -22.2451, "ErrorStdDev": 37.9965, - "KS": 0.25, + "KS": 0.2917, "KendallTau": 0.6764, "Length": 24, - "LnQ": 0.2524, - "MAE": 29.91, - "MAPE": 0.0716, - "MASE": 0.8074, - "MannWhitneyU": 311.0, - "MedAE": 17.0081, + "LnQ": 0.2702, + "MAE": 30.6656, + "MAPE": 0.073, + "MASE": 0.8278, + "MannWhitneyU": 327.0, + "MedAE": 19.4338, "Pearson": 0.8729, - "R2": 0.479, - "RMSE": 42.6046, - "RMSSE": 0.9491, - "SMAPE": 0.0755, + "R2": 0.4436, + "RMSE": 44.0293, + "RMSSE": 0.9808, + "SMAPE": 0.0774, "Signal": "AirPassengers_Forecast_12" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 2.005 + "Training_Time": 1.172 } @@ -1014,12 +1000,12 @@ Forecasts -{"time":{"120":1959.0,"121":1959.0833333333,"122":1959.1666666667,"123":1959.25,"124":1959.3333333333,"125":1959.4166666667,"126":1959.5,"127":1959.5833333333,"128":1959.6666666667,"129":1959.75,"130":1959.8333333333,"131":1959.9166666667,"132":1960.0,"133":1960.0833333333,"134":1960.1666666667,"135":1960.25,"136":1960.3333333333,"137":1960.4166666667,"138":1960.5,"139":1960.5833333333,"140":1960.6666666667,"141":1960.75,"142":1960.8333333333,"143":1960.9166666667},"AirPassengers":{"120":360.0,"121":342.0,"122":406.0,"123":396.0,"124":420.0,"125":472.0,"126":548.0,"127":559.0,"128":463.0,"129":407.0,"130":362.0,"131":405.0,"132":null,"133":null,"134":null,"135":null,"136":null,"137":null,"138":null,"139":null,"140":null,"141":null,"142":null,"143":null},"AirPassengers_Forecast":{"120":369.1706617409,"121":371.6365339001,"122":400.6370337524,"123":393.6596972709,"124":398.2229312988,"125":419.773018405,"126":434.4160723751,"127":439.0387576656,"128":413.1338578844,"129":389.717384292,"130":366.7238298314,"131":395.1732221128,"132":398.4201835776,"133":402.5738122176,"134":432.5284419405,"135":423.8790068178,"136":424.4665385868,"137":446.1469497029,"138":461.1958123115,"139":466.7536489016,"140":440.4596644815,"141":417.0441106425,"142":392.9538889277,"143":423.252106798},"AirPassengers_Forecast_Lower_Bound":{"120":null,"121":null,"122":null,"123":null,"124":null,"125":null,"126":null,"127":null,"128":null,"129":null,"130":null,"131":null,"132":315.3759635776,"133":319.2214802176,"134":349.0463579405,"135":340.3749708178,"136":340.9617185868,"137":362.6419337029,"138":377.6907963115,"139":383.2486329016,"140":356.9546484815,"141":333.5390946425,"142":309.4488729277,"143":339.747090798},"AirPassengers_Forecast_Upper_Bound":{"120":null,"121":null,"122":null,"123":null,"124":null,"125":null,"126":null,"127":null,"128":null,"129":null,"130":null,"131":null,"132":481.4644035776,"133":485.9261442176,"134":516.0105259405,"135":507.3830428178,"136":507.9713585868,"137":529.6519657029,"138":544.7008283115,"139":550.2586649016,"140":523.9646804815,"141":500.5491266425,"142":476.4589049277,"143":506.757122798}} +{"time":{"120":1959.0,"121":1959.0833333333,"122":1959.1666666667,"123":1959.25,"124":1959.3333333333,"125":1959.4166666667,"126":1959.5,"127":1959.5833333333,"128":1959.6666666667,"129":1959.75,"130":1959.8333333333,"131":1959.9166666667,"132":1960.0,"133":1960.0833333333,"134":1960.1666666667,"135":1960.25,"136":1960.3333333333,"137":1960.4166666667,"138":1960.5,"139":1960.5833333333,"140":1960.6666666667,"141":1960.75,"142":1960.8333333333,"143":1960.9166666667},"AirPassengers":{"120":360.0,"121":342.0,"122":406.0,"123":396.0,"124":420.0,"125":472.0,"126":548.0,"127":559.0,"128":463.0,"129":407.0,"130":362.0,"131":405.0,"132":null,"133":null,"134":null,"135":null,"136":null,"137":null,"138":null,"139":null,"140":null,"141":null,"142":null,"143":null},"AirPassengers_Forecast":{"120":367.1323928377,"121":369.1158437332,"122":397.0992946283,"123":387.14066739,"124":389.0992946284,"125":412.6075691806,"126":430.1323928377,"127":435.5992946285,"128":409.14066739,"129":386.0992946283,"130":360.5992946284,"131":390.0910200759,"132":395.1489419425,"133":397.1323928378,"134":425.115843733,"135":415.1572164948,"136":417.115843733,"137":440.6241182853,"138":458.1489419425,"139":463.6158437331,"140":437.1572164947,"141":414.115843733,"142":388.615843733,"143":418.1075691806},"AirPassengers_Forecast_Lower_Bound":{"120":null,"121":null,"122":null,"123":null,"124":null,"125":null,"126":null,"127":null,"128":null,"129":null,"130":null,"131":null,"132":308.8515139425,"133":310.8349648378,"134":338.818415733,"135":328.8597884948,"136":330.818415733,"137":354.3266902853,"138":371.8515139425,"139":377.3184157331,"140":350.8597884947,"141":327.818415733,"142":302.318415733,"143":331.8101411806},"AirPassengers_Forecast_Upper_Bound":{"120":null,"121":null,"122":null,"123":null,"124":null,"125":null,"126":null,"127":null,"128":null,"129":null,"130":null,"131":null,"132":481.4463699425,"133":483.4298208378,"134":511.413271733,"135":501.4546444948,"136":503.413271733,"137":526.9215462853,"138":544.4463699425,"139":549.9132717331,"140":523.4546444947,"141":500.413271733,"142":474.913271733,"143":504.4049971806}} Forecast Columns INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 1.394 +INFO:pyaf.std:TRAINING_ENGINE_END 1.479 INFO:pyaf.std:TIME_DETAIL TimeVariable='time' TimeMin=1949.0 TimeMax=1956.91666666667 TimeDelta=0.08333333333336763 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='AirPassengers' Length=132 Min=104 Max=559 Mean=262.492424 StdDev=106.221146 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_AirPassengers' Min=0.0 Max=1.0 Mean=0.348335 StdDev=0.233453 @@ -1058,7 +1044,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_airline_passengers_autoreg_CR INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_airline_passengers_autoreg_CROSTON__AirPassengers_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_airline_passengers_autoreg_CROSTON__AirPassengers_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.401 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.192 Index(['time', 'AirPassengers', 'AirPassengers_scaled', '_AirPassengers', 'row_number', 'time_Normalized', '_AirPassengers_LinearTrend', '_AirPassengers_LinearTrend_residue', 'cycle_internal', @@ -1106,18 +1092,18 @@ Forecasts 129 1959.750000 ... NaN 130 1959.833333 ... NaN 131 1959.916667 ... NaN -132 1960.000000 ... 471.910154 -133 1960.083333 ... 482.395336 -134 1960.166667 ... 525.519766 -135 1960.250000 ... 524.447649 -136 1960.333333 ... 539.019173 -137 1960.416667 ... 568.386059 -138 1960.500000 ... 580.074711 -139 1960.583333 ... 595.263289 -140 1960.666667 ... 551.538300 -141 1960.750000 ... 520.682701 -142 1960.833333 ... 482.177427 -143 1960.916667 ... 510.077930 +132 1960.000000 ... 473.347591 +133 1960.083333 ... 466.030560 +134 1960.166667 ... 501.226223 +135 1960.250000 ... 500.442742 +136 1960.333333 ... 510.573844 +137 1960.416667 ... 552.425654 +138 1960.500000 ... 566.631504 +139 1960.583333 ... 575.236943 +140 1960.666667 ... 543.798760 +141 1960.750000 ... 517.253549 +142 1960.833333 ... 482.911341 +143 1960.916667 ... 492.131577 [24 rows x 5 columns] @@ -1153,51 +1139,51 @@ Forecasts }, "Model_Performance": { "1": { - "AUC": 0.4653, - "DiffSMAPE": 0.0585, - "ErrorMean": -5.658, - "ErrorStdDev": 29.4907, + "AUC": 0.5278, + "DiffSMAPE": 0.0607, + "ErrorMean": -13.9895, + "ErrorStdDev": 30.893, "KS": 0.25, - "KendallTau": 0.8291, + "KendallTau": 0.7782, "Length": 24, - "LnQ": 0.1254, - "MAE": 23.0797, - "MAPE": 0.0576, - "MASE": 0.623, - "MannWhitneyU": 268.0, - "MedAE": 19.5789, - "Pearson": 0.9435, - "R2": 0.7412, - "RMSE": 30.0286, - "RMSSE": 0.6689, - "SMAPE": 0.0586, + "LnQ": 0.1553, + "MAE": 24.1575, + "MAPE": 0.0584, + "MASE": 0.6521, + "MannWhitneyU": 304.0, + "MedAE": 13.7251, + "Pearson": 0.9414, + "R2": 0.6699, + "RMSE": 33.9129, + "RMSSE": 0.7555, + "SMAPE": 0.0607, "Signal": "AirPassengers_Forecast_1" }, "12": { - "AUC": 0.4566, - "DiffSMAPE": 0.0691, - "ErrorMean": -3.2238, - "ErrorStdDev": 33.7264, - "KS": 0.2917, - "KendallTau": 0.7927, + "AUC": 0.4913, + "DiffSMAPE": 0.074, + "ErrorMean": -10.2542, + "ErrorStdDev": 37.7871, + "KS": 0.25, + "KendallTau": 0.7055, "Length": 24, - "LnQ": 0.1637, - "MAE": 27.1495, - "MAPE": 0.0685, - "MASE": 0.7329, - "MannWhitneyU": 263.0, - "MedAE": 24.2079, - "Pearson": 0.8736, - "R2": 0.6706, - "RMSE": 33.8801, - "RMSSE": 0.7547, - "SMAPE": 0.0691, + "LnQ": 0.2182, + "MAE": 29.1817, + "MAPE": 0.072, + "MASE": 0.7878, + "MannWhitneyU": 283.0, + "MedAE": 27.27, + "Pearson": 0.8459, + "R2": 0.56, + "RMSE": 39.1537, + "RMSSE": 0.8722, + "SMAPE": 0.074, "Signal": "AirPassengers_Forecast_12" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 1.778 + "Training_Time": 1.395 } @@ -1205,12 +1191,12 @@ Forecasts -{"time":{"120":1959.0,"121":1959.0833333333,"122":1959.1666666667,"123":1959.25,"124":1959.3333333333,"125":1959.4166666667,"126":1959.5,"127":1959.5833333333,"128":1959.6666666667,"129":1959.75,"130":1959.8333333333,"131":1959.9166666667,"132":1960.0,"133":1960.0833333333,"134":1960.1666666667,"135":1960.25,"136":1960.3333333333,"137":1960.4166666667,"138":1960.5,"139":1960.5833333333,"140":1960.6666666667,"141":1960.75,"142":1960.8333333333,"143":1960.9166666667},"AirPassengers":{"120":360.0,"121":342.0,"122":406.0,"123":396.0,"124":420.0,"125":472.0,"126":548.0,"127":559.0,"128":463.0,"129":407.0,"130":362.0,"131":405.0,"132":null,"133":null,"134":null,"135":null,"136":null,"137":null,"138":null,"139":null,"140":null,"141":null,"142":null,"143":null},"AirPassengers_Forecast":{"120":360.4635463655,"121":371.9830003403,"122":390.4304481561,"123":392.6346531771,"124":396.4438145714,"125":447.0263695048,"126":463.2821176266,"127":473.2992761094,"128":436.2734831459,"129":405.3302144811,"130":379.8302144812,"131":392.958176683,"132":413.0540984431,"133":416.3113878436,"134":453.522497994,"135":448.3069412838,"136":457.681132992,"137":482.4584830795,"138":491.2986667314,"139":505.4502085273,"140":464.6003439778,"141":439.7084370602,"142":407.7948387388,"143":443.6729339139},"AirPassengers_Forecast_Lower_Bound":{"120":null,"121":null,"122":null,"123":null,"124":null,"125":null,"126":null,"127":null,"128":null,"129":null,"130":null,"131":null,"132":354.1980424431,"133":350.2274398436,"134":381.525229994,"135":372.1662332838,"136":376.343092992,"137":396.5309070795,"138":402.5226227314,"139":415.6371285273,"140":377.6623879778,"141":358.7341730602,"142":333.4122507388,"143":377.2679379139},"AirPassengers_Forecast_Upper_Bound":{"120":null,"121":null,"122":null,"123":null,"124":null,"125":null,"126":null,"127":null,"128":null,"129":null,"130":null,"131":null,"132":471.9101544431,"133":482.3953358436,"134":525.519765994,"135":524.4476492838,"136":539.019172992,"137":568.3860590795,"138":580.0747107314,"139":595.2632885273,"140":551.5382999778,"141":520.6827010602,"142":482.1774267388,"143":510.0779299139}} +{"time":{"120":1959.0,"121":1959.0833333333,"122":1959.1666666667,"123":1959.25,"124":1959.3333333333,"125":1959.4166666667,"126":1959.5,"127":1959.5833333333,"128":1959.6666666667,"129":1959.75,"130":1959.8333333333,"131":1959.9166666667,"132":1960.0,"133":1960.0833333333,"134":1960.1666666667,"135":1960.25,"136":1960.3333333333,"137":1960.4166666667,"138":1960.5,"139":1960.5833333333,"140":1960.6666666667,"141":1960.75,"142":1960.8333333333,"143":1960.9166666667},"AirPassengers":{"120":360.0,"121":342.0,"122":406.0,"123":396.0,"124":420.0,"125":472.0,"126":548.0,"127":559.0,"128":463.0,"129":407.0,"130":362.0,"131":405.0,"132":null,"133":null,"134":null,"135":null,"136":null,"137":null,"138":null,"139":null,"140":null,"141":null,"142":null,"143":null},"AirPassengers_Forecast":{"120":353.3932628902,"121":367.6445218594,"122":386.6544940074,"123":387.4508670349,"124":391.9488405356,"125":433.7225029694,"126":451.7580729416,"127":464.0085524205,"128":434.6912889517,"129":397.8888579358,"130":372.1901920879,"131":389.1490542119,"132":406.8783070734,"133":395.976239734,"134":425.972022587,"135":425.5099824685,"136":433.8443517398,"137":472.0597739388,"138":481.345435963,"139":486.8207551588,"140":455.0138957927,"141":429.4179134417,"142":398.9176967788,"143":415.3903249327},"AirPassengers_Forecast_Lower_Bound":{"120":null,"121":null,"122":null,"123":null,"124":null,"125":null,"126":null,"127":null,"128":null,"129":null,"130":null,"131":null,"132":340.4090230734,"133":325.921919734,"134":350.717822587,"135":350.5772224685,"136":357.1148597398,"137":391.6938939388,"138":396.059367963,"139":398.4045671588,"140":366.2290317927,"141":341.5822774417,"142":314.9240527788,"143":338.6490729327},"AirPassengers_Forecast_Upper_Bound":{"120":null,"121":null,"122":null,"123":null,"124":null,"125":null,"126":null,"127":null,"128":null,"129":null,"130":null,"131":null,"132":473.3475910734,"133":466.030559734,"134":501.226222587,"135":500.4427424685,"136":510.5738437398,"137":552.4256539388,"138":566.631503963,"139":575.2369431588,"140":543.7987597927,"141":517.2535494417,"142":482.9113407788,"143":492.1315769327}} Forecast Columns INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 2.089 +INFO:pyaf.std:TRAINING_ENGINE_END 1.226 INFO:pyaf.std:TIME_DETAIL TimeVariable='time' TimeMin=1949.0 TimeMax=1956.91666666667 TimeDelta=0.08333333333336763 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='AirPassengers' Length=132 Min=104 Max=559 Mean=262.492424 StdDev=106.221146 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_AirPassengers' Min=0.0 Max=1.0 Mean=0.348335 StdDev=0.233453 @@ -1249,7 +1235,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_airline_passengers_autoreg_LG INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_airline_passengers_autoreg_LGB__AirPassengers_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_airline_passengers_autoreg_LGB__AirPassengers_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.878 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.193 Index(['time', 'AirPassengers', 'AirPassengers_scaled', '_AirPassengers', 'row_number', 'time_Normalized', '_AirPassengers_LinearTrend', '_AirPassengers_LinearTrend_residue', 'cycle_internal', @@ -1388,7 +1374,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 1.394 + "Training_Time": 1.479 } @@ -1538,7 +1524,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 2.089 + "Training_Time": 1.226 } @@ -1550,3 +1536,4 @@ Forecasts +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/individual_components/test_air_passengers_all_autoreg.py', 'ElapsedTimeSecs':(42.02, 0.48, 41.47), 'MAX_MEM_KB':242144, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':13576, 'EXIT_STATUS':0} diff --git a/tests/references/individual_components/test_ozone_all_autoreg.log b/tests/references/individual_components/test_ozone_all_autoreg.log index 3a05ef2f6..44565a44b 100644 --- a/tests/references/individual_components/test_ozone_all_autoreg.log +++ b/tests/references/individual_components/test_ozone_all_autoreg.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 3.438 +INFO:pyaf.std:TRAINING_ENGINE_END 1.124 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -38,9 +38,9 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_autoreg_NoAR__Ozone_For INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_autoreg_NoAR__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_autoreg_NoAR__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.221 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.184 INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 1.565 +INFO:pyaf.std:TRAINING_ENGINE_END 1.169 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -89,7 +89,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_autoreg_AR__Ozone_Forec INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_autoreg_AR__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_autoreg_AR__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.302 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.205 Month Ozone Time 0 1955-01 2.7 1955-01-01 1 1955-02 2.0 1955-02-01 @@ -215,7 +215,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 3.438 + "Training_Time": 1.124 } @@ -257,7 +257,7 @@ memory usage: 5.2 KB None Forecasts INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 1.913 +INFO:pyaf.std:TRAINING_ENGINE_END 1.283 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -296,7 +296,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_autoreg_SVR__Ozone_Fore INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_autoreg_SVR__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_autoreg_SVR__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.293 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.203 Time Ozone Ozone_Forecast 204 1972-01-01 NaN 0.392930 205 1972-02-01 NaN 0.589452 @@ -387,7 +387,7 @@ INFO:pyaf.std:FORECASTING_ENGINE_END 0.293 }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 1.565 + "Training_Time": 1.169 } @@ -445,6 +445,46 @@ Forecasts INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} +INFO:pyaf.std:TRAINING_ENGINE_END 1.082 +INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 +INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 +INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 +INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' +INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' +INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_NoAR' [LinearTrend + Seasonal_MonthOfYear + NoAR] +INFO:pyaf.std:TREND_DETAIL '_Ozone_LinearTrend' [LinearTrend] +INFO:pyaf.std:CYCLE_DETAIL '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear' [Seasonal_MonthOfYear] +INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_NoAR' [NoAR] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1768, 'RMSE': 0.9074, 'MAE': 0.6789, 'MASE': 0.7724} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1847, 'RMSE': 0.6988, 'MAE': 0.5742, 'MASE': 0.7396} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2261, 'RMSE': 0.5934, 'MAE': 0.5213, 'MASE': 1.1027} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1768, 'RMSE': 0.9074, 'MAE': 0.6789, 'MASE': 0.7724} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1847, 'RMSE': 0.6988, 'MAE': 0.5742, 'MASE': 0.7396} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.2261, 'RMSE': 0.5934, 'MAE': 0.5213, 'MASE': 1.1027} +INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'S'} [SSSSS] +INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START +INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None +INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END +INFO:pyaf.std:TREND_DETAIL_START +INFO:pyaf.std:LINEAR_RIDGE_TREND LinearTrend (0.519103, array([-0.262473])) +INFO:pyaf.std:TREND_DETAIL_END +INFO:pyaf.std:CYCLE_MODEL_DETAIL_START +INFO:pyaf.std:SEASONAL_MODEL_VALUES _Ozone_LinearTrend_residue_Seasonal_MonthOfYear -0.000408 {1: -0.214023, 2: -0.196036, 3: -0.118761, 4: -0.037002, 5: -0.019072, 6: 0.096897, 7: 0.168161, 8: 0.186148, 9: 0.134574, 10: 0.109664, 11: -0.056774, 12: -0.186958} +INFO:pyaf.std:CYCLE_MODEL_DETAIL_END +INFO:pyaf.std:AR_MODEL_DETAIL_START +INFO:pyaf.std:AR_MODEL_DETAIL_END +INFO:pyaf.std:COMPETITION_DETAIL_START 'Ozone' +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_NoAR', 'Voting': 0, 'Complexity': 'SSSSS', 'Forecast_MASE_1': 0.7396, 'Forecast_MASE_2': 0.7396, 'Forecast_MASE_3': 0.7396, 'Forecast_MASE_4': 0.7396, 'Forecast_MASE_5': 0.7396, 'Forecast_MASE_6': 0.7396, 'Forecast_MASE_7': 0.7396, 'Forecast_MASE_8': 0.7396, 'Forecast_MASE_9': 0.7396, 'Forecast_MASE_10': 0.7396, 'Forecast_MASE_11': 0.7396, 'Forecast_MASE_12': 0.7396} +INFO:pyaf.std:COMPETITION_DETAIL_END 'Ozone' +INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_ozone_autoreg_MLP__Ozone_Trend_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_ozone_autoreg_MLP__Ozone_Cycle_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/my_ozone_autoreg_MLP__Ozone_AR_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/my_ozone_autoreg_MLP__Ozone_TransformedForecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_autoreg_MLP__Ozone_Forecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_autoreg_MLP__Ozone_prediction_intervals_output.png') +INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_autoreg_MLP__Ozone_quantiles_output.png') +INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} +INFO:pyaf.std:FORECASTING_ENGINE_END 0.18 { "Ozone": { "Complexity": { @@ -519,7 +559,7 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 1.913 + "Training_Time": 1.283 } @@ -531,59 +571,12 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': -INFO:pyaf.std:TRAINING_ENGINE_END 4.904 -INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 -INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 -INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 -INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' -INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_MLP(51)' [LinearTrend + Seasonal_MonthOfYear + MLP(51)] -INFO:pyaf.std:TREND_DETAIL '_Ozone_LinearTrend' [LinearTrend] -INFO:pyaf.std:CYCLE_DETAIL '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear' [Seasonal_MonthOfYear] -INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_MLP(51)' [MLP(51)] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1663, 'RMSE': 0.859, 'MAE': 0.6419, 'MASE': 0.7303} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1828, 'RMSE': 0.6959, 'MAE': 0.5719, 'MASE': 0.7366} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.1993, 'RMSE': 0.511, 'MAE': 0.4607, 'MASE': 0.9746} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1752, 'RMSE': 0.8877, 'MAE': 0.671, 'MASE': 0.7634} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1858, 'RMSE': 0.7031, 'MAE': 0.5767, 'MASE': 0.7429} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.2264, 'RMSE': 0.5938, 'MAE': 0.5213, 'MASE': 1.1027} -INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] -INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START -INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None -INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END -INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:LINEAR_RIDGE_TREND LinearTrend (0.519103, array([-0.262473])) -INFO:pyaf.std:TREND_DETAIL_END -INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:SEASONAL_MODEL_VALUES _Ozone_LinearTrend_residue_Seasonal_MonthOfYear -0.000408 {1: -0.214023, 2: -0.196036, 3: -0.118761, 4: -0.037002, 5: -0.019072, 6: 0.096897, 7: 0.168161, 8: 0.186148, 9: 0.134574, 10: 0.109664, 11: -0.056774, 12: -0.186958} -INFO:pyaf.std:CYCLE_MODEL_DETAIL_END -INFO:pyaf.std:AR_MODEL_DETAIL_START -INFO:pyaf.std:MODEL_TYPE PYTORCH -INFO:pyaf.std:PYTORCH_MODEL_ARCHITECTURE [Sequential( - (0): Linear(in_features=51, out_features=51, bias=True) - (1): Dropout(p=0.5, inplace=False) - (2): Linear(in_features=51, out_features=1, bias=True) -)] -INFO:pyaf.std:AR_MODEL_DETAIL_END -INFO:pyaf.std:COMPETITION_DETAIL_START 'Ozone' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_MLP(51)', 'Voting': 0, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.7366, 'Forecast_MASE_2': 0.724, 'Forecast_MASE_3': 0.7406, 'Forecast_MASE_4': 0.744, 'Forecast_MASE_5': 0.743, 'Forecast_MASE_6': 0.7425, 'Forecast_MASE_7': 0.7428, 'Forecast_MASE_8': 0.7428, 'Forecast_MASE_9': 0.7429, 'Forecast_MASE_10': 0.7429, 'Forecast_MASE_11': 0.7429, 'Forecast_MASE_12': 0.7429} -INFO:pyaf.std:COMPETITION_DETAIL_END 'Ozone' -INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_ozone_autoreg_MLP__Ozone_Trend_decomp_output.png') -INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_ozone_autoreg_MLP__Ozone_Cycle_decomp_output.png') -INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/my_ozone_autoreg_MLP__Ozone_AR_decomp_output.png') -INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/my_ozone_autoreg_MLP__Ozone_TransformedForecast_decomp_output.png') -INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_autoreg_MLP__Ozone_Forecast_decomp_output.png') -INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_autoreg_MLP__Ozone_prediction_intervals_output.png') -INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_autoreg_MLP__Ozone_quantiles_output.png') -INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.32 -INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} Forecast Columns Index(['Time', 'Ozone', 'Ozone_scaled', '_Ozone', 'row_number', 'Time_Normalized', '_Ozone_LinearTrend', '_Ozone_LinearTrend_residue', '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear', '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue', - '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_MLP(51)', - '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_MLP(51)_residue', + '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_NoAR', + '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_NoAR_residue', 'Ozone_Transformed', '_Ozone_Trend', '_Ozone_Trend_residue', '_Ozone_Cycle', '_Ozone_Cycle_residue', '_Ozone_AR', '_Ozone_AR_residue', '_Ozone_TransformedForecast', '_Ozone_Detrended', @@ -608,25 +601,66 @@ memory usage: 5.2 KB None Forecasts Time Ozone Ozone_Forecast -204 1972-01-01 NaN 0.868901 -205 1972-02-01 NaN 0.692087 -206 1972-03-01 NaN 1.640827 -207 1972-04-01 NaN 2.033528 -208 1972-05-01 NaN 2.166851 -209 1972-06-01 NaN 2.757051 -210 1972-07-01 NaN 3.466681 -211 1972-08-01 NaN 3.713853 -212 1972-09-01 NaN 3.338969 -213 1972-10-01 NaN 2.788855 -214 1972-11-01 NaN 1.687204 -215 1972-12-01 NaN 1.051580 +204 1972-01-01 NaN 0.845930 +205 1972-02-01 NaN 0.967643 +206 1972-03-01 NaN 1.534860 +207 1972-04-01 NaN 2.134860 +208 1972-05-01 NaN 2.256574 +209 1972-06-01 NaN 3.113147 +210 1972-07-01 NaN 3.634860 +211 1972-08-01 NaN 3.756574 +212 1972-09-01 NaN 3.356574 +213 1972-10-01 NaN 3.156987 +214 1972-11-01 NaN 1.895504 +215 1972-12-01 NaN 0.906361 +INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} +INFO:pyaf.std:TRAINING_ENGINE_END 1.103 +INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 +INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 +INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 +INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' +INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' +INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_NoAR' [LinearTrend + Seasonal_MonthOfYear + NoAR] +INFO:pyaf.std:TREND_DETAIL '_Ozone_LinearTrend' [LinearTrend] +INFO:pyaf.std:CYCLE_DETAIL '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear' [Seasonal_MonthOfYear] +INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_NoAR' [NoAR] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1768, 'RMSE': 0.9074, 'MAE': 0.6789, 'MASE': 0.7724} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1847, 'RMSE': 0.6988, 'MAE': 0.5742, 'MASE': 0.7396} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2261, 'RMSE': 0.5934, 'MAE': 0.5213, 'MASE': 1.1027} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1768, 'RMSE': 0.9074, 'MAE': 0.6789, 'MASE': 0.7724} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1847, 'RMSE': 0.6988, 'MAE': 0.5742, 'MASE': 0.7396} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.2261, 'RMSE': 0.5934, 'MAE': 0.5213, 'MASE': 1.1027} +INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'S'} [SSSSS] +INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START +INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None +INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END +INFO:pyaf.std:TREND_DETAIL_START +INFO:pyaf.std:LINEAR_RIDGE_TREND LinearTrend (0.519103, array([-0.262473])) +INFO:pyaf.std:TREND_DETAIL_END +INFO:pyaf.std:CYCLE_MODEL_DETAIL_START +INFO:pyaf.std:SEASONAL_MODEL_VALUES _Ozone_LinearTrend_residue_Seasonal_MonthOfYear -0.000408 {1: -0.214023, 2: -0.196036, 3: -0.118761, 4: -0.037002, 5: -0.019072, 6: 0.096897, 7: 0.168161, 8: 0.186148, 9: 0.134574, 10: 0.109664, 11: -0.056774, 12: -0.186958} +INFO:pyaf.std:CYCLE_MODEL_DETAIL_END +INFO:pyaf.std:AR_MODEL_DETAIL_START +INFO:pyaf.std:AR_MODEL_DETAIL_END +INFO:pyaf.std:COMPETITION_DETAIL_START 'Ozone' +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_NoAR', 'Voting': 0, 'Complexity': 'SSSSS', 'Forecast_MASE_1': 0.7396, 'Forecast_MASE_2': 0.7396, 'Forecast_MASE_3': 0.7396, 'Forecast_MASE_4': 0.7396, 'Forecast_MASE_5': 0.7396, 'Forecast_MASE_6': 0.7396, 'Forecast_MASE_7': 0.7396, 'Forecast_MASE_8': 0.7396, 'Forecast_MASE_9': 0.7396, 'Forecast_MASE_10': 0.7396, 'Forecast_MASE_11': 0.7396, 'Forecast_MASE_12': 0.7396} +INFO:pyaf.std:COMPETITION_DETAIL_END 'Ozone' +INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_ozone_autoreg_LSTM__Ozone_Trend_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_ozone_autoreg_LSTM__Ozone_Cycle_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/my_ozone_autoreg_LSTM__Ozone_AR_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/my_ozone_autoreg_LSTM__Ozone_TransformedForecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_autoreg_LSTM__Ozone_Forecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_autoreg_LSTM__Ozone_prediction_intervals_output.png') +INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_autoreg_LSTM__Ozone_quantiles_output.png') +INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} +INFO:pyaf.std:FORECASTING_ENGINE_END 0.182 { "Ozone": { "Complexity": { - "AR": "L", + "AR": "S", "Cycle": "S", "Decomposition": "S", "Transformation": "S", @@ -644,8 +678,8 @@ Forecasts "Training_Signal_Length": 204 }, "Model": { - "AR_Model": "MLP(51)", - "Best_Decomposition": "_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_MLP(51)", + "AR_Model": "NoAR", + "Best_Decomposition": "_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_NoAR", "Cycle": "Seasonal_MonthOfYear", "Signal_Decomposition_Type": "T+S+R", "Signal_Transoformation": "NoTransf", @@ -653,51 +687,51 @@ Forecasts }, "Model_Performance": { "1": { - "AUC": 0.5799, - "DiffSMAPE": 0.1978, - "ErrorMean": -0.3753, - "ErrorStdDev": 0.586, - "KS": 0.2051, - "KendallTau": 0.6699, + "AUC": 0.595, + "DiffSMAPE": 0.204, + "ErrorMean": -0.419, + "ErrorStdDev": 0.5592, + "KS": 0.2308, + "KendallTau": 0.7381, "Length": 39, - "LnQ": 2.3014, - "MAE": 0.5719, - "MAPE": 0.1828, - "MASE": 0.7366, - "MannWhitneyU": 882.0, - "MedAE": 0.5553, - "Pearson": 0.849, - "R2": 0.5882, - "RMSE": 0.6959, - "RMSSE": 0.7412, - "SMAPE": 0.2018, + "LnQ": 2.5841, + "MAE": 0.5742, + "MAPE": 0.1847, + "MASE": 0.7396, + "MannWhitneyU": 905.0, + "MedAE": 0.5987, + "Pearson": 0.8623, + "R2": 0.5848, + "RMSE": 0.6988, + "RMSSE": 0.7443, + "SMAPE": 0.2082, "Signal": "Ozone_Forecast_1" }, "12": { - "AUC": 0.597, - "DiffSMAPE": 0.2056, - "ErrorMean": -0.4266, - "ErrorStdDev": 0.5589, + "AUC": 0.595, + "DiffSMAPE": 0.204, + "ErrorMean": -0.419, + "ErrorStdDev": 0.5592, "KS": 0.2308, "KendallTau": 0.7381, "Length": 39, - "LnQ": 2.634, - "MAE": 0.5767, - "MAPE": 0.1858, - "MASE": 0.7429, - "MannWhitneyU": 908.0, - "MedAE": 0.6068, - "Pearson": 0.8624, - "R2": 0.5796, - "RMSE": 0.7031, - "RMSSE": 0.7489, - "SMAPE": 0.2098, + "LnQ": 2.5841, + "MAE": 0.5742, + "MAPE": 0.1847, + "MASE": 0.7396, + "MannWhitneyU": 905.0, + "MedAE": 0.5987, + "Pearson": 0.8623, + "R2": 0.5848, + "RMSE": 0.6988, + "RMSSE": 0.7443, + "SMAPE": 0.2082, "Signal": "Ozone_Forecast_12" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 4.904 + "Training_Time": 1.082 } @@ -705,60 +739,57 @@ Forecasts -{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":1.0954849296,"193":1.2894177154,"194":1.8896217005,"195":2.3995903793,"196":2.4396774082,"197":3.3037102295,"198":3.9511484716,"199":3.9862249139,"200":3.2540735536,"201":3.1768570405,"202":1.9899824091,"203":0.9912263339,"204":0.8689011395,"205":0.6920874178,"206":1.6408265718,"207":2.0335277593,"208":2.1668505074,"209":2.7570505754,"210":3.4666813341,"211":3.7138531191,"212":3.3389693383,"213":2.7888548099,"214":1.6872043873,"215":1.0515803252}} +{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":1.0012517534,"193":1.1229649229,"194":1.6906079383,"195":2.2906079383,"196":2.4123211079,"197":3.2688947688,"198":3.7906079383,"199":3.9123211079,"200":3.5123211079,"201":3.3127342148,"202":2.0512517534,"203":1.0621083381,"204":0.8459298458,"205":0.9676430154,"206":1.5348604913,"207":2.1348604913,"208":2.2565736609,"209":3.1131473218,"210":3.6348604913,"211":3.7565736609,"212":3.3565736609,"213":3.1569867678,"214":1.8955043064,"215":0.9063608912}} -INFO:pyaf.std:TRAINING_ENGINE_END 1.912 -INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 -INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 -INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 -INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' -INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_LSTM(51)' [LinearTrend + Seasonal_MonthOfYear + LSTM(51)] -INFO:pyaf.std:TREND_DETAIL '_Ozone_LinearTrend' [LinearTrend] -INFO:pyaf.std:CYCLE_DETAIL '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear' [Seasonal_MonthOfYear] -INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_LSTM(51)' [LSTM(51)] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1749, 'RMSE': 0.9178, 'MAE': 0.6827, 'MASE': 0.7767} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1667, 'RMSE': 0.6469, 'MAE': 0.5334, 'MASE': 0.6871} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2233, 'RMSE': 0.5868, 'MAE': 0.5185, 'MASE': 1.0968} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1761, 'RMSE': 0.9365, 'MAE': 0.6959, 'MASE': 0.7917} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1978, 'RMSE': 0.7466, 'MAE': 0.6066, 'MASE': 0.7814} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.2341, 'RMSE': 0.6011, 'MAE': 0.5319, 'MASE': 1.1251} -INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] -INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START -INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None -INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END -INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:LINEAR_RIDGE_TREND LinearTrend (0.519103, array([-0.262473])) -INFO:pyaf.std:TREND_DETAIL_END -INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:SEASONAL_MODEL_VALUES _Ozone_LinearTrend_residue_Seasonal_MonthOfYear -0.000408 {1: -0.214023, 2: -0.196036, 3: -0.118761, 4: -0.037002, 5: -0.019072, 6: 0.096897, 7: 0.168161, 8: 0.186148, 9: 0.134574, 10: 0.109664, 11: -0.056774, 12: -0.186958} -INFO:pyaf.std:CYCLE_MODEL_DETAIL_END -INFO:pyaf.std:AR_MODEL_DETAIL_START -INFO:pyaf.std:MODEL_TYPE PYTORCH -INFO:pyaf.std:PYTORCH_MODEL_ARCHITECTURE [Sequential( - (0): cLSTMWithOneOutput( - (mLSTM): LSTM(51, 51) - ) - (1): Dropout(p=0.1, inplace=False) - (2): Linear(in_features=51, out_features=1, bias=True) -)] -INFO:pyaf.std:AR_MODEL_DETAIL_END -INFO:pyaf.std:COMPETITION_DETAIL_START 'Ozone' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_LSTM(51)', 'Voting': 0, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6871, 'Forecast_MASE_2': 0.7536, 'Forecast_MASE_3': 0.7778, 'Forecast_MASE_4': 0.782, 'Forecast_MASE_5': 0.7816, 'Forecast_MASE_6': 0.7813, 'Forecast_MASE_7': 0.7813, 'Forecast_MASE_8': 0.7813, 'Forecast_MASE_9': 0.7814, 'Forecast_MASE_10': 0.7814, 'Forecast_MASE_11': 0.7814, 'Forecast_MASE_12': 0.7814} -INFO:pyaf.std:COMPETITION_DETAIL_END 'Ozone' -INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_ozone_autoreg_LSTM__Ozone_Trend_decomp_output.png') -INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_ozone_autoreg_LSTM__Ozone_Cycle_decomp_output.png') -INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/my_ozone_autoreg_LSTM__Ozone_AR_decomp_output.png') -INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/my_ozone_autoreg_LSTM__Ozone_TransformedForecast_decomp_output.png') -INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_autoreg_LSTM__Ozone_Forecast_decomp_output.png') -INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_autoreg_LSTM__Ozone_prediction_intervals_output.png') -INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_autoreg_LSTM__Ozone_quantiles_output.png') -INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.334 +Forecast Columns Index(['Time', 'Ozone', 'Ozone_scaled', '_Ozone', 'row_number', + 'Time_Normalized', '_Ozone_LinearTrend', '_Ozone_LinearTrend_residue', + '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear', + '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue', + '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_NoAR', + '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_NoAR_residue', + 'Ozone_Transformed', '_Ozone_Trend', '_Ozone_Trend_residue', + '_Ozone_Cycle', '_Ozone_Cycle_residue', '_Ozone_AR', + '_Ozone_AR_residue', '_Ozone_TransformedForecast', '_Ozone_Detrended', + '_Ozone_Deseasonalized', 'Ozone_TransformedForecast_inverted', + 'Ozone_Forecast', '_Ozone_TransformedResidue', 'Ozone_Residue', + 'Ozone_Forecast_Lower_Bound', 'Ozone_Forecast_Upper_Bound', + 'Ozone_Forecast_Quantile_2', 'Ozone_Forecast_Quantile_18', + 'Ozone_Forecast_Quantile_34', 'Ozone_Forecast_Quantile_50', + 'Ozone_Forecast_Quantile_66', 'Ozone_Forecast_Quantile_82', + 'Ozone_Forecast_Quantile_98'], + dtype='object') + +RangeIndex: 216 entries, 0 to 215 +Data columns (total 3 columns): + # Column Non-Null Count Dtype +--- ------ -------------- ----- + 0 Time 216 non-null datetime64[ns] + 1 Ozone 204 non-null float64 + 2 Ozone_Forecast 216 non-null float64 +dtypes: datetime64[ns](1), float64(2) +memory usage: 5.2 KB +None +Forecasts + Time Ozone Ozone_Forecast +204 1972-01-01 NaN 0.845930 +205 1972-02-01 NaN 0.967643 +206 1972-03-01 NaN 1.534860 +207 1972-04-01 NaN 2.134860 +208 1972-05-01 NaN 2.256574 +209 1972-06-01 NaN 3.113147 +210 1972-07-01 NaN 3.634860 +211 1972-08-01 NaN 3.756574 +212 1972-09-01 NaN 3.356574 +213 1972-10-01 NaN 3.156987 +214 1972-11-01 NaN 1.895504 +215 1972-12-01 NaN 0.906361 + + + INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 2.619 +INFO:pyaf.std:TRAINING_ENGINE_END 1.254 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -768,12 +799,12 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_LinearTrend_residue_Seasonal_MonthOfYe INFO:pyaf.std:TREND_DETAIL '_Ozone_LinearTrend' [LinearTrend] INFO:pyaf.std:CYCLE_DETAIL '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear' [Seasonal_MonthOfYear] INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_XGB(51)' [XGB] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1213, 'RMSE': 0.5859, 'MAE': 0.4407, 'MASE': 0.5014} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1919, 'RMSE': 0.6571, 'MAE': 0.5636, 'MASE': 0.726} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2409, 'RMSE': 0.6043, 'MAE': 0.5626, 'MASE': 1.1901} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1918, 'RMSE': 0.9001, 'MAE': 0.7087, 'MASE': 0.8064} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1634, 'RMSE': 0.6249, 'MAE': 0.519, 'MASE': 0.6685} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.2145, 'RMSE': 0.6068, 'MAE': 0.5102, 'MASE': 1.0792} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1026, 'RMSE': 0.5546, 'MAE': 0.3938, 'MASE': 0.448} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1736, 'RMSE': 0.6805, 'MAE': 0.5274, 'MASE': 0.6793} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2023, 'RMSE': 0.5108, 'MAE': 0.4534, 'MASE': 0.9591} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1842, 'RMSE': 0.8863, 'MAE': 0.6925, 'MASE': 0.7878} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1804, 'RMSE': 0.6916, 'MAE': 0.565, 'MASE': 0.7278} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.2374, 'RMSE': 0.6244, 'MAE': 0.5439, 'MASE': 1.1506} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None @@ -787,7 +818,7 @@ INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'Ozone' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_XGB(51)', 'Voting': 0, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.726, 'Forecast_MASE_2': 0.7027, 'Forecast_MASE_3': 0.6876, 'Forecast_MASE_4': 0.7012, 'Forecast_MASE_5': 0.7101, 'Forecast_MASE_6': 0.7028, 'Forecast_MASE_7': 0.7016, 'Forecast_MASE_8': 0.6815, 'Forecast_MASE_9': 0.6801, 'Forecast_MASE_10': 0.6929, 'Forecast_MASE_11': 0.6908, 'Forecast_MASE_12': 0.6685} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_XGB(51)', 'Voting': 0, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6793, 'Forecast_MASE_2': 0.7751, 'Forecast_MASE_3': 0.7998, 'Forecast_MASE_4': 0.7662, 'Forecast_MASE_5': 0.7388, 'Forecast_MASE_6': 0.7496, 'Forecast_MASE_7': 0.732, 'Forecast_MASE_8': 0.7129, 'Forecast_MASE_9': 0.7391, 'Forecast_MASE_10': 0.7367, 'Forecast_MASE_11': 0.7497, 'Forecast_MASE_12': 0.7278} INFO:pyaf.std:COMPETITION_DETAIL_END 'Ozone' INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_ozone_autoreg_XGB__Ozone_Trend_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_ozone_autoreg_XGB__Ozone_Cycle_decomp_output.png') @@ -797,56 +828,11 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_autoreg_XGB__Ozone_Fore INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_autoreg_XGB__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_autoreg_XGB__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.292 -Forecast Columns Index(['Time', 'Ozone', 'Ozone_scaled', '_Ozone', 'row_number', - 'Time_Normalized', '_Ozone_LinearTrend', '_Ozone_LinearTrend_residue', - '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear', - '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue', - '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_LSTM(51)', - '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_LSTM(51)_residue', - 'Ozone_Transformed', '_Ozone_Trend', '_Ozone_Trend_residue', - '_Ozone_Cycle', '_Ozone_Cycle_residue', '_Ozone_AR', - '_Ozone_AR_residue', '_Ozone_TransformedForecast', '_Ozone_Detrended', - '_Ozone_Deseasonalized', 'Ozone_TransformedForecast_inverted', - 'Ozone_Forecast', '_Ozone_TransformedResidue', 'Ozone_Residue', - 'Ozone_Forecast_Lower_Bound', 'Ozone_Forecast_Upper_Bound', - 'Ozone_Forecast_Quantile_2', 'Ozone_Forecast_Quantile_18', - 'Ozone_Forecast_Quantile_34', 'Ozone_Forecast_Quantile_50', - 'Ozone_Forecast_Quantile_66', 'Ozone_Forecast_Quantile_82', - 'Ozone_Forecast_Quantile_98'], - dtype='object') - -RangeIndex: 216 entries, 0 to 215 -Data columns (total 3 columns): - # Column Non-Null Count Dtype ---- ------ -------------- ----- - 0 Time 216 non-null datetime64[ns] - 1 Ozone 204 non-null float64 - 2 Ozone_Forecast 216 non-null float64 -dtypes: datetime64[ns](1), float64(2) -memory usage: 5.2 KB -None -Forecasts - Time Ozone Ozone_Forecast -204 1972-01-01 NaN 0.912347 -205 1972-02-01 NaN 0.977044 -206 1972-03-01 NaN 1.540703 -207 1972-04-01 NaN 2.148862 -208 1972-05-01 NaN 2.270721 -209 1972-06-01 NaN 3.149007 -210 1972-07-01 NaN 3.710932 -211 1972-08-01 NaN 3.754884 -212 1972-09-01 NaN 3.303992 -213 1972-10-01 NaN 3.161472 -214 1972-11-01 NaN 1.878984 -215 1972-12-01 NaN 0.878722 - - - +INFO:pyaf.std:FORECASTING_ENGINE_END 0.219 { "Ozone": { "Complexity": { - "AR": "L", + "AR": "S", "Cycle": "S", "Decomposition": "S", "Transformation": "S", @@ -864,8 +850,8 @@ Forecasts "Training_Signal_Length": 204 }, "Model": { - "AR_Model": "LSTM(51)", - "Best_Decomposition": "_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_LSTM(51)", + "AR_Model": "NoAR", + "Best_Decomposition": "_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_NoAR", "Cycle": "Seasonal_MonthOfYear", "Signal_Decomposition_Type": "T+S+R", "Signal_Transoformation": "NoTransf", @@ -873,51 +859,51 @@ Forecasts }, "Model_Performance": { "1": { - "AUC": 0.5746, - "DiffSMAPE": 0.1798, - "ErrorMean": -0.3201, - "ErrorStdDev": 0.5622, - "KS": 0.2051, - "KendallTau": 0.7354, + "AUC": 0.595, + "DiffSMAPE": 0.204, + "ErrorMean": -0.419, + "ErrorStdDev": 0.5592, + "KS": 0.2308, + "KendallTau": 0.7381, "Length": 39, - "LnQ": 2.008, - "MAE": 0.5334, - "MAPE": 0.1667, - "MASE": 0.6871, - "MannWhitneyU": 874.0, - "MedAE": 0.5184, - "Pearson": 0.8606, - "R2": 0.6441, - "RMSE": 0.6469, - "RMSSE": 0.6891, - "SMAPE": 0.1832, + "LnQ": 2.5841, + "MAE": 0.5742, + "MAPE": 0.1847, + "MASE": 0.7396, + "MannWhitneyU": 905.0, + "MedAE": 0.5987, + "Pearson": 0.8623, + "R2": 0.5848, + "RMSE": 0.6988, + "RMSSE": 0.7443, + "SMAPE": 0.2082, "Signal": "Ozone_Forecast_1" }, "12": { - "AUC": 0.6114, - "DiffSMAPE": 0.223, - "ErrorMean": -0.4948, - "ErrorStdDev": 0.5591, - "KS": 0.2564, + "AUC": 0.595, + "DiffSMAPE": 0.204, + "ErrorMean": -0.419, + "ErrorStdDev": 0.5592, + "KS": 0.2308, "KendallTau": 0.7381, "Length": 39, - "LnQ": 3.158, - "MAE": 0.6066, - "MAPE": 0.1978, - "MASE": 0.7814, - "MannWhitneyU": 930.0, - "MedAE": 0.6748, + "LnQ": 2.5841, + "MAE": 0.5742, + "MAPE": 0.1847, + "MASE": 0.7396, + "MannWhitneyU": 905.0, + "MedAE": 0.5987, "Pearson": 0.8623, - "R2": 0.5259, - "RMSE": 0.7466, - "RMSSE": 0.7953, - "SMAPE": 0.2278, + "R2": 0.5848, + "RMSE": 0.6988, + "RMSSE": 0.7443, + "SMAPE": 0.2082, "Signal": "Ozone_Forecast_12" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 1.912 + "Training_Time": 1.103 } @@ -925,7 +911,7 @@ Forecasts -{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":1.1474907621,"193":1.2057604055,"194":1.7449000502,"195":2.4173989899,"196":2.4983056951,"197":3.3822880327,"198":3.9096286583,"199":3.9765184186,"200":3.5910320192,"201":3.4225768626,"202":2.0540107749,"203":1.0325541876,"204":0.9123467055,"205":0.9770435285,"206":1.5407032432,"207":2.1488624248,"208":2.270720734,"209":3.1490072025,"210":3.7109323674,"211":3.754883645,"212":3.3039924526,"213":3.1614722381,"214":1.8789838127,"215":0.8787220195}} +{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":1.0012517534,"193":1.1229649229,"194":1.6906079383,"195":2.2906079383,"196":2.4123211079,"197":3.2688947688,"198":3.7906079383,"199":3.9123211079,"200":3.5123211079,"201":3.3127342148,"202":2.0512517534,"203":1.0621083381,"204":0.8459298458,"205":0.9676430154,"206":1.5348604913,"207":2.1348604913,"208":2.2565736609,"209":3.1131473218,"210":3.6348604913,"211":3.7565736609,"212":3.3565736609,"213":3.1569867678,"214":1.8955043064,"215":0.9063608912}} @@ -959,23 +945,23 @@ memory usage: 5.2 KB None Forecasts Time Ozone Ozone_Forecast -204 1972-01-01 NaN 0.391268 -205 1972-02-01 NaN 0.766133 -206 1972-03-01 NaN 1.909615 -207 1972-04-01 NaN 2.253856 -208 1972-05-01 NaN 2.464892 -209 1972-06-01 NaN 3.134503 -210 1972-07-01 NaN 3.282021 -211 1972-08-01 NaN 3.985098 -212 1972-09-01 NaN 3.585098 -213 1972-10-01 NaN 2.968516 -214 1972-11-01 NaN 1.703601 -215 1972-12-01 NaN 1.157709 +204 1972-01-01 NaN 0.382900 +205 1972-02-01 NaN 0.553144 +206 1972-03-01 NaN 1.144247 +207 1972-04-01 NaN 2.028680 +208 1972-05-01 NaN 2.331801 +209 1972-06-01 NaN 3.084950 +210 1972-07-01 NaN 2.897262 +211 1972-08-01 NaN 3.408916 +212 1972-09-01 NaN 3.347689 +213 1972-10-01 NaN 2.878419 +214 1972-11-01 NaN 1.408276 +215 1972-12-01 NaN 0.657758 INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 1.319 +INFO:pyaf.std:TRAINING_ENGINE_END 1.229 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -1014,7 +1000,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_autoreg_CROSTON__Ozone_ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_autoreg_CROSTON__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_autoreg_CROSTON__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.221 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.202 { "Ozone": { "Complexity": { @@ -1045,51 +1031,51 @@ INFO:pyaf.std:FORECASTING_ENGINE_END 0.221 }, "Model_Performance": { "1": { - "AUC": 0.5115, + "AUC": 0.5746, "DiffSMAPE": 0.1904, - "ErrorMean": -0.099, - "ErrorStdDev": 0.6496, - "KS": 0.1282, - "KendallTau": 0.6508, + "ErrorMean": -0.3506, + "ErrorStdDev": 0.5832, + "KS": 0.1795, + "KendallTau": 0.6972, "Length": 39, - "LnQ": 2.0746, - "MAE": 0.5636, - "MAPE": 0.1919, - "MASE": 0.726, - "MannWhitneyU": 778.0, - "MedAE": 0.4686, - "Pearson": 0.817, - "R2": 0.6328, - "RMSE": 0.6571, - "RMSSE": 0.7, - "SMAPE": 0.194, + "LnQ": 2.4552, + "MAE": 0.5274, + "MAPE": 0.1736, + "MASE": 0.6793, + "MannWhitneyU": 874.0, + "MedAE": 0.4519, + "Pearson": 0.8525, + "R2": 0.6062, + "RMSE": 0.6805, + "RMSSE": 0.7249, + "SMAPE": 0.1945, "Signal": "Ozone_Forecast_1" }, "12": { - "AUC": 0.5628, - "DiffSMAPE": 0.1737, - "ErrorMean": -0.293, - "ErrorStdDev": 0.5519, - "KS": 0.1795, - "KendallTau": 0.7436, + "AUC": 0.593, + "DiffSMAPE": 0.1981, + "ErrorMean": -0.3941, + "ErrorStdDev": 0.5683, + "KS": 0.2051, + "KendallTau": 0.7163, "Length": 39, - "LnQ": 1.823, - "MAE": 0.519, - "MAPE": 0.1634, - "MASE": 0.6685, - "MannWhitneyU": 856.0, - "MedAE": 0.4986, - "Pearson": 0.8644, - "R2": 0.6679, - "RMSE": 0.6249, - "RMSSE": 0.6656, - "SMAPE": 0.177, + "LnQ": 2.4134, + "MAE": 0.565, + "MAPE": 0.1804, + "MASE": 0.7278, + "MannWhitneyU": 902.0, + "MedAE": 0.523, + "Pearson": 0.858, + "R2": 0.5933, + "RMSE": 0.6916, + "RMSSE": 0.7367, + "SMAPE": 0.2021, "Signal": "Ozone_Forecast_12" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 2.619 + "Training_Time": 1.254 } @@ -1097,7 +1083,7 @@ INFO:pyaf.std:FORECASTING_ENGINE_END 0.221 -{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":1.1223546219,"193":1.0941714371,"194":2.2795748258,"195":2.5771436894,"196":2.806418749,"197":4.0458338256,"198":4.2619868384,"199":4.1228624875,"200":3.3265211227,"201":3.1624659554,"202":2.0997514777,"203":0.8605981518,"204":0.391267534,"205":0.7661328291,"206":1.9096153821,"207":2.2538555208,"208":2.4648919223,"209":3.1345025601,"210":3.2820205893,"211":3.9850976734,"212":3.5850976734,"213":2.968516448,"214":1.7036006752,"215":1.1577086304}} +{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":1.1457899622,"193":1.1637224056,"194":2.189480319,"195":2.1938041791,"196":2.6735485685,"197":3.9205818172,"198":3.895385905,"199":3.846761703,"200":3.1468796012,"201":2.8437006271,"202":1.7541784692,"203":0.6476095079,"204":0.3829004109,"205":0.5531441852,"206":1.1442467603,"207":2.0286799809,"208":2.3318007669,"209":3.0849495326,"210":2.8972618971,"211":3.4089158705,"212":3.3476891893,"213":2.8784188819,"214":1.4082757862,"215":0.657757862}} @@ -1147,7 +1133,7 @@ Forecasts INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 2.171 +INFO:pyaf.std:TRAINING_ENGINE_END 1.379 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -1186,7 +1172,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_autoreg_LGB__Ozone_Fore INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_autoreg_LGB__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_autoreg_LGB__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.327 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.204 { "Ozone": { "Complexity": { @@ -1261,7 +1247,7 @@ INFO:pyaf.std:FORECASTING_ENGINE_END 0.327 }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 1.319 + "Training_Time": 1.229 } @@ -1392,7 +1378,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 2.171 + "Training_Time": 1.379 } @@ -1404,3 +1390,4 @@ Forecasts +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/individual_components/test_ozone_all_autoreg.py', 'ElapsedTimeSecs':(42.72, 0.56, 42.09), 'MAX_MEM_KB':247744, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':18144, 'EXIT_STATUS':0} diff --git a/tests/references/individual_components/test_ozone_all_trends.log b/tests/references/individual_components/test_ozone_all_trends.log index b12eb73fe..5d96b7776 100644 --- a/tests/references/individual_components/test_ozone_all_trends.log +++ b/tests/references/individual_components/test_ozone_all_trends.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 7.104 +INFO:pyaf.std:TRAINING_ENGINE_END 0.906 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -38,9 +38,9 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_ConstantTrend_NoCycle__ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_ConstantTrend_NoCycle__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_ConstantTrend_NoCycle__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.492 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.158 INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 4.788 +INFO:pyaf.std:TRAINING_ENGINE_END 1.149 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -79,7 +79,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_ConstantTrend_BestCycle INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_ConstantTrend_BestCycle__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_ConstantTrend_BestCycle__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.294 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.174 Month Ozone Time 0 1955-01 2.7 1955-01-01 1 1955-02 2.0 1955-02-01 @@ -206,7 +206,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 7.104 + "Training_Time": 0.906 } @@ -265,7 +265,7 @@ Forecasts INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 1.777 +INFO:pyaf.std:TRAINING_ENGINE_END 1.159 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -304,7 +304,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_ConstantTrend_Seasonal_ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_ConstantTrend_Seasonal_MonthOfYear__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_ConstantTrend_Seasonal_MonthOfYear__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.298 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.166 { "Ozone": { "Complexity": { @@ -379,7 +379,7 @@ INFO:pyaf.std:FORECASTING_ENGINE_END 0.298 }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 4.788 + "Training_Time": 1.149 } @@ -511,7 +511,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 1.777 + "Training_Time": 1.159 } @@ -520,7 +520,7 @@ Forecasts INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 1.577 +INFO:pyaf.std:TRAINING_ENGINE_END 0.98 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -559,9 +559,9 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_Lag1Trend_NoCycle__Ozon INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_Lag1Trend_NoCycle__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_Lag1Trend_NoCycle__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.209 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.158 INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 1.387 +INFO:pyaf.std:TRAINING_ENGINE_END 1.187 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -600,7 +600,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_Lag1Trend_BestCycle__Oz INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_Lag1Trend_BestCycle__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_Lag1Trend_BestCycle__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.318 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.169 {"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":2.2,"193":2.5,"194":2.7,"195":4.0,"196":3.9,"197":4.6,"198":5.5,"199":5.1,"200":5.1,"201":4.9,"202":3.15,"203":2.55,"204":2.2,"205":2.5,"206":2.7,"207":4.0,"208":3.9,"209":4.6,"210":5.5,"211":5.1,"212":5.1,"213":4.9,"214":3.15,"215":2.55}} @@ -724,7 +724,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 1.577 + "Training_Time": 0.98 } @@ -754,7 +754,7 @@ Forecast Columns Index(['Time', 'Ozone', 'Ozone_scaled', '_Ozone', 'row_number' 'Ozone_Forecast_Quantile_98'], dtype='object') INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 2.371 +INFO:pyaf.std:TRAINING_ENGINE_END 1.164 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -793,7 +793,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_Lag1Trend_Seasonal_Mont INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_Lag1Trend_Seasonal_MonthOfYear__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_Lag1Trend_Seasonal_MonthOfYear__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.212 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.17 RangeIndex: 216 entries, 0 to 215 Data columns (total 3 columns): @@ -896,7 +896,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 1.387 + "Training_Time": 1.187 } @@ -954,7 +954,7 @@ Forecasts INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 1.277 +INFO:pyaf.std:TRAINING_ENGINE_END 0.997 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -993,7 +993,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_LinearTrend_NoCycle__Oz INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_LinearTrend_NoCycle__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_LinearTrend_NoCycle__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.281 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.166 { "Ozone": { "Complexity": { @@ -1068,7 +1068,7 @@ INFO:pyaf.std:FORECASTING_ENGINE_END 0.281 }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 2.371 + "Training_Time": 1.164 } @@ -1199,7 +1199,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 1.277 + "Training_Time": 0.997 } @@ -1208,7 +1208,7 @@ Forecasts INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 1.488 +INFO:pyaf.std:TRAINING_ENGINE_END 1.254 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -1247,9 +1247,9 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_LinearTrend_BestCycle__ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_LinearTrend_BestCycle__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_LinearTrend_BestCycle__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.384 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.172 INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 1.901 +INFO:pyaf.std:TRAINING_ENGINE_END 1.068 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -1288,7 +1288,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_LinearTrend_Seasonal_Mo INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_LinearTrend_Seasonal_MonthOfYear__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_LinearTrend_Seasonal_MonthOfYear__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.279 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.177 {"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":2.6064230397,"193":2.5932313161,"194":2.5813162109,"195":2.5681244872,"196":2.555358303,"197":2.5421665794,"198":2.5294003952,"199":2.5162086715,"200":2.5030169479,"201":2.4902507637,"202":2.4770590401,"203":2.4642928559,"204":2.4511011322,"205":2.4379094086,"206":2.4255687639,"207":2.4123770402,"208":2.399610856,"209":2.3864191324,"210":2.3736529482,"211":2.3604612245,"212":2.3472695009,"213":2.3345033167,"214":2.3213115931,"215":2.3085454089}} @@ -1412,7 +1412,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 1.488 + "Training_Time": 1.254 } @@ -1425,7 +1425,7 @@ Forecasts Forecast Columns INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 1.475 +INFO:pyaf.std:TRAINING_ENGINE_END 1.058 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -1464,7 +1464,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_PolyTrend_NoCycle__Ozon INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_PolyTrend_NoCycle__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_PolyTrend_NoCycle__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.457 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.17 Index(['Time', 'Ozone', 'Ozone_scaled', '_Ozone', 'row_number', 'Time_Normalized', '_Ozone_LinearTrend', '_Ozone_LinearTrend_residue', '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear', @@ -1584,7 +1584,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 1.901 + "Training_Time": 1.068 } @@ -1643,7 +1643,7 @@ Forecasts INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 2.798 +INFO:pyaf.std:TRAINING_ENGINE_END 1.045 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -1682,7 +1682,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_PolyTrend_BestCycle__Oz INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_PolyTrend_BestCycle__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_PolyTrend_BestCycle__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.392 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.179 { "Ozone": { "Complexity": { @@ -1757,7 +1757,7 @@ INFO:pyaf.std:FORECASTING_ENGINE_END 0.392 }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 1.475 + "Training_Time": 1.058 } @@ -1816,7 +1816,7 @@ Forecasts INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 2.605 +INFO:pyaf.std:TRAINING_ENGINE_END 1.168 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -1855,7 +1855,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_PolyTrend_Seasonal_Mont INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_PolyTrend_Seasonal_MonthOfYear__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_PolyTrend_Seasonal_MonthOfYear__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.59 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.196 { "Ozone": { "Complexity": { @@ -1930,7 +1930,7 @@ INFO:pyaf.std:FORECASTING_ENGINE_END 0.59 }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 2.798 + "Training_Time": 1.045 } @@ -1989,7 +1989,7 @@ Forecasts INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 2.39 +INFO:pyaf.std:TRAINING_ENGINE_END 1.297 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -1999,10 +1999,10 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_MovingAverage(12)_residue_zeroCycle[0. INFO:pyaf.std:TREND_DETAIL '_Ozone_MovingAverage(12)' [MovingAverage(12)] INFO:pyaf.std:CYCLE_DETAIL '_Ozone_MovingAverage(12)_residue_zeroCycle[0.0]' [NoCycle] INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_MovingAverage(12)_residue_zeroCycle[0.0]_residue_NoAR' [NoAR] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.3462, 'RMSE': 1.3822, 'MAE': 1.1266, 'MASE': 1.2818} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.3443, 'RMSE': 1.4171, 'MAE': 1.1499, 'MASE': 1.3083} INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.3364, 'RMSE': 1.0746, 'MAE': 0.8517, 'MASE': 1.0971} INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.3246, 'RMSE': 0.7503, 'MAE': 0.6306, 'MASE': 1.3339} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.4925, 'RMSE': 1.7453, 'MAE': 1.4271, 'MASE': 1.6237} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.4331, 'RMSE': 1.6821, 'MAE': 1.3565, 'MASE': 1.5433} INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.3864, 'RMSE': 1.1296, 'MAE': 0.924, 'MASE': 1.1902} INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.6226, 'RMSE': 1.3621, 'MAE': 1.1521, 'MASE': 2.4371} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'M', 'Cycle': 'S', 'AR': 'S'} [MSSSS] @@ -2028,7 +2028,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_MovingAverage_NoCycle__ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_MovingAverage_NoCycle__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_MovingAverage_NoCycle__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.408 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.166 { "Ozone": { "Complexity": { @@ -2103,7 +2103,7 @@ INFO:pyaf.std:FORECASTING_ENGINE_END 0.408 }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 2.605 + "Training_Time": 1.168 } @@ -2162,7 +2162,7 @@ Forecasts INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 3.617 +INFO:pyaf.std:TRAINING_ENGINE_END 1.551 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -2172,10 +2172,10 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_MovingAverage(6)_residue_Cycle_12_resi INFO:pyaf.std:TREND_DETAIL '_Ozone_MovingAverage(6)' [MovingAverage(6)] INFO:pyaf.std:CYCLE_DETAIL '_Ozone_MovingAverage(6)_residue_Cycle_12' [Cycle_12] INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_MovingAverage(6)_residue_Cycle_12_residue_NoAR' [NoAR] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1758, 'RMSE': 0.8556, 'MAE': 0.6352, 'MASE': 0.7227} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.176, 'RMSE': 0.8585, 'MAE': 0.6379, 'MASE': 0.7258} INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1645, 'RMSE': 0.6404, 'MAE': 0.5158, 'MASE': 0.6644} INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2155, 'RMSE': 0.609, 'MAE': 0.5035, 'MASE': 1.065} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.2648, 'RMSE': 1.4043, 'MAE': 1.0855, 'MASE': 1.235} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.2144, 'RMSE': 1.0572, 'MAE': 0.8383, 'MASE': 0.9537} INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1782, 'RMSE': 0.6881, 'MAE': 0.565, 'MASE': 0.7278} INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.2403, 'RMSE': 0.644, 'MAE': 0.554, 'MASE': 1.1719} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'M', 'Cycle': 'S', 'AR': 'S'} [MSSSS] @@ -2191,7 +2191,7 @@ INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'Ozone' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_MovingAverage(6)_residue_Cycle_12_residue_NoAR', 'Voting': 12.4167, 'Complexity': 'MSSSS', 'Forecast_MASE_1': 0.6644, 'Forecast_MASE_2': 0.6693, 'Forecast_MASE_3': 0.637, 'Forecast_MASE_4': 0.6104, 'Forecast_MASE_5': 0.6059, 'Forecast_MASE_6': 0.6117, 'Forecast_MASE_7': 0.6079, 'Forecast_MASE_8': 0.616, 'Forecast_MASE_9': 0.6313, 'Forecast_MASE_10': 0.6667, 'Forecast_MASE_11': 0.6937, 'Forecast_MASE_12': 0.7278} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_MovingAverage(6)_residue_Cycle_12_residue_NoAR', 'Voting': 12.1667, 'Complexity': 'MSSSS', 'Forecast_MASE_1': 0.6644, 'Forecast_MASE_2': 0.6693, 'Forecast_MASE_3': 0.637, 'Forecast_MASE_4': 0.6104, 'Forecast_MASE_5': 0.6059, 'Forecast_MASE_6': 0.6117, 'Forecast_MASE_7': 0.6079, 'Forecast_MASE_8': 0.616, 'Forecast_MASE_9': 0.6313, 'Forecast_MASE_10': 0.6667, 'Forecast_MASE_11': 0.6937, 'Forecast_MASE_12': 0.7278} INFO:pyaf.std:COMPETITION_DETAIL_END 'Ozone' INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_ozone_MovingAverage_BestCycle__Ozone_Trend_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_ozone_MovingAverage_BestCycle__Ozone_Cycle_decomp_output.png') @@ -2201,7 +2201,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_MovingAverage_BestCycle INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_MovingAverage_BestCycle__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_MovingAverage_BestCycle__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.601 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.187 { "Ozone": { "Complexity": { @@ -2276,7 +2276,7 @@ INFO:pyaf.std:FORECASTING_ENGINE_END 0.601 }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 2.39 + "Training_Time": 1.297 } @@ -2335,7 +2335,7 @@ Forecasts INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 4.097 +INFO:pyaf.std:TRAINING_ENGINE_END 1.437 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -2345,10 +2345,10 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_MovingAverage(6)_residue_Seasonal_Mont INFO:pyaf.std:TREND_DETAIL '_Ozone_MovingAverage(6)' [MovingAverage(6)] INFO:pyaf.std:CYCLE_DETAIL '_Ozone_MovingAverage(6)_residue_Seasonal_MonthOfYear' [Seasonal_MonthOfYear] INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_MovingAverage(6)_residue_Seasonal_MonthOfYear_residue_NoAR' [NoAR] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1758, 'RMSE': 0.8556, 'MAE': 0.6352, 'MASE': 0.7227} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.176, 'RMSE': 0.8585, 'MAE': 0.6379, 'MASE': 0.7258} INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1645, 'RMSE': 0.6404, 'MAE': 0.5158, 'MASE': 0.6644} INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2155, 'RMSE': 0.609, 'MAE': 0.5035, 'MASE': 1.065} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.2648, 'RMSE': 1.4043, 'MAE': 1.0855, 'MASE': 1.235} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.2144, 'RMSE': 1.0572, 'MAE': 0.8383, 'MASE': 0.9537} INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1782, 'RMSE': 0.6881, 'MAE': 0.565, 'MASE': 0.7278} INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.2403, 'RMSE': 0.644, 'MAE': 0.554, 'MASE': 1.1719} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'M', 'Cycle': 'S', 'AR': 'S'} [MSSSS] @@ -2364,7 +2364,7 @@ INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'Ozone' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_MovingAverage(6)_residue_Seasonal_MonthOfYear_residue_NoAR', 'Voting': 12.4167, 'Complexity': 'MSSSS', 'Forecast_MASE_1': 0.6644, 'Forecast_MASE_2': 0.6693, 'Forecast_MASE_3': 0.637, 'Forecast_MASE_4': 0.6104, 'Forecast_MASE_5': 0.6059, 'Forecast_MASE_6': 0.6117, 'Forecast_MASE_7': 0.6079, 'Forecast_MASE_8': 0.616, 'Forecast_MASE_9': 0.6313, 'Forecast_MASE_10': 0.6667, 'Forecast_MASE_11': 0.6937, 'Forecast_MASE_12': 0.7278} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_MovingAverage(6)_residue_Seasonal_MonthOfYear_residue_NoAR', 'Voting': 12.1667, 'Complexity': 'MSSSS', 'Forecast_MASE_1': 0.6644, 'Forecast_MASE_2': 0.6693, 'Forecast_MASE_3': 0.637, 'Forecast_MASE_4': 0.6104, 'Forecast_MASE_5': 0.6059, 'Forecast_MASE_6': 0.6117, 'Forecast_MASE_7': 0.6079, 'Forecast_MASE_8': 0.616, 'Forecast_MASE_9': 0.6313, 'Forecast_MASE_10': 0.6667, 'Forecast_MASE_11': 0.6937, 'Forecast_MASE_12': 0.7278} INFO:pyaf.std:COMPETITION_DETAIL_END 'Ozone' INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_ozone_MovingAverage_Seasonal_MonthOfYear__Ozone_Trend_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_ozone_MovingAverage_Seasonal_MonthOfYear__Ozone_Cycle_decomp_output.png') @@ -2374,7 +2374,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_MovingAverage_Seasonal_ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_MovingAverage_Seasonal_MonthOfYear__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_MovingAverage_Seasonal_MonthOfYear__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.514 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.179 { "Ozone": { "Complexity": { @@ -2449,7 +2449,7 @@ INFO:pyaf.std:FORECASTING_ENGINE_END 0.514 }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 3.617 + "Training_Time": 1.551 } @@ -2508,7 +2508,7 @@ Forecasts INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 3.715 +INFO:pyaf.std:TRAINING_ENGINE_END 1.431 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -2518,10 +2518,10 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_MovingMedian(12)_residue_zeroCycle[0.0 INFO:pyaf.std:TREND_DETAIL '_Ozone_MovingMedian(12)' [MovingMedian(12)] INFO:pyaf.std:CYCLE_DETAIL '_Ozone_MovingMedian(12)_residue_zeroCycle[0.0]' [NoCycle] INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_MovingMedian(12)_residue_zeroCycle[0.0]_residue_NoAR' [NoAR] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.3517, 'RMSE': 1.3939, 'MAE': 1.1405, 'MASE': 1.2976} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.3485, 'RMSE': 1.4271, 'MAE': 1.1638, 'MASE': 1.3241} INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.339, 'RMSE': 1.0774, 'MAE': 0.8654, 'MASE': 1.1147} INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.3329, 'RMSE': 0.7773, 'MAE': 0.6667, 'MASE': 1.4103} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.5215, 'RMSE': 1.8214, 'MAE': 1.5118, 'MASE': 1.72} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.443, 'RMSE': 1.7182, 'MAE': 1.3911, 'MASE': 1.5827} INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.3458, 'RMSE': 1.0854, 'MAE': 0.8646, 'MASE': 1.1137} INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.6877, 'RMSE': 1.4844, 'MAE': 1.308, 'MASE': 2.767} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'L', 'Cycle': 'S', 'AR': 'S'} [LSSSS] @@ -2547,7 +2547,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_MovingMedian_NoCycle__O INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_MovingMedian_NoCycle__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_MovingMedian_NoCycle__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.407 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.168 { "Ozone": { "Complexity": { @@ -2622,7 +2622,7 @@ INFO:pyaf.std:FORECASTING_ENGINE_END 0.407 }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 4.097 + "Training_Time": 1.437 } @@ -2681,7 +2681,7 @@ Forecasts INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 3.508 +INFO:pyaf.std:TRAINING_ENGINE_END 1.735 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -2691,12 +2691,12 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_MovingMedian(3)_residue_Cycle_12_resid INFO:pyaf.std:TREND_DETAIL '_Ozone_MovingMedian(3)' [MovingMedian(3)] INFO:pyaf.std:CYCLE_DETAIL '_Ozone_MovingMedian(3)_residue_Cycle_12' [Cycle_12] INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_MovingMedian(3)_residue_Cycle_12_residue_NoAR' [NoAR] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.2129, 'RMSE': 1.0317, 'MAE': 0.785, 'MASE': 0.8931} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1568, 'RMSE': 0.6183, 'MAE': 0.4872, 'MASE': 0.6276} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2807, 'RMSE': 0.6824, 'MAE': 0.5792, 'MASE': 1.2252} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.2648, 'RMSE': 1.3236, 'MAE': 0.9797, 'MASE': 1.1147} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.2382, 'RMSE': 0.8608, 'MAE': 0.7013, 'MASE': 0.9033} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.3984, 'RMSE': 0.972, 'MAE': 0.8875, 'MASE': 1.8774} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.2161, 'RMSE': 1.0416, 'MAE': 0.7936, 'MASE': 0.9029} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1612, 'RMSE': 0.6218, 'MAE': 0.4949, 'MASE': 0.6375} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2778, 'RMSE': 0.6915, 'MAE': 0.5708, 'MASE': 1.2075} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.2268, 'RMSE': 1.0309, 'MAE': 0.7989, 'MASE': 0.9089} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.2226, 'RMSE': 0.7978, 'MAE': 0.6513, 'MASE': 0.8389} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.3324, 'RMSE': 0.8383, 'MAE': 0.7625, 'MASE': 1.613} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'L', 'Cycle': 'S', 'AR': 'S'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None @@ -2705,12 +2705,12 @@ INFO:pyaf.std:TREND_DETAIL_START INFO:pyaf.std:MOVING_MEDIAN_TREND MovingMedian(3) 3 INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _Ozone_MovingMedian(3)_residue_Cycle_12 12 0.026667 {0: -0.16, 1: -0.013333, 2: 0.106667, 3: 0.146667, 4: 0.12, 5: 0.146667, 6: 0.16, 7: 0.04, 8: 0.013333, 9: -0.06, 10: -0.286667, 11: -0.246667} +INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _Ozone_MovingMedian(3)_residue_Cycle_12 12 0.026667 {0: -0.173333, 1: -0.013333, 2: 0.08, 3: 0.146667, 4: 0.12, 5: 0.146667, 6: 0.16, 7: 0.04, 8: 0.013333, 9: -0.06, 10: -0.286667, 11: -0.246667} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'Ozone' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_MovingMedian(3)_residue_Cycle_12_residue_NoAR', 'Voting': 11.25, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6276, 'Forecast_MASE_2': 0.7365, 'Forecast_MASE_3': 0.8092, 'Forecast_MASE_4': 0.6936, 'Forecast_MASE_5': 0.7332, 'Forecast_MASE_6': 0.6639, 'Forecast_MASE_7': 0.5764, 'Forecast_MASE_8': 0.6044, 'Forecast_MASE_9': 0.7432, 'Forecast_MASE_10': 0.8274, 'Forecast_MASE_11': 0.8703, 'Forecast_MASE_12': 0.9033} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_MovingMedian(3)_residue_Cycle_12_residue_NoAR', 'Voting': 10.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6375, 'Forecast_MASE_2': 0.7597, 'Forecast_MASE_3': 0.8455, 'Forecast_MASE_4': 0.7134, 'Forecast_MASE_5': 0.7531, 'Forecast_MASE_6': 0.6721, 'Forecast_MASE_7': 0.5764, 'Forecast_MASE_8': 0.5813, 'Forecast_MASE_9': 0.6787, 'Forecast_MASE_10': 0.7663, 'Forecast_MASE_11': 0.7993, 'Forecast_MASE_12': 0.8389} INFO:pyaf.std:COMPETITION_DETAIL_END 'Ozone' INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_ozone_MovingMedian_BestCycle__Ozone_Trend_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_ozone_MovingMedian_BestCycle__Ozone_Cycle_decomp_output.png') @@ -2720,7 +2720,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_MovingMedian_BestCycle_ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_MovingMedian_BestCycle__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_MovingMedian_BestCycle__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.373 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.169 { "Ozone": { "Complexity": { @@ -2795,7 +2795,7 @@ INFO:pyaf.std:FORECASTING_ENGINE_END 0.373 }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 3.715 + "Training_Time": 1.431 } @@ -2838,13 +2838,13 @@ memory usage: 5.2 KB None Forecasts Time Ozone Ozone_Forecast -204 1972-01-01 NaN 0.40 +204 1972-01-01 NaN 0.30 205 1972-02-01 NaN 1.10 -206 1972-03-01 NaN 1.90 +206 1972-03-01 NaN 1.70 207 1972-04-01 NaN 2.20 -208 1972-05-01 NaN 2.80 +208 1972-05-01 NaN 2.60 209 1972-06-01 NaN 3.30 -210 1972-07-01 NaN 4.00 +210 1972-07-01 NaN 3.80 211 1972-08-01 NaN 3.60 212 1972-09-01 NaN 3.70 213 1972-10-01 NaN 3.25 @@ -2854,7 +2854,7 @@ Forecasts INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 2.384 +INFO:pyaf.std:TRAINING_ENGINE_END 1.476 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -2864,12 +2864,12 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_MovingMedian(3)_residue_Seasonal_Month INFO:pyaf.std:TREND_DETAIL '_Ozone_MovingMedian(3)' [MovingMedian(3)] INFO:pyaf.std:CYCLE_DETAIL '_Ozone_MovingMedian(3)_residue_Seasonal_MonthOfYear' [Seasonal_MonthOfYear] INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_MovingMedian(3)_residue_Seasonal_MonthOfYear_residue_NoAR' [NoAR] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.2129, 'RMSE': 1.0317, 'MAE': 0.785, 'MASE': 0.8931} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1568, 'RMSE': 0.6183, 'MAE': 0.4872, 'MASE': 0.6276} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2807, 'RMSE': 0.6824, 'MAE': 0.5792, 'MASE': 1.2252} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.2648, 'RMSE': 1.3236, 'MAE': 0.9797, 'MASE': 1.1147} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.2382, 'RMSE': 0.8608, 'MAE': 0.7013, 'MASE': 0.9033} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.3984, 'RMSE': 0.972, 'MAE': 0.8875, 'MASE': 1.8774} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.2161, 'RMSE': 1.0416, 'MAE': 0.7936, 'MASE': 0.9029} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1612, 'RMSE': 0.6218, 'MAE': 0.4949, 'MASE': 0.6375} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2778, 'RMSE': 0.6915, 'MAE': 0.5708, 'MASE': 1.2075} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.2268, 'RMSE': 1.0309, 'MAE': 0.7989, 'MASE': 0.9089} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.2226, 'RMSE': 0.7978, 'MAE': 0.6513, 'MASE': 0.8389} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.3324, 'RMSE': 0.8383, 'MAE': 0.7625, 'MASE': 1.613} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'L', 'Cycle': 'S', 'AR': 'S'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None @@ -2878,12 +2878,12 @@ INFO:pyaf.std:TREND_DETAIL_START INFO:pyaf.std:MOVING_MEDIAN_TREND MovingMedian(3) 3 INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:SEASONAL_MODEL_VALUES _Ozone_MovingMedian(3)_residue_Seasonal_MonthOfYear 0.026667 {1: -0.16, 2: -0.013333, 3: 0.106667, 4: 0.146667, 5: 0.12, 6: 0.146667, 7: 0.16, 8: 0.04, 9: 0.013333, 10: -0.06, 11: -0.286667, 12: -0.246667} +INFO:pyaf.std:SEASONAL_MODEL_VALUES _Ozone_MovingMedian(3)_residue_Seasonal_MonthOfYear 0.026667 {1: -0.173333, 2: -0.013333, 3: 0.08, 4: 0.146667, 5: 0.12, 6: 0.146667, 7: 0.16, 8: 0.04, 9: 0.013333, 10: -0.06, 11: -0.286667, 12: -0.246667} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'Ozone' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_MovingMedian(3)_residue_Seasonal_MonthOfYear_residue_NoAR', 'Voting': 11.25, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6276, 'Forecast_MASE_2': 0.7365, 'Forecast_MASE_3': 0.8092, 'Forecast_MASE_4': 0.6936, 'Forecast_MASE_5': 0.7332, 'Forecast_MASE_6': 0.6639, 'Forecast_MASE_7': 0.5764, 'Forecast_MASE_8': 0.6044, 'Forecast_MASE_9': 0.7432, 'Forecast_MASE_10': 0.8274, 'Forecast_MASE_11': 0.8703, 'Forecast_MASE_12': 0.9033} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_MovingMedian(3)_residue_Seasonal_MonthOfYear_residue_NoAR', 'Voting': 10.5, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6375, 'Forecast_MASE_2': 0.7597, 'Forecast_MASE_3': 0.8455, 'Forecast_MASE_4': 0.7134, 'Forecast_MASE_5': 0.7531, 'Forecast_MASE_6': 0.6721, 'Forecast_MASE_7': 0.5764, 'Forecast_MASE_8': 0.5813, 'Forecast_MASE_9': 0.6787, 'Forecast_MASE_10': 0.7663, 'Forecast_MASE_11': 0.7993, 'Forecast_MASE_12': 0.8389} INFO:pyaf.std:COMPETITION_DETAIL_END 'Ozone' INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_ozone_MovingMedian_Seasonal_MonthOfYear__Ozone_Trend_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_ozone_MovingMedian_Seasonal_MonthOfYear__Ozone_Cycle_decomp_output.png') @@ -2893,7 +2893,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_MovingMedian_Seasonal_M INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_MovingMedian_Seasonal_MonthOfYear__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_MovingMedian_Seasonal_MonthOfYear__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.497 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.179 { "Ozone": { "Complexity": { @@ -2924,51 +2924,51 @@ INFO:pyaf.std:FORECASTING_ENGINE_END 0.497 }, "Model_Performance": { "1": { - "AUC": 0.4875, - "DiffSMAPE": 0.1545, - "ErrorMean": -0.0256, - "ErrorStdDev": 0.6178, + "AUC": 0.4938, + "DiffSMAPE": 0.1598, + "ErrorMean": -0.0487, + "ErrorStdDev": 0.6199, "KS": 0.1538, - "KendallTau": 0.6758, + "KendallTau": 0.6767, "Length": 39, - "LnQ": 1.5829, - "MAE": 0.4872, - "MAPE": 0.1568, - "MASE": 0.6276, - "MannWhitneyU": 741.5, + "LnQ": 1.656, + "MAE": 0.4949, + "MAPE": 0.1612, + "MASE": 0.6375, + "MannWhitneyU": 751.0, "MedAE": 0.4, - "Pearson": 0.8403, - "R2": 0.6749, - "RMSE": 0.6183, - "RMSSE": 0.6586, - "SMAPE": 0.1574, + "Pearson": 0.8419, + "R2": 0.6712, + "RMSE": 0.6218, + "RMSSE": 0.6624, + "SMAPE": 0.1629, "Signal": "Ozone_Forecast_1" }, "12": { - "AUC": 0.3909, - "DiffSMAPE": 0.2027, - "ErrorMean": 0.4885, - "ErrorStdDev": 0.7088, - "KS": 0.2821, - "KendallTau": 0.6863, + "AUC": 0.4181, + "DiffSMAPE": 0.1988, + "ErrorMean": 0.3513, + "ErrorStdDev": 0.7163, + "KS": 0.2564, + "KendallTau": 0.7046, "Length": 39, - "LnQ": 2.5712, - "MAE": 0.7013, - "MAPE": 0.2382, - "MASE": 0.9033, - "MannWhitneyU": 594.5, - "MedAE": 0.8, - "Pearson": 0.8224, - "R2": 0.3698, - "RMSE": 0.8608, - "RMSSE": 0.9169, - "SMAPE": 0.2061, + "LnQ": 2.5332, + "MAE": 0.6513, + "MAPE": 0.2226, + "MASE": 0.8389, + "MannWhitneyU": 636.0, + "MedAE": 0.7, + "Pearson": 0.823, + "R2": 0.4586, + "RMSE": 0.7978, + "RMSSE": 0.8499, + "SMAPE": 0.2024, "Signal": "Ozone_Forecast_12" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 3.508 + "Training_Time": 1.735 } @@ -2976,7 +2976,7 @@ INFO:pyaf.std:FORECASTING_ENGINE_END 0.497 -{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":0.5,"193":1.6,"194":2.6,"195":3.1,"196":3.1,"197":3.5,"198":4.2,"199":3.8,"200":3.6,"201":2.85,"202":0.55,"203":0.65,"204":0.4,"205":1.1,"206":1.9,"207":2.2,"208":2.8,"209":3.3,"210":4.0,"211":3.6,"212":3.7,"213":3.25,"214":1.45,"215":1.4}} +{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":0.4,"193":1.6,"194":2.4,"195":3.1,"196":3.1,"197":3.5,"198":4.2,"199":3.8,"200":3.6,"201":2.85,"202":0.55,"203":0.65,"204":0.3,"205":1.1,"206":1.7,"207":2.2,"208":2.6,"209":3.3,"210":3.8,"211":3.6,"212":3.7,"213":3.25,"214":1.45,"215":1.4}} @@ -3011,13 +3011,13 @@ memory usage: 5.2 KB None Forecasts Time Ozone Ozone_Forecast -204 1972-01-01 NaN 0.40 +204 1972-01-01 NaN 0.30 205 1972-02-01 NaN 1.10 -206 1972-03-01 NaN 1.90 +206 1972-03-01 NaN 1.70 207 1972-04-01 NaN 2.20 -208 1972-05-01 NaN 2.80 +208 1972-05-01 NaN 2.60 209 1972-06-01 NaN 3.30 -210 1972-07-01 NaN 4.00 +210 1972-07-01 NaN 3.80 211 1972-08-01 NaN 3.60 212 1972-09-01 NaN 3.70 213 1972-10-01 NaN 3.25 @@ -3056,51 +3056,51 @@ Forecasts }, "Model_Performance": { "1": { - "AUC": 0.4875, - "DiffSMAPE": 0.1545, - "ErrorMean": -0.0256, - "ErrorStdDev": 0.6178, + "AUC": 0.4938, + "DiffSMAPE": 0.1598, + "ErrorMean": -0.0487, + "ErrorStdDev": 0.6199, "KS": 0.1538, - "KendallTau": 0.6758, + "KendallTau": 0.6767, "Length": 39, - "LnQ": 1.5829, - "MAE": 0.4872, - "MAPE": 0.1568, - "MASE": 0.6276, - "MannWhitneyU": 741.5, + "LnQ": 1.656, + "MAE": 0.4949, + "MAPE": 0.1612, + "MASE": 0.6375, + "MannWhitneyU": 751.0, "MedAE": 0.4, - "Pearson": 0.8403, - "R2": 0.6749, - "RMSE": 0.6183, - "RMSSE": 0.6586, - "SMAPE": 0.1574, + "Pearson": 0.8419, + "R2": 0.6712, + "RMSE": 0.6218, + "RMSSE": 0.6624, + "SMAPE": 0.1629, "Signal": "Ozone_Forecast_1" }, "12": { - "AUC": 0.3909, - "DiffSMAPE": 0.2027, - "ErrorMean": 0.4885, - "ErrorStdDev": 0.7088, - "KS": 0.2821, - "KendallTau": 0.6863, + "AUC": 0.4181, + "DiffSMAPE": 0.1988, + "ErrorMean": 0.3513, + "ErrorStdDev": 0.7163, + "KS": 0.2564, + "KendallTau": 0.7046, "Length": 39, - "LnQ": 2.5712, - "MAE": 0.7013, - "MAPE": 0.2382, - "MASE": 0.9033, - "MannWhitneyU": 594.5, - "MedAE": 0.8, - "Pearson": 0.8224, - "R2": 0.3698, - "RMSE": 0.8608, - "RMSSE": 0.9169, - "SMAPE": 0.2061, + "LnQ": 2.5332, + "MAE": 0.6513, + "MAPE": 0.2226, + "MASE": 0.8389, + "MannWhitneyU": 636.0, + "MedAE": 0.7, + "Pearson": 0.823, + "R2": 0.4586, + "RMSE": 0.7978, + "RMSSE": 0.8499, + "SMAPE": 0.2024, "Signal": "Ozone_Forecast_12" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 2.384 + "Training_Time": 1.476 } @@ -3108,7 +3108,8 @@ Forecasts -{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":0.5,"193":1.6,"194":2.6,"195":3.1,"196":3.1,"197":3.5,"198":4.2,"199":3.8,"200":3.6,"201":2.85,"202":0.55,"203":0.65,"204":0.4,"205":1.1,"206":1.9,"207":2.2,"208":2.8,"209":3.3,"210":4.0,"211":3.6,"212":3.7,"213":3.25,"214":1.45,"215":1.4}} +{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":0.4,"193":1.6,"194":2.4,"195":3.1,"196":3.1,"197":3.5,"198":4.2,"199":3.8,"200":3.6,"201":2.85,"202":0.55,"203":0.65,"204":0.3,"205":1.1,"206":1.7,"207":2.2,"208":2.6,"209":3.3,"210":3.8,"211":3.6,"212":3.7,"213":3.25,"214":1.45,"215":1.4}} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/individual_components/test_ozone_all_trends.py', 'ElapsedTimeSecs':(91.84, 0.93, 90.84), 'MAX_MEM_KB':233164, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':38232, 'EXIT_STATUS':0} diff --git a/tests/references/model_control/test_ozone_all_models_enabled.log b/tests/references/model_control/test_ozone_all_models_enabled.log index ac0c5022a..538d22bd1 100644 --- a/tests/references/model_control/test_ozone_all_models_enabled.log +++ b/tests/references/model_control/test_ozone_all_models_enabled.log @@ -5,3 +5,181 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 2 1955-03 3.6 1955-03-01 3 1955-04 5.0 1955-04-01 4 1955-05 6.5 1955-05-01 +DEBUG:pyaf.detailed:DETAIL_MESSAGE('KEPT_DISCARDED_MODELS', 3240, 507, 2733) +INFO:pyaf.std:TRAINING_ENGINE_END 112.863 +INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 +INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 +INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='Box_Cox_-1.0_Ozone' Min=-6.25 Max=-0.0 Mean=-1.682882 StdDev=1.197321 +INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' +INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE 'Box_Cox_-1.0_' +INFO:pyaf.std:BEST_DECOMPOSITION 'Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR' [MovingMedian(6) + Cycle_12 + NoAR] +INFO:pyaf.std:TREND_DETAIL 'Box_Cox_-1.0_Ozone_MovingMedian(6)' [MovingMedian(6)] +INFO:pyaf.std:CYCLE_DETAIL 'Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Cycle_12' [Cycle_12] +INFO:pyaf.std:AUTOREG_DETAIL 'Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR' [NoAR] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.2321, 'RMSE': 1.3187, 'MAE': 0.9132, 'MASE': 1.039} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1694, 'RMSE': 0.6165, 'MAE': 0.4842, 'MASE': 0.6237} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2085, 'RMSE': 0.5429, 'MAE': 0.4606, 'MASE': 0.9744} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.2037, 'RMSE': 1.0883, 'MAE': 0.8266, 'MASE': 0.9405} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1662, 'RMSE': 0.6521, 'MAE': 0.4981, 'MASE': 0.6416} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.2226, 'RMSE': 0.5344, 'MAE': 0.4458, 'MASE': 0.9429} +INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'L', 'Trend': 'L', 'Cycle': 'S', 'AR': 'S'} [LLSSS] +INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START +INFO:pyaf.std:BOX_COX_TRANSFORMATION_LAMBDA BoxCox(Lambda=-1.0) -1.0 +INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END +INFO:pyaf.std:TREND_DETAIL_START +INFO:pyaf.std:MOVING_MEDIAN_TREND MovingMedian(6) 6 +INFO:pyaf.std:TREND_DETAIL_END +INFO:pyaf.std:CYCLE_MODEL_DETAIL_START +INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Cycle_12 12 0.123127 {0: -1.939809, 1: -1.032508, 2: 0.064536, 3: 0.715523, 4: 0.867267, 5: 1.048287, 6: 0.794097, 7: 0.62907, 8: 0.288006, 9: -0.047378, 10: -0.845671, 11: -1.671301} +INFO:pyaf.std:CYCLE_MODEL_DETAIL_END +INFO:pyaf.std:AR_MODEL_DETAIL_START +INFO:pyaf.std:AR_MODEL_DETAIL_END +INFO:pyaf.std:COMPETITION_DETAIL_START 'Ozone' +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': 'Box_Cox_-1.0_Ozone', 'DecompositionType': 'T+S+R', 'Model': 'Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR', 'Voting': 3148.25, 'Complexity': 'LLSSS', 'Forecast_MASE_1': 0.6237, 'Forecast_MASE_2': 0.6364, 'Forecast_MASE_3': 0.5983, 'Forecast_MASE_4': 0.568, 'Forecast_MASE_5': 0.6031, 'Forecast_MASE_6': 0.5992, 'Forecast_MASE_7': 0.5769, 'Forecast_MASE_8': 0.5915, 'Forecast_MASE_9': 0.6019, 'Forecast_MASE_10': 0.5811, 'Forecast_MASE_11': 0.5978, 'Forecast_MASE_12': 0.6416} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 1 {'Transformation': 'Box_Cox_-1.0_Ozone', 'DecompositionType': 'T+S+R', 'Model': 'Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Seasonal_MonthOfYear_residue_NoAR', 'Voting': 3148.25, 'Complexity': 'LLSSS', 'Forecast_MASE_1': 0.6237, 'Forecast_MASE_2': 0.6364, 'Forecast_MASE_3': 0.5983, 'Forecast_MASE_4': 0.568, 'Forecast_MASE_5': 0.6031, 'Forecast_MASE_6': 0.5992, 'Forecast_MASE_7': 0.5769, 'Forecast_MASE_8': 0.5915, 'Forecast_MASE_9': 0.6019, 'Forecast_MASE_10': 0.5811, 'Forecast_MASE_11': 0.5978, 'Forecast_MASE_12': 0.6416} +INFO:pyaf.std:COMPETITION_DETAIL_END 'Ozone' +INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_ozone_Ozone_Trend_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_ozone_Ozone_Cycle_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/my_ozone_Ozone_AR_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('TransformedForecast', 'outputs/my_ozone_Ozone_TransformedForecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_Ozone_Forecast_decomp_output.png') +INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_Ozone_prediction_intervals_output.png') +INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_Ozone_quantiles_output.png') +INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} +INFO:pyaf.std:FORECASTING_ENGINE_END 0.178 +Forecast Columns Index(['Time', 'Ozone', 'Ozone_scaled', 'Box_Cox_-1.0_Ozone', 'row_number', + 'Time_Normalized', 'Box_Cox_-1.0_Ozone_MovingMedian(6)', + 'Box_Cox_-1.0_Ozone_MovingMedian(6)_residue', 'cycle_internal', + 'Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Cycle_12', + 'Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Cycle_12_residue', + 'Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR', + 'Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR_residue', + 'Ozone_Transformed', 'Box_Cox_-1.0_Ozone_Trend', + 'Box_Cox_-1.0_Ozone_Trend_residue', 'Box_Cox_-1.0_Ozone_Cycle', + 'Box_Cox_-1.0_Ozone_Cycle_residue', 'Box_Cox_-1.0_Ozone_AR', + 'Box_Cox_-1.0_Ozone_AR_residue', + 'Box_Cox_-1.0_Ozone_TransformedForecast', + 'Box_Cox_-1.0_Ozone_Detrended', 'Box_Cox_-1.0_Ozone_Deseasonalized', + 'Ozone_TransformedForecast_inverted', 'Ozone_Forecast', + 'Box_Cox_-1.0_Ozone_TransformedResidue', 'Ozone_Residue', + 'Ozone_Forecast_Lower_Bound', 'Ozone_Forecast_Upper_Bound', + 'Ozone_Forecast_Quantile_2', 'Ozone_Forecast_Quantile_18', + 'Ozone_Forecast_Quantile_34', 'Ozone_Forecast_Quantile_50', + 'Ozone_Forecast_Quantile_66', 'Ozone_Forecast_Quantile_82', + 'Ozone_Forecast_Quantile_98'], + dtype='object') + +RangeIndex: 216 entries, 0 to 215 +Data columns (total 3 columns): + # Column Non-Null Count Dtype +--- ------ -------------- ----- + 0 Time 216 non-null datetime64[ns] + 1 Ozone 204 non-null float64 + 2 Ozone_Forecast 216 non-null float64 +dtypes: datetime64[ns](1), float64(2) +memory usage: 5.2 KB +None +Forecasts + Time Ozone Ozone_Forecast +204 1972-01-01 NaN 1.644327 +205 1972-02-01 NaN 1.605768 +206 1972-03-01 NaN 1.644641 +207 1972-04-01 NaN 1.875436 +208 1972-05-01 NaN 1.938858 +209 1972-06-01 NaN 2.050858 +210 1972-07-01 NaN 2.086172 +211 1972-08-01 NaN 2.211501 +212 1972-09-01 NaN 2.134108 +213 1972-10-01 NaN 2.045326 +214 1972-11-01 NaN 1.722127 +215 1972-12-01 NaN 1.480215 + + + +{ + "Ozone": { + "Complexity": { + "AR": "S", + "Cycle": "S", + "Decomposition": "S", + "Transformation": "L", + "Trend": "L" + }, + "Dataset": { + "Signal": "Ozone", + "Time": { + "Horizon": 12, + "TimeDelta": "", + "TimeMax": "1971-12-01 00:00:00", + "TimeMin": "1955-01-01 00:00:00", + "TimeVariable": "Time" + }, + "Training_Signal_Length": 204 + }, + "Model": { + "AR_Model": "NoAR", + "Best_Decomposition": "Box_Cox_-1.0_Ozone_MovingMedian(6)_residue_Cycle_12_residue_NoAR", + "Cycle": "Cycle_12", + "Signal_Decomposition_Type": "T+S+R", + "Signal_Transoformation": "BoxCox(Lambda=-1.0)", + "Trend": "MovingMedian(6)" + }, + "Model_Performance": { + "1": { + "AUC": 0.4984, + "DiffSMAPE": 0.1574, + "ErrorMean": -0.0469, + "ErrorStdDev": 0.6147, + "KS": 0.1538, + "KendallTau": 0.6936, + "Length": 39, + "LnQ": 1.648, + "MAE": 0.4842, + "MAPE": 0.1694, + "MASE": 0.6237, + "MannWhitneyU": 758.0, + "MedAE": 0.4407, + "Pearson": 0.8354, + "R2": 0.6767, + "RMSE": 0.6165, + "RMSSE": 0.6567, + "SMAPE": 0.1603, + "Signal": "Ozone_Forecast_1" + }, + "12": { + "AUC": 0.5503, + "DiffSMAPE": 0.1601, + "ErrorMean": -0.2087, + "ErrorStdDev": 0.6178, + "KS": 0.1795, + "KendallTau": 0.7026, + "Length": 39, + "LnQ": 1.6997, + "MAE": 0.4981, + "MAPE": 0.1662, + "MASE": 0.6416, + "MannWhitneyU": 837.0, + "MedAE": 0.3936, + "Pearson": 0.8519, + "R2": 0.6383, + "RMSE": 0.6521, + "RMSSE": 0.6946, + "SMAPE": 0.163, + "Signal": "Ozone_Forecast_12" + } + }, + "Model_Selection_Criterion": "MASE" + }, + "Training_Time": 112.863 +} + + + + + + +{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":1.8976799524,"193":1.7578689465,"194":1.9217470428,"195":2.2444987775,"196":2.3359469775,"197":2.802848094,"198":2.9041859009,"199":3.3036757627,"200":3.5078159893,"201":3.0899720765,"202":2.3046574791,"203":1.8910603284,"204":1.6443265925,"205":1.6057681846,"206":1.644641179,"207":1.8754362059,"208":1.93885839,"209":2.050858205,"210":2.086172094,"211":2.211501362,"212":2.1341075889,"213":2.0453264933,"214":1.72212656,"215":1.4802154746}} + + + +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/model_control/test_ozone_all_models_enabled.py', 'ElapsedTimeSecs':(119.45, 1.50, 783.51), 'MAX_MEM_KB':328564, 'CPU_PRCNT':'657%', 'FILES_IN':0, 'FILES_OUT':2320, 'EXIT_STATUS':0} diff --git a/tests/references/multiplicative_seasonal/artificial_model_TS+R.log b/tests/references/multiplicative_seasonal/artificial_model_TS+R.log index 431badefc..37072f9a9 100644 --- a/tests/references/multiplicative_seasonal/artificial_model_TS+R.log +++ b/tests/references/multiplicative_seasonal/artificial_model_TS+R.log @@ -26,29 +26,29 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Signal_TS_R'], 'Horizons': {'S 23 2016-02-17 23 1.15 ... 4.0 0.0 1.0 [24 rows x 11 columns] -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) -/home/circleci/.pyenv/versions/3.11.2/lib/python3.11/site-packages/numpy/core/fromnumeric.py:57: RuntimeWarning: overflow encountered in accumulate +/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py:59: RuntimeWarning: overflow encountered in accumulate return bound(*args, **kwds) DEBUG:pyaf.detailed:DETAIL_MESSAGE('KEPT_DISCARDED_MODELS', 336, 183, 153) INFO:pyaf.std:PERF_DUMP_START @@ -245,7 +245,7 @@ INFO:pyaf.std:[ } ] INFO:pyaf.std:PERF_DUMP_END -INFO:pyaf.std:TRAINING_ENGINE_END 61.513 +INFO:pyaf.std:TRAINING_ENGINE_END 10.655 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=2016-01-25T00:00:00.000000 TimeMax=2016-11-05T00:00:00.000000 TimeDelta= Horizon=7 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Signal_TS_R' Length=365 Min=0.19049 Max=197.64049 Mean=49.961723 StdDev=46.251256 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Signal_TS_R' Min=0.0 Max=1.0 Mean=0.25207 StdDev=0.234243 @@ -311,7 +311,7 @@ INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal_TS_R' 23 {'Transformation': INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Signal_TS_R' 24 {'Transformation': 'CumSum_Signal_TS_R', 'DecompositionType': 'TS+R', 'Model': 'CumSum_Signal_TS_R_PolyTrend_residue_zeroCycle[1.0]_residue_AR(64)', 'Voting': 728.0, 'Complexity': 'LLMMS', 'Forecast_MASE_1': 0.0001, 'Forecast_MASE_2': 0.0002, 'Forecast_MASE_3': 0.0003, 'Forecast_MASE_4': 0.0004, 'Forecast_MASE_5': 0.0005, 'Forecast_MASE_6': 0.0006, 'Forecast_MASE_7': 0.0007} INFO:pyaf.std:COMPETITION_DETAIL_END 'Signal_TS_R' INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Signal_TS_R'], 'Horizons': {'Signal_TS_R': 7}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.513 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.117 INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/artificial_Signal_TS_R_Signal_TS_R_Trend_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/artificial_Signal_TS_R_Signal_TS_R_Cycle_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('AR', 'outputs/artificial_Signal_TS_R_Signal_TS_R_AR_decomp_output.png') @@ -346,3 +346,4 @@ Index(['Date', 'Signal_TS_R', 'Signal_TS_R_scaled', '_Signal_TS_R', '2017-01-30T00:00:00.000000000'] [ 91.43678236 109.98465318 128.63399 147.38452015 166.23587494 185.18758509 204.23943721] +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/multiplicative_seasonal/artificial_model_TS+R.py', 'ElapsedTimeSecs':(17.89, 0.87, 64.34), 'MAX_MEM_KB':210320, 'CPU_PRCNT':'364%', 'FILES_IN':0, 'FILES_OUT':2368, 'EXIT_STATUS':0} diff --git a/tests/references/plots/test_air_passengers_plots.log b/tests/references/plots/test_air_passengers_plots.log index 673772cf2..8f40ae5a9 100644 --- a/tests/references/plots/test_air_passengers_plots.log +++ b/tests/references/plots/test_air_passengers_plots.log @@ -1,5 +1,5 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 12}} -INFO:pyaf.std:TRAINING_ENGINE_END 36.095 +INFO:pyaf.std:TRAINING_ENGINE_END 3.433 INFO:pyaf.std:TIME_DETAIL TimeVariable='time' TimeMin=1949.0 TimeMax=1956.91666666667 TimeDelta=0.08333333333336763 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='AirPassengers' Length=132 Min=104 Max=559 Mean=262.492424 StdDev=106.221146 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='Diff_AirPassengers' Min=-0.221978 Max=0.167033 Mean=0.004878 StdDev=0.068427 @@ -38,7 +38,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/airline_passengers_plot_test__Ai INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/airline_passengers_plot_test__AirPassengers_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/airline_passengers_plot_test__AirPassengers_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 1.388 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.157 Forecast Columns Index(['time', 'AirPassengers', 'AirPassengers_scaled', 'Diff_AirPassengers', 'row_number', 'time_Normalized', 'Diff_AirPassengers_ConstantTrend', 'Diff_AirPassengers_ConstantTrend_residue', 'cycle_internal', @@ -178,7 +178,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 36.095 + "Training_Time": 3.433 } @@ -190,10 +190,11 @@ Forecasts -PLOT_PNG_DICT ('AirPassengers', 'Trend', '4926312ffd8653fae837a19c67791e51', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('AirPassengers', 'Cycle', '3d69e66ddd4577db79d7f69bc7f3720e', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('AirPassengers', 'AR', 'edf5e2fbd3a175d4b8314d6444df2b93', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('AirPassengers', 'TransformedForecast', '57c89316a7b7fb005f3b399e03566d14', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('AirPassengers', 'Forecast', 'dd0b4d4cd383eb5e7b37df116cc0bde7', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('AirPassengers', 'Prediction_Intervals', '0acc2b0df0bc258fa6c4b463d02a71f4', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('AirPassengers', 'Forecast_Quantiles', '4cf66dbb3ef2023596cf7aa979156657', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('AirPassengers', 'Trend', 'e2f4563eee2d6186e49a1e7c52489796', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('AirPassengers', 'Cycle', 'b915c33fa1f37beecb1ad364d6721fa7', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('AirPassengers', 'AR', '70f86f52f4d006e552b19dc44fa6e891', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('AirPassengers', 'TransformedForecast', '0274a842894630af5a4cbb6618b7aae7', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('AirPassengers', 'Forecast', 'a45439a808fe34713ab4e6ac4e511c05', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('AirPassengers', 'Prediction_Intervals', 'ab994766608d6b49e2098f8b428ede86', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('AirPassengers', 'Forecast_Quantiles', 'f62f8bc5e321a9d1ec7fdf2bcb130a86', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/plots/test_air_passengers_plots.py', 'ElapsedTimeSecs':(12.47, 0.43, 19.15), 'MAX_MEM_KB':227824, 'CPU_PRCNT':'157%', 'FILES_IN':0, 'FILES_OUT':2024, 'EXIT_STATUS':0} diff --git a/tests/references/plots/test_hierarchy_AU_all_reconciliations_plots.log b/tests/references/plots/test_hierarchy_AU_all_reconciliations_plots.log index e36146f21..24c4857ce 100644 --- a/tests/references/plots/test_hierarchy_AU_all_reconciliations_plots.log +++ b/tests/references/plots/test_hierarchy_AU_all_reconciliations_plots.log @@ -13,13 +13,13 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['BrisbaneGC', 'Capitals', 'Melb 5 QLD QLD_State Australia 6 Capitals Other_State Australia 7 Other Other_State Australia -INFO:pyaf.std:TRAINING_ENGINE_END 97.335 +INFO:pyaf.std:TRAINING_ENGINE_END 15.084 INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_END INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_COMPUTE_TOP_DOWN_HISTORICAL_PROPORTIONS INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['BrisbaneGC', 'Capitals', 'Melbourne', 'NSW', 'Other', 'QLD', 'Sydney', 'VIC', 'NSW_State', 'Other_State', 'QLD_State', 'VIC_State', 'Australia'], 'Horizons': {'BrisbaneGC': 12, 'Capitals': 12, 'Melbourne': 12, 'NSW': 12, 'Other': 12, 'QLD': 12, 'Sydney': 12, 'VIC': 12, 'NSW_State': 12, 'Other_State': 12, 'QLD_State': 12, 'VIC_State': 12, 'Australia': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 12.483 +INFO:pyaf.std:FORECASTING_ENGINE_END 2.229 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU', 'TD', 'MO', 'OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD @@ -275,7 +275,7 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Australia_Foreca INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Australia_MO_Forecast') {'Signal': 'Australia_MO_Forecast', 'Length': 44, 'MAPE': 0.0295, 'RMSE': 2634.0737, 'MAE': 2072.7214, 'SMAPE': 0.0292, 'DiffSMAPE': 0.0292, 'MASE': 0.2, 'RMSSE': 0.2036, 'ErrorMean': 196.3422, 'ErrorStdDev': 2626.7459, 'R2': 0.8886, 'Pearson': 0.9438, 'MedAE': 1508.9932, 'LnQ': 0.0626, 'KS': 0.1591, 'KendallTau': 0.6448, 'MannWhitneyU': 959.0, 'AUC': 0.4954} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Australia_OC_Forecast') {'Signal': 'Australia_OC_Forecast', 'Length': 44, 'MAPE': 0.0285, 'RMSE': 2630.2539, 'MAE': 2014.7727, 'SMAPE': 0.0282, 'DiffSMAPE': 0.0282, 'MASE': 0.1944, 'RMSSE': 0.2033, 'ErrorMean': 320.1398, 'ErrorStdDev': 2610.6984, 'R2': 0.8889, 'Pearson': 0.9437, 'MedAE': 1458.4949, 'LnQ': 0.0613, 'KS': 0.1364, 'KendallTau': 0.6681, 'MannWhitneyU': 954.0, 'AUC': 0.4928} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Australia_PHA_TD_Forecast') {'Signal': 'Australia_PHA_TD_Forecast', 'Length': 44, 'MAPE': 0.0282, 'RMSE': 2687.0376, 'MAE': 1998.2808, 'SMAPE': 0.0279, 'DiffSMAPE': 0.0279, 'MASE': 0.1928, 'RMSSE': 0.2077, 'ErrorMean': 395.4694, 'ErrorStdDev': 2657.7764, 'R2': 0.8841, 'Pearson': 0.9416, 'MedAE': 1584.1672, 'LnQ': 0.0636, 'KS': 0.1364, 'KendallTau': 0.6829, 'MannWhitneyU': 946.0, 'AUC': 0.4886} -INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 123.111 +INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 20.13 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1998-01-01T00:00:00.000000 TimeMax=2008-10-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='BrisbaneGC' Length=44 Min=5616 Max=9970 Mean=7945.977273 StdDev=953.199385 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_BrisbaneGC' Min=0.0 Max=1.0 Mean=0.535135 StdDev=0.218925 @@ -777,103 +777,103 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/plot_test_AU_all_H INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['BrisbaneGC', 'Capitals', 'Melbourne', 'NSW', 'Other', 'QLD', 'Sydney', 'VIC', 'NSW_State', 'Other_State', 'QLD_State', 'VIC_State', 'Australia'], 'Horizons': {'BrisbaneGC': 12, 'Capitals': 12, 'Melbourne': 12, 'NSW': 12, 'Other': 12, 'QLD': 12, 'Sydney': 12, 'VIC': 12, 'NSW_State': 12, 'Other_State': 12, 'QLD_State': 12, 'VIC_State': 12, 'Australia': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 2.654 +INFO:pyaf.std:FORECASTING_ENGINE_END 2.318 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU', 'TD', 'MO', 'OC'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD AHP_TD INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_TOP_DOWN_METHOD PHA_TD INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_MIDDLE_OUT_METHOD MO INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_OPTIMAL_COMBINATION_METHOD OC -PLOT_PNG_DICT ('BrisbaneGC', 'Trend', '29c0612544fea076cc3c12a642a8c509', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('BrisbaneGC', 'Cycle', '8e52c1d5ce5afd2baab9b97e0d3b806e', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('BrisbaneGC', 'AR', '04dfc3af0264f8c1a57cf698714404bb', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('BrisbaneGC', 'TransformedForecast', 'c5e855aeabbf35d88b5a3cd7ce02c96a', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('BrisbaneGC', 'Forecast', 'e8b169e92ddff71c85698cd93a51f28e', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('BrisbaneGC', 'Prediction_Intervals', 'b265b067fa08d9f896c155f3b1e0c28b', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('BrisbaneGC', 'Forecast_Quantiles', '36567726719fe71d336b61cb85ba8b3d', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Capitals', 'Trend', 'ce6403d78d32b0bfc62d2971eecc3f1e', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Capitals', 'Cycle', '4f6ac4167c1c10e823caec06ec1c5c92', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Capitals', 'AR', '94fe813dd6296e2bb94d1569d5ae6522', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Capitals', 'TransformedForecast', '94ace91af18a65f7539001b0d9794c78', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Capitals', 'Forecast', '1cb51017d6ef3386bfd4d4f77174a23c', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Capitals', 'Prediction_Intervals', '0a267957ce52e9256ad7d631e4b5b876', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Capitals', 'Forecast_Quantiles', 'd373d9586e16eca37efadfc5298978ea', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Melbourne', 'Trend', '1d6914a29750587c7d30978ef03dd09c', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Melbourne', 'Cycle', '7ed5679234c99ff9b3d483165642db15', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Melbourne', 'AR', 'c91dc38787fd5d4ea66e4687c3109270', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Melbourne', 'TransformedForecast', '661f3675749fd33d27c90fbff80c052c', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Melbourne', 'Forecast', 'a4a546f7c7bb24e55c49dc416b0a4a55', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Melbourne', 'Prediction_Intervals', '604d72b33796b92c8640ffca5cbe24f0', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Melbourne', 'Forecast_Quantiles', 'bb915621f42cdfcfd511bd1ea03887d2', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW', 'Trend', 'ddd4b3f334cbd345dbc26e1d3b67f97c', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW', 'Cycle', '92203e820575043dc2fe0f5b6530e978', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW', 'AR', '04cd0c67e82c10189b86e86c88ceeb77', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW', 'TransformedForecast', '2a01e0ee5216c702dffe0016ce332cb3', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW', 'Forecast', 'b40e731339e70c33f1b6b603e1c20f7e', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW', 'Prediction_Intervals', '303b1923008a372c22a931898e3fa77f', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW', 'Forecast_Quantiles', '4c17ea61641983acd041c157d887907f', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other', 'Trend', '8af765debf2955635c3451e158572712', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other', 'Cycle', 'd7a65e4a16a7be75ff598386b1753f1c', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other', 'AR', '8bce479e0dbd32ae8dd80d8cf5c73444', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other', 'TransformedForecast', '665139ef789bf7013e5222b5f5445677', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other', 'Forecast', 'b767f34304ebd9be594275337c003772', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other', 'Prediction_Intervals', 'b86433543df6bda6c236ced6c5d0c5c0', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other', 'Forecast_Quantiles', '3cf3385ca8015f60baddeee6de4908a2', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD', 'Trend', '1d1856d632c3264ed5162becf0c29705', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD', 'Cycle', 'c9e8c7f9b02dbcd76845636ed53437b0', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD', 'AR', '1e9baf399b2095e0284da67739d8d117', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD', 'TransformedForecast', '27b814430834cbee81e985fe2e009e78', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD', 'Forecast', 'f1c28fe466fbed50833f30bd5c9835e0', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD', 'Prediction_Intervals', 'd282551ee60c73baba7249f7436da174', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD', 'Forecast_Quantiles', '206c0c196a4923195797d781583822ec', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Sydney', 'Trend', '779361ab429c6d568058f92c3833fe3b', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Sydney', 'Cycle', 'b14cf4c8621a62986c018a429b9dffad', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Sydney', 'AR', 'ebb5cb9a7da45ebd2bbb1b833ea66b20', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Sydney', 'TransformedForecast', 'd4c532e94ece0253e5e9f3baf7d193c4', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Sydney', 'Forecast', '11ddf973514dd24035ed6660d2ed80d1', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Sydney', 'Prediction_Intervals', 'bb7ab0410685f0d6879e86ef482be607', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Sydney', 'Forecast_Quantiles', 'd2ecfe1b1dd19331a21544a66cd0755f', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC', 'Trend', 'd912e2073563116c251b0751cbef88aa', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC', 'Cycle', 'c8051daf59970f5813fb002d01990827', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC', 'AR', 'bed81937d54bfaeb9b5a10b911cfe4b4', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC', 'TransformedForecast', 'd2bf2c1a05d21c8089d7564b86590150', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC', 'Forecast', '95785781049f1da994bffc7bbca20958', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC', 'Prediction_Intervals', '8880dc2b04dfc8b27b35e27dd7cb1d79', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC', 'Forecast_Quantiles', '7e627fe0a885e0f89518ceb43fd57399', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW_State', 'Trend', 'cf7ead26ac4e46efa329e11cf417cffd', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW_State', 'Cycle', '4f84fe9a6ea3e548b605112b342795bc', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW_State', 'AR', '6ac3ed24bd706bedd706052093f83c9b', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW_State', 'TransformedForecast', '64caa1a93b32b6a95b5df5208049522f', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW_State', 'Forecast', 'e28015937cdbe237070ef3f7bd2dc9bc', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW_State', 'Prediction_Intervals', '7530f396338c7bbb1cf8a5cd96834880', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW_State', 'Forecast_Quantiles', '7a9eb4751c8e8e9944a08c3f979ef490', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other_State', 'Trend', 'fe4c1d22c0f08cb51df0a6a0c0efbcae', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other_State', 'Cycle', '03a0865cc4f0dde1b81e28231bdfeb83', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other_State', 'AR', '2acb31020d2d5138b87c3ec81ba147bf', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other_State', 'TransformedForecast', 'ba30d17c9aea4d93d030a3c66603b255', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other_State', 'Forecast', 'a03b956f45887d70e3cde667c5b78b95', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other_State', 'Prediction_Intervals', '7bc20ae1794ea2f261c683acb66c469f', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other_State', 'Forecast_Quantiles', '9e72ef30ab699558e50132d5c3f6524b', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD_State', 'Trend', 'bed09f40609f8bf0334b7a6752601dd9', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD_State', 'Cycle', '3711153e1bdc65a4d9541636750c1423', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD_State', 'AR', 'a3fa08030adf8a2eef63d9fc98b5f3f1', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD_State', 'TransformedForecast', '2319226233d23eba83c09fdf74bf82cd', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD_State', 'Forecast', 'db18a2609bfc56868e0bffeb46ad6480', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD_State', 'Prediction_Intervals', '3d3d1793b73d6d4b3db588ea1b3aad87', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD_State', 'Forecast_Quantiles', 'fa85e911371748cb3ae7b5a0e9724085', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC_State', 'Trend', 'c082b160e4051f0dfc539c4d6efe449c', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC_State', 'Cycle', 'b01be62aef5af875a0fd7b9bd0070347', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC_State', 'AR', '5529b679f69acd582f50ee9cc9fe81a0', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC_State', 'TransformedForecast', 'ce73f1b229240f2b783d1213b95620b8', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC_State', 'Forecast', 'c174f8ed81d1dda54c574513f080fba5', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC_State', 'Prediction_Intervals', '97642a999cb4907d20c6f102e4351abd', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC_State', 'Forecast_Quantiles', 'd1b843c3b7c5e6df06b08886664ee676', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Australia', 'Trend', 'fc904b1ae145b3781b48457536902e2a', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Australia', 'Cycle', '1054e13acdd6638430cd93f7ee9c99c0', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Australia', 'AR', '43a06065522a9b7a0bd3f4eb33795b79', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Australia', 'TransformedForecast', 'bc470628f7a53c7c802ce2bb0eb823c8', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Australia', 'Forecast', 'facf894c43e9ce77487781cb6a485ac5', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Australia', 'Prediction_Intervals', '4aef33f6efac679511f4e164fa691117', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Australia', 'Forecast_Quantiles', '85261e26fbe47f12a478b71b76402450', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Hierarchical_Structure', '73d054f52bf6a27afaf7371ee421db7f', 'iVBORw0KGgoAAAANSUhEUgAAA5kAAAbdCAIAAADdxRSsAAAABmJLR0QA/wD/AP+g') -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/plots/test_hierarchy_AU_all_reconciliations_plots.py', 'ElapsedTimeSecs':(313.16, 3.46, 196.76), 'MAX_MEM_KB':373376, 'CPU_PRCNT':'63%', 'FILES_IN':8, 'FILES_OUT':38104, 'EXIT_STATUS':0} +PLOT_PNG_DICT ('BrisbaneGC', 'Trend', 'd9f9ea3e89be58bb0a72133b52e72910', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('BrisbaneGC', 'Cycle', '8331b518bf51fdc70d40503bacf2134c', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('BrisbaneGC', 'AR', 'f13b9539635c691f307fac221ac5791a', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('BrisbaneGC', 'TransformedForecast', '45569b12b5c1e06c1d353c4cd518231f', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('BrisbaneGC', 'Forecast', '12e65492bd63d23e1bf2a3783309e947', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('BrisbaneGC', 'Prediction_Intervals', '2215cf40242a00d91fe880c8e35aa792', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('BrisbaneGC', 'Forecast_Quantiles', 'deba5f408b6ef5bc239b6354f1236319', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Capitals', 'Trend', 'e9e461c1b1051023bf839c273505be52', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Capitals', 'Cycle', '3bc9a813b3ee04f1c2570e934cf35e47', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Capitals', 'AR', '36d165fd478b2f725c867475c64233b2', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Capitals', 'TransformedForecast', '9ed5d84f2a4ac00657f890c025eda800', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Capitals', 'Forecast', '03b43bacc7d4e1c0af910c6ae0c04bc4', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Capitals', 'Prediction_Intervals', '14b1273ff66e4c1fd5886d7319cc1692', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Capitals', 'Forecast_Quantiles', '56d7dbacb9da47da3f5d35cf3800ddd8', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Melbourne', 'Trend', '6d52de2c03993dafcd08fba7483d887d', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Melbourne', 'Cycle', 'b228b627cb5ebdcc506787a98fb67e86', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Melbourne', 'AR', '26553dc0bbeace1c8798483b387ae864', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Melbourne', 'TransformedForecast', '8e38e59c726f69820a9917c86e119477', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Melbourne', 'Forecast', '3f2a3e748639d27bd267aca74ec6c815', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Melbourne', 'Prediction_Intervals', '18c172cd9ba227df1e10bab45b5f48ca', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Melbourne', 'Forecast_Quantiles', 'e2712d1cb902674c48ed71131b650366', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW', 'Trend', '930fc7c46cd9bd6fea269dfa3ecb881a', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW', 'Cycle', '99fcdd23d7b41e030499576eda9061ee', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW', 'AR', '65d1fe071f63043826fe125935c7e236', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW', 'TransformedForecast', '2cc86ad299ba49756dc5ddc5e5ccd0e8', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW', 'Forecast', 'b8482b7dac3c5288acecf0683e36e92e', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW', 'Prediction_Intervals', '4468a0f90f5a45c0229c93840f470ebb', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW', 'Forecast_Quantiles', '42a5de9a722b3c5aaa94317cb4c73ae8', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other', 'Trend', 'b203e3bab755b3efd944d007d1c1e8c7', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other', 'Cycle', '33a45c06045e5f83a887bec9c5e36549', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other', 'AR', 'b9c3e49422c16d89339749ee53b7611e', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other', 'TransformedForecast', '4955c540b9dc3bbdccecab76b5663b3a', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other', 'Forecast', 'bea97f3ba28f8a0d52ee655edc8c837e', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other', 'Prediction_Intervals', 'aa92c2c3f697d78c8fb04d99addb2563', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other', 'Forecast_Quantiles', '0fa2964681fa878bde4246e504931e60', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD', 'Trend', '1394117b4a50e469d29d9e28ab1e9c3d', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD', 'Cycle', 'b24ee10b32077cd4b48ac7bba4586949', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD', 'AR', 'f4a9a8c7dea7a0b24e296fc0ae26bf12', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD', 'TransformedForecast', '7e761e160672ee6868372d518350d95b', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD', 'Forecast', '6385eb36b1cddaa6345e0dbc4cc78de8', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD', 'Prediction_Intervals', '6aafd891dec12379363144b7c1df4c18', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD', 'Forecast_Quantiles', '94202b821e2420ab5ee78e1cba3cb3bc', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Sydney', 'Trend', '07961146093e34a38b42337e6585c4b3', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Sydney', 'Cycle', 'ae7b3aae1529ea437b23b82f6ec889b2', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Sydney', 'AR', 'c31925f50f0a0d5497c66dd98e54481c', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Sydney', 'TransformedForecast', '78254a5f12881717f57f4bce70f8a1ea', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Sydney', 'Forecast', 'e5aa9727242c09b04722eb62bc71c363', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Sydney', 'Prediction_Intervals', 'f5c77dd73f9b04c6074cfa1b64bbcaa4', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Sydney', 'Forecast_Quantiles', '461f4c946a07c2e1cb1be55e3995987e', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC', 'Trend', '5fabfd97468f6a64f81fd953092f042a', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC', 'Cycle', '73619bd3699f58240636a58812ce69bc', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC', 'AR', '3bacb7864ec74a19a42b6cc792819e27', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC', 'TransformedForecast', '52d360fdc69911c510f4123d77c74170', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC', 'Forecast', '87f59da2a0a9e2f965a232a4326ef564', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC', 'Prediction_Intervals', '3a6dc4837b768b206a2ed7525cea5d28', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC', 'Forecast_Quantiles', 'ede4f10e5982c6210f1032c0981ae2db', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW_State', 'Trend', '53bc9f308513a3209d758b30edddd3e3', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW_State', 'Cycle', 'b80887d9cd49e2bd5a3cd59c73a4c173', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW_State', 'AR', '632de0c8e020a5edae07fc74eb45bb5f', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW_State', 'TransformedForecast', 'b9adae4e0c78be8bdc73157aeb51d453', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW_State', 'Forecast', '4b8882ca4023b7c562493a04f3faa178', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW_State', 'Prediction_Intervals', 'cb9e48d2bd32afabb9ff7ef23bcae629', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW_State', 'Forecast_Quantiles', '10161f0e884e956e9fc2924e9912c93c', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other_State', 'Trend', 'ebb752cd795b87c0c73fcbd0fd31b324', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other_State', 'Cycle', 'ed55ce233f4b46a182541f02c8649208', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other_State', 'AR', '2a21c4c7ef18cfb163df15071a6cddf5', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other_State', 'TransformedForecast', 'ee50782c1a64e6f88d05f87ac27b0f12', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other_State', 'Forecast', '7d472811ed7ff6704dc961891b42d6e4', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other_State', 'Prediction_Intervals', '076367517c86ee61873c1532407f6ee6', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other_State', 'Forecast_Quantiles', '415d3a022cdf48308148f8c6694152e0', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD_State', 'Trend', '469a3772d480df4138fa844483965577', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD_State', 'Cycle', '8b21d084e0c8c2a489ce734d01cb933b', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD_State', 'AR', '5cd0628a7989523cc05d5fc9756c9b51', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD_State', 'TransformedForecast', '965d24bc078311e9c12f331a9663da46', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD_State', 'Forecast', '87ef8cd24dbcfebcc11689b87c92e105', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD_State', 'Prediction_Intervals', '98f133bf301c4bcd41a5b5766adb660e', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD_State', 'Forecast_Quantiles', 'be4f49b82fb406b7b608f899c3ade410', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC_State', 'Trend', 'e18b6e002a24226442041039e9c833aa', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC_State', 'Cycle', 'cd75b64d8681ab4edb3a587fc2360b1e', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC_State', 'AR', '24853454d6cc6c192bc1b75216b42f27', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC_State', 'TransformedForecast', 'ce899f676b7e91b764b1271f93c82beb', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC_State', 'Forecast', '7e56996d038528bece0cc0331a60a548', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC_State', 'Prediction_Intervals', 'be5dc8a72a804ede2b928915a6138ccf', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC_State', 'Forecast_Quantiles', 'e667e849c8965cb016b274875facd95f', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Australia', 'Trend', '7f9b506eaf0729423bef7a641a4d880e', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Australia', 'Cycle', '4a80e82a0fc5c1135db543592929404b', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Australia', 'AR', '88b1aef9588c19657fa18987abb395f4', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Australia', 'TransformedForecast', 'e06e91d9f6f6915cebf55090fdbdf18b', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Australia', 'Forecast', '4e8e469ab9c64d69827a66b31e8dbe6f', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Australia', 'Prediction_Intervals', '9d3244f98973d8a074cfef9a486d35d8', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Australia', 'Forecast_Quantiles', 'c04b64560e92fd819c27414e60907863', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Hierarchical_Structure', '14ea50eec5a6ca8d0f500e3474661629', 'iVBORw0KGgoAAAANSUhEUgAAA5kAAAbdCAIAAADdxRSsAAAABmJLR0QA/wD/AP+g') +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/plots/test_hierarchy_AU_all_reconciliations_plots.py', 'ElapsedTimeSecs':(110.29, 3.15, 208.92), 'MAX_MEM_KB':252036, 'CPU_PRCNT':'192%', 'FILES_IN':0, 'FILES_OUT':25176, 'EXIT_STATUS':0} diff --git a/tests/references/plots/test_hierarchy_AU_plots.log b/tests/references/plots/test_hierarchy_AU_plots.log index 310a935a8..c9eff32a5 100644 --- a/tests/references/plots/test_hierarchy_AU_plots.log +++ b/tests/references/plots/test_hierarchy_AU_plots.log @@ -13,13 +13,13 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['BrisbaneGC', 'Capitals', 'Melb 5 QLD QLD_State Australia 6 Capitals Other_State Australia 7 Other Other_State Australia -INFO:pyaf.std:TRAINING_ENGINE_END 100.328 +INFO:pyaf.std:TRAINING_ENGINE_END 15.061 INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_MODELS_WITH_ONE_ENGINE_END INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_COMPUTE_TOP_DOWN_HISTORICAL_PROPORTIONS INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['BrisbaneGC', 'Capitals', 'Melbourne', 'NSW', 'Other', 'QLD', 'Sydney', 'VIC', 'NSW_State', 'Other_State', 'QLD_State', 'VIC_State', 'Australia'], 'Horizons': {'BrisbaneGC': 12, 'Capitals': 12, 'Melbourne': 12, 'NSW': 12, 'Other': 12, 'QLD': 12, 'Sydney': 12, 'VIC': 12, 'NSW_State': 12, 'Other_State': 12, 'QLD_State': 12, 'VIC_State': 12, 'Australia': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 11.202 +INFO:pyaf.std:FORECASTING_ENGINE_END 2.377 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_OPTIMAL_COMBINATION_METHOD @@ -131,7 +131,7 @@ INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Australia_BU INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Forecast', 'Australia_Forecast') {'Signal': 'Australia', 'Length': 44, 'MAPE': 0.0282, 'RMSE': 2687.0376, 'MAE': 1998.2808, 'SMAPE': 0.0279, 'DiffSMAPE': 0.0279, 'MASE': 0.1928, 'RMSSE': 0.2077, 'ErrorMean': 395.4694, 'ErrorStdDev': 2657.7764, 'R2': 0.8841, 'Pearson': 0.9416, 'MedAE': 1584.1672, 'LnQ': 0.0636, 'KS': 0.1364, 'KendallTau': 0.6829, 'MannWhitneyU': 946.0, 'AUC': 0.4886} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Australia_BU_Forecast') {'Signal': 'Australia_BU_Forecast', 'Length': 44, 'MAPE': 0.0303, 'RMSE': 2642.2164, 'MAE': 2145.3576, 'SMAPE': 0.0301, 'DiffSMAPE': 0.0301, 'MASE': 0.207, 'RMSSE': 0.2042, 'ErrorMean': 224.6539, 'ErrorStdDev': 2632.6485, 'R2': 0.8879, 'Pearson': 0.9427, 'MedAE': 1782.3605, 'LnQ': 0.0615, 'KS': 0.1136, 'KendallTau': 0.6575, 'MannWhitneyU': 952.0, 'AUC': 0.4917} INFO:pyaf.hierarchical:REPORT_COMBINED_FORECASTS_PERF ('Test', 'Australia_Forecast') {'Signal': 'Australia', 'Length': 44, 'MAPE': 0.0282, 'RMSE': 2687.0376, 'MAE': 1998.2808, 'SMAPE': 0.0279, 'DiffSMAPE': 0.0279, 'MASE': 0.1928, 'RMSSE': 0.2077, 'ErrorMean': 395.4694, 'ErrorStdDev': 2657.7764, 'R2': 0.8841, 'Pearson': 0.9416, 'MedAE': 1584.1672, 'LnQ': 0.0636, 'KS': 0.1364, 'KendallTau': 0.6829, 'MannWhitneyU': 946.0, 'AUC': 0.4886} -INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 116.227 +INFO:pyaf.hierarchical:TRAINING_HIERARCHICAL_MODEL_END 19.008 INFO:pyaf.std:TIME_DETAIL TimeVariable='Date' TimeMin=1998-01-01T00:00:00.000000 TimeMax=2008-10-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='BrisbaneGC' Length=44 Min=5616 Max=9970 Mean=7945.977273 StdDev=953.199385 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_BrisbaneGC' Min=0.0 Max=1.0 Mean=0.535135 StdDev=0.218925 @@ -633,99 +633,99 @@ INFO:pyaf.std:SAVING_PLOT ('Hierarchical_Structure', 'outputs/plot_test_AU_Hiera INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_START INFO:pyaf.hierarchical:CREATE_ALL_LEVELS_DATASET_END INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['BrisbaneGC', 'Capitals', 'Melbourne', 'NSW', 'Other', 'QLD', 'Sydney', 'VIC', 'NSW_State', 'Other_State', 'QLD_State', 'VIC_State', 'Australia'], 'Horizons': {'BrisbaneGC': 12, 'Capitals': 12, 'Melbourne': 12, 'NSW': 12, 'Other': 12, 'QLD': 12, 'Sydney': 12, 'VIC': 12, 'NSW_State': 12, 'Other_State': 12, 'QLD_State': 12, 'VIC_State': 12, 'Australia': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 4.43 +INFO:pyaf.std:FORECASTING_ENGINE_END 2.195 INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_COMBINATION_METHODS ['BU'] INFO:pyaf.hierarchical:FORECASTING_HIERARCHICAL_MODEL_BOTTOM_UP_METHOD BU -PLOT_PNG_DICT ('BrisbaneGC', 'Trend', '29c0612544fea076cc3c12a642a8c509', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('BrisbaneGC', 'Cycle', '8e52c1d5ce5afd2baab9b97e0d3b806e', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('BrisbaneGC', 'AR', '04dfc3af0264f8c1a57cf698714404bb', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('BrisbaneGC', 'TransformedForecast', 'c5e855aeabbf35d88b5a3cd7ce02c96a', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('BrisbaneGC', 'Forecast', 'e8b169e92ddff71c85698cd93a51f28e', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('BrisbaneGC', 'Prediction_Intervals', 'b265b067fa08d9f896c155f3b1e0c28b', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('BrisbaneGC', 'Forecast_Quantiles', '36567726719fe71d336b61cb85ba8b3d', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Capitals', 'Trend', 'ce6403d78d32b0bfc62d2971eecc3f1e', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Capitals', 'Cycle', '4f6ac4167c1c10e823caec06ec1c5c92', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Capitals', 'AR', '94fe813dd6296e2bb94d1569d5ae6522', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Capitals', 'TransformedForecast', '94ace91af18a65f7539001b0d9794c78', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Capitals', 'Forecast', '1cb51017d6ef3386bfd4d4f77174a23c', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Capitals', 'Prediction_Intervals', '0a267957ce52e9256ad7d631e4b5b876', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Capitals', 'Forecast_Quantiles', 'd373d9586e16eca37efadfc5298978ea', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Melbourne', 'Trend', '1d6914a29750587c7d30978ef03dd09c', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Melbourne', 'Cycle', '7ed5679234c99ff9b3d483165642db15', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Melbourne', 'AR', 'c91dc38787fd5d4ea66e4687c3109270', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Melbourne', 'TransformedForecast', '661f3675749fd33d27c90fbff80c052c', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Melbourne', 'Forecast', 'a4a546f7c7bb24e55c49dc416b0a4a55', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Melbourne', 'Prediction_Intervals', '604d72b33796b92c8640ffca5cbe24f0', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Melbourne', 'Forecast_Quantiles', 'bb915621f42cdfcfd511bd1ea03887d2', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW', 'Trend', 'ddd4b3f334cbd345dbc26e1d3b67f97c', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW', 'Cycle', '92203e820575043dc2fe0f5b6530e978', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW', 'AR', '04cd0c67e82c10189b86e86c88ceeb77', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW', 'TransformedForecast', '2a01e0ee5216c702dffe0016ce332cb3', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW', 'Forecast', 'b40e731339e70c33f1b6b603e1c20f7e', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW', 'Prediction_Intervals', '303b1923008a372c22a931898e3fa77f', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW', 'Forecast_Quantiles', '4c17ea61641983acd041c157d887907f', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other', 'Trend', '8af765debf2955635c3451e158572712', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other', 'Cycle', 'd7a65e4a16a7be75ff598386b1753f1c', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other', 'AR', '8bce479e0dbd32ae8dd80d8cf5c73444', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other', 'TransformedForecast', '665139ef789bf7013e5222b5f5445677', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other', 'Forecast', 'b767f34304ebd9be594275337c003772', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other', 'Prediction_Intervals', 'b86433543df6bda6c236ced6c5d0c5c0', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other', 'Forecast_Quantiles', '3cf3385ca8015f60baddeee6de4908a2', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD', 'Trend', '1d1856d632c3264ed5162becf0c29705', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD', 'Cycle', 'c9e8c7f9b02dbcd76845636ed53437b0', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD', 'AR', '1e9baf399b2095e0284da67739d8d117', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD', 'TransformedForecast', '27b814430834cbee81e985fe2e009e78', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD', 'Forecast', 'f1c28fe466fbed50833f30bd5c9835e0', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD', 'Prediction_Intervals', 'd282551ee60c73baba7249f7436da174', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD', 'Forecast_Quantiles', '206c0c196a4923195797d781583822ec', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Sydney', 'Trend', '779361ab429c6d568058f92c3833fe3b', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Sydney', 'Cycle', 'b14cf4c8621a62986c018a429b9dffad', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Sydney', 'AR', 'ebb5cb9a7da45ebd2bbb1b833ea66b20', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Sydney', 'TransformedForecast', 'd4c532e94ece0253e5e9f3baf7d193c4', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Sydney', 'Forecast', '11ddf973514dd24035ed6660d2ed80d1', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Sydney', 'Prediction_Intervals', 'bb7ab0410685f0d6879e86ef482be607', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Sydney', 'Forecast_Quantiles', 'd2ecfe1b1dd19331a21544a66cd0755f', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC', 'Trend', 'd912e2073563116c251b0751cbef88aa', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC', 'Cycle', 'c8051daf59970f5813fb002d01990827', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC', 'AR', 'bed81937d54bfaeb9b5a10b911cfe4b4', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC', 'TransformedForecast', 'd2bf2c1a05d21c8089d7564b86590150', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC', 'Forecast', '95785781049f1da994bffc7bbca20958', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC', 'Prediction_Intervals', '8880dc2b04dfc8b27b35e27dd7cb1d79', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC', 'Forecast_Quantiles', '7e627fe0a885e0f89518ceb43fd57399', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW_State', 'Trend', 'cf7ead26ac4e46efa329e11cf417cffd', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW_State', 'Cycle', '4f84fe9a6ea3e548b605112b342795bc', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW_State', 'AR', '6ac3ed24bd706bedd706052093f83c9b', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW_State', 'TransformedForecast', '64caa1a93b32b6a95b5df5208049522f', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW_State', 'Forecast', 'e28015937cdbe237070ef3f7bd2dc9bc', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW_State', 'Prediction_Intervals', '7530f396338c7bbb1cf8a5cd96834880', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('NSW_State', 'Forecast_Quantiles', '7a9eb4751c8e8e9944a08c3f979ef490', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other_State', 'Trend', 'fe4c1d22c0f08cb51df0a6a0c0efbcae', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other_State', 'Cycle', '03a0865cc4f0dde1b81e28231bdfeb83', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other_State', 'AR', '2acb31020d2d5138b87c3ec81ba147bf', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other_State', 'TransformedForecast', 'ba30d17c9aea4d93d030a3c66603b255', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other_State', 'Forecast', 'a03b956f45887d70e3cde667c5b78b95', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other_State', 'Prediction_Intervals', '7bc20ae1794ea2f261c683acb66c469f', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Other_State', 'Forecast_Quantiles', '9e72ef30ab699558e50132d5c3f6524b', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD_State', 'Trend', 'bed09f40609f8bf0334b7a6752601dd9', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD_State', 'Cycle', '3711153e1bdc65a4d9541636750c1423', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD_State', 'AR', 'a3fa08030adf8a2eef63d9fc98b5f3f1', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD_State', 'TransformedForecast', '2319226233d23eba83c09fdf74bf82cd', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD_State', 'Forecast', 'db18a2609bfc56868e0bffeb46ad6480', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD_State', 'Prediction_Intervals', '3d3d1793b73d6d4b3db588ea1b3aad87', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('QLD_State', 'Forecast_Quantiles', 'fa85e911371748cb3ae7b5a0e9724085', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC_State', 'Trend', 'c082b160e4051f0dfc539c4d6efe449c', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC_State', 'Cycle', 'b01be62aef5af875a0fd7b9bd0070347', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC_State', 'AR', '5529b679f69acd582f50ee9cc9fe81a0', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC_State', 'TransformedForecast', 'ce73f1b229240f2b783d1213b95620b8', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC_State', 'Forecast', 'c174f8ed81d1dda54c574513f080fba5', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC_State', 'Prediction_Intervals', '97642a999cb4907d20c6f102e4351abd', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('VIC_State', 'Forecast_Quantiles', 'd1b843c3b7c5e6df06b08886664ee676', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Australia', 'Trend', 'fc904b1ae145b3781b48457536902e2a', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Australia', 'Cycle', '1054e13acdd6638430cd93f7ee9c99c0', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Australia', 'AR', '43a06065522a9b7a0bd3f4eb33795b79', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Australia', 'TransformedForecast', 'bc470628f7a53c7c802ce2bb0eb823c8', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Australia', 'Forecast', 'facf894c43e9ce77487781cb6a485ac5', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Australia', 'Prediction_Intervals', '4aef33f6efac679511f4e164fa691117', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Australia', 'Forecast_Quantiles', '85261e26fbe47f12a478b71b76402450', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Hierarchical_Structure', '8b99f0288596c84d35caa3fea0aa98f4', 'iVBORw0KGgoAAAANSUhEUgAAAxUAAANdCAIAAABtdMZcAAAABmJLR0QA/wD/AP+g') -EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/plots/test_hierarchy_AU_plots.py', 'ElapsedTimeSecs':(319.04, 3.08, 196.23), 'MAX_MEM_KB':369144, 'CPU_PRCNT':'62%', 'FILES_IN':128, 'FILES_OUT':37688, 'EXIT_STATUS':0} +PLOT_PNG_DICT ('BrisbaneGC', 'Trend', '6d03098c53bd3151ffe8bb12f85d8185', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('BrisbaneGC', 'Cycle', '93f7595365076344c000165f63ed15ec', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('BrisbaneGC', 'AR', '94361bddb4c48e707f47f516fd087bb7', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('BrisbaneGC', 'TransformedForecast', '634d52f2b30a4f9ede9c5e9e759c7668', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('BrisbaneGC', 'Forecast', 'd0a325ae346978b0ee675d41b4848ddf', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('BrisbaneGC', 'Prediction_Intervals', '173e9332e27c9efca7a8e077daa8f678', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('BrisbaneGC', 'Forecast_Quantiles', 'b6b79660c6c81c6c123d69137b8e866a', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Capitals', 'Trend', '75fa23c58984a3fd54b5403d2382596c', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Capitals', 'Cycle', '2c7b1bb1acf714b5963abb30f902d267', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Capitals', 'AR', '1deb0cadec3e0ce94e7f5b3c1341e4c3', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Capitals', 'TransformedForecast', 'f5fa51b73869fc0f8cf2ce8fd1b2aad8', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Capitals', 'Forecast', 'ac8a090b0a5e2cccf7c18e9e5640e009', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Capitals', 'Prediction_Intervals', '7d3c20e1c4a7812dc218f32a6bc4b44f', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Capitals', 'Forecast_Quantiles', 'dd26170d4b456514064393a3a6090b56', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Melbourne', 'Trend', 'a3921280746fc2dfb8ef441c27fda182', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Melbourne', 'Cycle', '6be086ce1261858aa8bfeb1b89a25b60', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Melbourne', 'AR', 'ea803bd4026e80af3c56d6805afae052', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Melbourne', 'TransformedForecast', '3aac598c58ee7a4c8079636684b3b1a8', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Melbourne', 'Forecast', '1e3aee91ad757836b3d91f42f548ba1f', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Melbourne', 'Prediction_Intervals', 'a5a4669f26157b3d2dd49df264b88b52', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Melbourne', 'Forecast_Quantiles', 'b577dcdad26a606dbaf04710f64dd8fd', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW', 'Trend', 'c0f1a9a23d71e0c845c0acb9033f7181', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW', 'Cycle', '11786e5293284e9206974602a74e2b6d', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW', 'AR', 'cace8fcbf68858d2ccae6b7028c4b1a5', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW', 'TransformedForecast', '99daa11802278bfe319f3ed67f6897d3', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW', 'Forecast', '5755a796e020681d5a458811dfc95f22', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW', 'Prediction_Intervals', '8240642e89b6553d4c4d0a1896f9ac5f', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW', 'Forecast_Quantiles', '75c124ca198671fc703875d101706541', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other', 'Trend', '26bc666af965e99753634ea33c7d94de', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other', 'Cycle', 'dfcbcd7de4239d2b3ef7b7899d18a960', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other', 'AR', '4fd4af8496d159d83d2a253926538d02', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other', 'TransformedForecast', '80408abe5c9ab539a9dc133ef34c122b', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other', 'Forecast', '8e3fb37c72b03e0cf8e65412ece78c0f', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other', 'Prediction_Intervals', 'cefdee45a584546a075e6ba7d624f9cc', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other', 'Forecast_Quantiles', '1b0406504ab45a0f3aab49e761a3839f', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD', 'Trend', 'd7f286a896c6bffb83c618cc77079553', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD', 'Cycle', '13e7780c61203edac2e0b1e79358046b', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD', 'AR', 'd0810371468592e863abb6767a82392b', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD', 'TransformedForecast', 'e70a58e9e326a2a8e8482d8ad7a4e448', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD', 'Forecast', '4c0950926952a54d797edba2288e04fe', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD', 'Prediction_Intervals', '660f95482042f754e493f39852c4e361', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD', 'Forecast_Quantiles', '11c5b1cab9f87315d4591129a5135998', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Sydney', 'Trend', '01ea5d94b1992f447344364c232acd2c', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Sydney', 'Cycle', '60451518866597fae07f490b5d59c233', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Sydney', 'AR', '5fb4aaa1b6f9c4a2bbe192a48d5d148e', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Sydney', 'TransformedForecast', '74f17858b8f31cc6eda9b777c00de49f', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Sydney', 'Forecast', 'b5c3cf78514161890e4d06265cf487b0', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Sydney', 'Prediction_Intervals', '389bc80f72fd6495c271db3de232fef7', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Sydney', 'Forecast_Quantiles', '32bbadd3250c76ecc0453d6d4c91afb2', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC', 'Trend', '249be54b5856c5a40fe54da6d9789500', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC', 'Cycle', '1a94de305e4e29c058f0f90376a14901', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC', 'AR', '8c7dbb22cac17ae8f9bd0ac9a153a15a', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC', 'TransformedForecast', 'b4300ed966398e2e4217edac5daa3409', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC', 'Forecast', 'f19e1244221e7991aa3568aee7502c0c', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC', 'Prediction_Intervals', 'faa71e57bbe2f0ffb82c6194eb120eec', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC', 'Forecast_Quantiles', '0f3f1ea9a165691045254bd877917845', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW_State', 'Trend', '1de98c2c9e2e30842abfe76ac4944bff', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW_State', 'Cycle', '60afe1c4e7a121afa629a483d311ee4e', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW_State', 'AR', '9e89074c970c37d1664747c638084fed', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW_State', 'TransformedForecast', '5f95c326c6873fbc5eaeac3c37523c65', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW_State', 'Forecast', '4240106505c8a0b8b2b79d9115209f03', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW_State', 'Prediction_Intervals', 'acd349452291343444c199f68b257122', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('NSW_State', 'Forecast_Quantiles', '89158da8f2071fa344fbc905436aa4ab', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other_State', 'Trend', 'afe0256b3f66e303083d70e40afa66f1', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other_State', 'Cycle', '422a6ad7831c9e8c1ee63bd08cee868d', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other_State', 'AR', '44106980bd1b743848b7d9906198c0f2', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other_State', 'TransformedForecast', 'c82457cc94784cf239030d3c9e60c3f3', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other_State', 'Forecast', '754118171942c0f29d1c165dec2249cf', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other_State', 'Prediction_Intervals', '516b19fc19b0f38fb4d2d253297aea1a', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Other_State', 'Forecast_Quantiles', '37aa92c482bb167caf2aadffac743552', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD_State', 'Trend', 'c57ff63b9c86d14ec903cb9a65230135', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD_State', 'Cycle', 'a38e1bcf0912d4d8d6519f7bc7aef031', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD_State', 'AR', '632567418c8c18b06d0a5a949a5903f1', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD_State', 'TransformedForecast', '043d8bf7bc50ee2a050f7983cde146fd', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD_State', 'Forecast', '3048c084e971770a74a12d3df8ce6c31', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD_State', 'Prediction_Intervals', 'bd58b9b0e976b02ef379a4c4688a178b', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('QLD_State', 'Forecast_Quantiles', 'b114e2352a312bd2c917835823f26e24', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC_State', 'Trend', '60d2214d55aa1bb45a5b55fa5a4f68aa', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC_State', 'Cycle', 'e7fcfc24831ff6a9423936af70afa96e', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC_State', 'AR', '4ddba9674985f648e47e9a4b0cb41cdc', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC_State', 'TransformedForecast', '3a8bb237cdfaa00d8bd681024621bd12', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC_State', 'Forecast', '38f33f1faa26a2a91604930543bb9b6b', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC_State', 'Prediction_Intervals', '006e638b6b9fbce09dea5e05b3a337b1', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('VIC_State', 'Forecast_Quantiles', '005b1d44b3e3ae121199e7f9fa83a5e7', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Australia', 'Trend', 'abf70b4e04b1c399d668aefa2994f5d1', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Australia', 'Cycle', '56a7bc082bab890d2981644a9fb8e24b', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Australia', 'AR', 'b3453760798390c49067082740afee00', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Australia', 'TransformedForecast', 'd2d9c120052c09d7a3edf73372f30d60', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Australia', 'Forecast', 'db8621a18d1896b3931fd42db5f9fec6', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Australia', 'Prediction_Intervals', 'ceec58e19c03ce6adcc1aeceff1fab53', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Australia', 'Forecast_Quantiles', 'ec42e7c6fd11bf99a9f762527a75bead', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Hierarchical_Structure', '0a7a4edc0ad566af08f12b5cc8c30976', 'iVBORw0KGgoAAAANSUhEUgAAAxUAAANdCAIAAABtdMZcAAAABmJLR0QA/wD/AP+g') +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/plots/test_hierarchy_AU_plots.py', 'ElapsedTimeSecs':(109.26, 3.32, 209.96), 'MAX_MEM_KB':255276, 'CPU_PRCNT':'195%', 'FILES_IN':0, 'FILES_OUT':24736, 'EXIT_STATUS':0} diff --git a/tests/references/plots/test_ozone_plots.log b/tests/references/plots/test_ozone_plots.log index 42e5efd63..9c1653d6f 100644 --- a/tests/references/plots/test_ozone_plots.log +++ b/tests/references/plots/test_ozone_plots.log @@ -5,7 +5,7 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 2 1955-03 3.6 1955-03-01 3 1955-04 5.0 1955-04-01 4 1955-05 6.5 1955-05-01 -INFO:pyaf.std:TRAINING_ENGINE_END 42.195 +INFO:pyaf.std:TRAINING_ENGINE_END 5.75 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 @@ -45,7 +45,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/ozone_plottest__Ozone_Forecast_d INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/ozone_plottest__Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/ozone_plottest__Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 1.507 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.178 Forecast Columns Index(['Time', 'Ozone', 'Ozone_scaled', '_Ozone', 'row_number', 'Time_Normalized', '_Ozone_LinearTrend', '_Ozone_LinearTrend_residue', 'cycle_internal', '_Ozone_LinearTrend_residue_Cycle_12', @@ -165,7 +165,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 42.195 + "Training_Time": 5.75 } @@ -177,10 +177,11 @@ Forecasts -PLOT_PNG_DICT ('Ozone', 'Trend', 'd25c2bb593bd62487d26ac3d058a5e81', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Ozone', 'Cycle', '2f62992b2cdd4e0deeee4aeb29439fb4', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Ozone', 'AR', '97c42a7efadbd9496c2dda53f913c0b6', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Ozone', 'TransformedForecast', 'ca23fed7cbe4e08918873106c1ba3a31', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Ozone', 'Forecast', 'd8827b5cb25dc63e42c0e2e7494fd497', 'iVBORw0KGgoAAAANSUhEUgAADIAAAAZACAYAAAC7HNiCAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Ozone', 'Prediction_Intervals', '6bee2f44156907cb34b4f94060f7cc62', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') -PLOT_PNG_DICT ('Ozone', 'Forecast_Quantiles', 'f582bbffafdf4238257eb9348ea147ec', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Ozone', 'Trend', 'f4a40074779cbd14c8bafe56b3442f27', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Ozone', 'Cycle', '5edbfd38833ac577982ff9ff3eb4b31e', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Ozone', 'AR', '6c27d9b7e331af000e27613f82cb15ff', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Ozone', 'TransformedForecast', 'b389f4a3083b6b9fed20f4f0be4c6c58', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Ozone', 'Forecast', '03c29c3597b120862b0e2b893f51dbf6', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAMgCAYAAAAz4JsCAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Ozone', 'Prediction_Intervals', '466e0b53d0c7d342cc6c3ea34bf8cbfc', 'iVBORw0KGgoAAAANSUhEUgAABkAAAAMgCAYAAAB7wK5aAAAAOXRFWHRTb2Z0d2Fy') +PLOT_PNG_DICT ('Ozone', 'Forecast_Quantiles', '6e67ebf0ff8d9709e895e095c8076dc6', 'iVBORw0KGgoAAAANSUhEUgAABLAAAAHYCAYAAABdvhFfAAAAOXRFWHRTb2Z0d2Fy') +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/plots/test_ozone_plots.py', 'ElapsedTimeSecs':(15.80, 0.51, 27.28), 'MAX_MEM_KB':231048, 'CPU_PRCNT':'175%', 'FILES_IN':0, 'FILES_OUT':2232, 'EXIT_STATUS':0} diff --git a/tests/references/transformations/test_ozone_transf_logit.log b/tests/references/transformations/test_ozone_transf_logit.log index c1ea85091..120a98e25 100644 --- a/tests/references/transformations/test_ozone_transf_logit.log +++ b/tests/references/transformations/test_ozone_transf_logit.log @@ -243,7 +243,7 @@ INFO:pyaf.std:[ } ] INFO:pyaf.std:PERF_DUMP_END -INFO:pyaf.std:TRAINING_ENGINE_END 7.276 +INFO:pyaf.std:TRAINING_ENGINE_END 4.667 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='Logit_Ozone' Min=-16.118096 Max=16.118096 Mean=-0.757799 StdDev=1.919452 @@ -285,7 +285,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_Logit_Ozone_Forecast_de INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_Logit_Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_Logit_Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.58 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.172 Month Ozone Time 0 1955-01 2.7 1955-01-01 1 1955-02 2.0 1955-02-01 @@ -395,7 +395,7 @@ Forecasts "ErrorMean": 0.1463, "ErrorStdDev": 0.681, "KS": 0.1282, - "KendallTau": 0.6795, + "KendallTau": 0.6726, "Length": 39, "LnQ": 2.0965, "MAE": 0.5516, @@ -413,7 +413,7 @@ Forecasts }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 7.276 + "Training_Time": 4.667 } @@ -425,3 +425,4 @@ Forecasts +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/transformations/test_ozone_transf_logit.py', 'ElapsedTimeSecs':(10.96, 0.25, 10.66), 'MAX_MEM_KB':218112, 'CPU_PRCNT':'99%', 'FILES_IN':0, 'FILES_OUT':1728, 'EXIT_STATUS':0} diff --git a/tests/references/xgb/test_air_passengers_xgb_only.log b/tests/references/xgb/test_air_passengers_xgb_only.log index ff4359ae9..46f9c5047 100644 --- a/tests/references/xgb/test_air_passengers_xgb_only.log +++ b/tests/references/xgb/test_air_passengers_xgb_only.log @@ -10,20 +10,20 @@ INFO:pyaf.std:[ null, "_AirPassengers_LinearTrend_residue_Cycle_12_residue_XGB(33)" ], - "Forecast_MASE_1": 0.623, - "Forecast_MASE_10": 0.9277, - "Forecast_MASE_11": 0.8146, - "Forecast_MASE_12": 0.7329, - "Forecast_MASE_2": 0.6994, - "Forecast_MASE_3": 0.786, - "Forecast_MASE_4": 0.8591, - "Forecast_MASE_5": 0.9187, - "Forecast_MASE_6": 0.9681, - "Forecast_MASE_7": 1.0205, - "Forecast_MASE_8": 1.0183, - "Forecast_MASE_9": 0.9918, + "Forecast_MASE_1": 0.6521, + "Forecast_MASE_10": 0.9273, + "Forecast_MASE_11": 0.8634, + "Forecast_MASE_12": 0.7878, + "Forecast_MASE_2": 0.6735, + "Forecast_MASE_3": 0.7407, + "Forecast_MASE_4": 0.7824, + "Forecast_MASE_5": 0.7825, + "Forecast_MASE_6": 0.858, + "Forecast_MASE_7": 0.9065, + "Forecast_MASE_8": 0.941, + "Forecast_MASE_9": 0.9527, "Model": "_AirPassengers_LinearTrend_residue_Cycle_12_residue_XGB(33)", - "Voting": 198.25 + "Voting": 197.8333 }, { "Category": "NoTransf_LinearTrend_NoCycle_XGB", @@ -34,68 +34,44 @@ INFO:pyaf.std:[ null, "_AirPassengers_LinearTrend_residue_zeroCycle[0.0]_residue_XGB(33)" ], - "Forecast_MASE_1": 0.6163, - "Forecast_MASE_10": 1.273, - "Forecast_MASE_11": 1.3521, - "Forecast_MASE_12": 1.3647, - "Forecast_MASE_2": 0.6138, - "Forecast_MASE_3": 0.6302, - "Forecast_MASE_4": 0.6759, - "Forecast_MASE_5": 0.7384, - "Forecast_MASE_6": 0.8205, - "Forecast_MASE_7": 0.9192, - "Forecast_MASE_8": 1.0119, - "Forecast_MASE_9": 1.15, + "Forecast_MASE_1": 0.6436, + "Forecast_MASE_10": 1.2829, + "Forecast_MASE_11": 1.3177, + "Forecast_MASE_12": 1.3037, + "Forecast_MASE_2": 0.6477, + "Forecast_MASE_3": 0.6645, + "Forecast_MASE_4": 0.622, + "Forecast_MASE_5": 0.7126, + "Forecast_MASE_6": 0.7227, + "Forecast_MASE_7": 0.7197, + "Forecast_MASE_8": 0.9471, + "Forecast_MASE_9": 1.1375, "Model": "_AirPassengers_LinearTrend_residue_zeroCycle[0.0]_residue_XGB(33)", - "Voting": 190.5 + "Voting": 188.6667 }, { - "Category": "Integration_PolyTrend_Cycle_None_XGB", - "Complexity": "LMMSS", - "DetailedFormula": [ - "CumSum_AirPassengers", - "T+S+R", - null, - "CumSum_AirPassengers_PolyTrend_residue_Cycle_None_residue_XGB(33)" - ], - "Forecast_MASE_1": 0.8432, - "Forecast_MASE_10": 1.16, - "Forecast_MASE_11": 1.0993, - "Forecast_MASE_12": 1.5782, - "Forecast_MASE_2": 1.1533, - "Forecast_MASE_3": 1.2479, - "Forecast_MASE_4": 1.1315, - "Forecast_MASE_5": 0.8919, - "Forecast_MASE_6": 1.0441, - "Forecast_MASE_7": 1.3077, - "Forecast_MASE_8": 1.6016, - "Forecast_MASE_9": 1.3584, - "Model": "CumSum_AirPassengers_PolyTrend_residue_Cycle_None_residue_XGB(33)", - "Voting": 182.8333 - }, - { - "Category": "Integration_PolyTrend_NoCycle_XGB", - "Complexity": "LMMSS", + "Category": "NoTransf_Lag1Trend_Cycle_12_XGB", + "Complexity": "LSSSS", "DetailedFormula": [ - "CumSum_AirPassengers", + "_AirPassengers", "T+S+R", null, - "CumSum_AirPassengers_PolyTrend_residue_zeroCycle[0.0]_residue_XGB(33)" + "_AirPassengers_Lag1Trend_residue_Cycle_12_residue_XGB(33)" ], - "Forecast_MASE_1": 0.8432, - "Forecast_MASE_10": 1.16, - "Forecast_MASE_11": 1.0993, - "Forecast_MASE_12": 1.5782, - "Forecast_MASE_2": 1.1533, - "Forecast_MASE_3": 1.2479, - "Forecast_MASE_4": 1.1315, - "Forecast_MASE_5": 0.8919, - "Forecast_MASE_6": 1.0441, - "Forecast_MASE_7": 1.3077, - "Forecast_MASE_8": 1.6016, - "Forecast_MASE_9": 1.3584, - "Model": "CumSum_AirPassengers_PolyTrend_residue_zeroCycle[0.0]_residue_XGB(33)", - "Voting": 182.8333 + "Forecast_MASE_1": 0.4048, + "Forecast_MASE_10": 1.2323, + "Forecast_MASE_11": 1.2108, + "Forecast_MASE_12": 1.1652, + "Forecast_MASE_2": 0.6612, + "Forecast_MASE_3": 0.8934, + "Forecast_MASE_4": 1.0077, + "Forecast_MASE_5": 1.0012, + "Forecast_MASE_6": 1.0618, + "Forecast_MASE_7": 1.1393, + "Forecast_MASE_8": 1.1315, + "Forecast_MASE_9": 1.2672, + "Model": "_AirPassengers_Lag1Trend_residue_Cycle_12_residue_XGB(33)", + "Voting": 183.1667 }, { "Category": "NoTransf_ConstantTrend_Cycle_None_XGB", @@ -106,20 +82,20 @@ INFO:pyaf.std:[ null, "_AirPassengers_ConstantTrend_residue_Cycle_None_residue_XGB(33)" ], - "Forecast_MASE_1": 1.148, - "Forecast_MASE_10": 1.2921, - "Forecast_MASE_11": 1.2921, - "Forecast_MASE_12": 1.2921, - "Forecast_MASE_2": 1.2921, - "Forecast_MASE_3": 1.2921, - "Forecast_MASE_4": 1.2921, - "Forecast_MASE_5": 1.2921, - "Forecast_MASE_6": 1.2921, - "Forecast_MASE_7": 1.2921, - "Forecast_MASE_8": 1.2921, - "Forecast_MASE_9": 1.2921, + "Forecast_MASE_1": 1.1749, + "Forecast_MASE_10": 1.212, + "Forecast_MASE_11": 1.212, + "Forecast_MASE_12": 1.212, + "Forecast_MASE_2": 1.158, + "Forecast_MASE_3": 1.212, + "Forecast_MASE_4": 1.1956, + "Forecast_MASE_5": 1.212, + "Forecast_MASE_6": 1.1995, + "Forecast_MASE_7": 1.212, + "Forecast_MASE_8": 1.212, + "Forecast_MASE_9": 1.212, "Model": "_AirPassengers_ConstantTrend_residue_Cycle_None_residue_XGB(33)", - "Voting": 179.75 + "Voting": 177.4167 }, { "Category": "NoTransf_ConstantTrend_NoCycle_XGB", @@ -130,20 +106,20 @@ INFO:pyaf.std:[ null, "_AirPassengers_ConstantTrend_residue_zeroCycle[0.0]_residue_XGB(33)" ], - "Forecast_MASE_1": 1.148, - "Forecast_MASE_10": 1.2921, - "Forecast_MASE_11": 1.2921, - "Forecast_MASE_12": 1.2921, - "Forecast_MASE_2": 1.2921, - "Forecast_MASE_3": 1.2921, - "Forecast_MASE_4": 1.2921, - "Forecast_MASE_5": 1.2921, - "Forecast_MASE_6": 1.2921, - "Forecast_MASE_7": 1.2921, - "Forecast_MASE_8": 1.2921, - "Forecast_MASE_9": 1.2921, + "Forecast_MASE_1": 1.1749, + "Forecast_MASE_10": 1.212, + "Forecast_MASE_11": 1.212, + "Forecast_MASE_12": 1.212, + "Forecast_MASE_2": 1.158, + "Forecast_MASE_3": 1.212, + "Forecast_MASE_4": 1.1956, + "Forecast_MASE_5": 1.212, + "Forecast_MASE_6": 1.1995, + "Forecast_MASE_7": 1.212, + "Forecast_MASE_8": 1.212, + "Forecast_MASE_9": 1.212, "Model": "_AirPassengers_ConstantTrend_residue_zeroCycle[0.0]_residue_XGB(33)", - "Voting": 179.75 + "Voting": 177.4167 }, { "Category": "NoTransf_PolyTrend_Cycle_None_XGB", @@ -154,20 +130,20 @@ INFO:pyaf.std:[ null, "_AirPassengers_PolyTrend_residue_Cycle_None_residue_XGB(33)" ], - "Forecast_MASE_1": 0.9702, - "Forecast_MASE_10": 1.7754, - "Forecast_MASE_11": 1.7729, - "Forecast_MASE_12": 1.7729, - "Forecast_MASE_2": 1.105, - "Forecast_MASE_3": 1.1618, - "Forecast_MASE_4": 1.2113, - "Forecast_MASE_5": 1.2745, - "Forecast_MASE_6": 1.2868, - "Forecast_MASE_7": 1.4255, - "Forecast_MASE_8": 1.6188, - "Forecast_MASE_9": 1.7669, + "Forecast_MASE_1": 0.8585, + "Forecast_MASE_10": 1.5924, + "Forecast_MASE_11": 1.6226, + "Forecast_MASE_12": 1.6164, + "Forecast_MASE_2": 0.8624, + "Forecast_MASE_3": 0.8797, + "Forecast_MASE_4": 0.9147, + "Forecast_MASE_5": 0.9414, + "Forecast_MASE_6": 1.058, + "Forecast_MASE_7": 1.0797, + "Forecast_MASE_8": 1.2054, + "Forecast_MASE_9": 1.4424, "Model": "_AirPassengers_PolyTrend_residue_Cycle_None_residue_XGB(33)", - "Voting": 166.0833 + "Voting": 170.3333 }, { "Category": "NoTransf_PolyTrend_NoCycle_XGB", @@ -178,72 +154,96 @@ INFO:pyaf.std:[ null, "_AirPassengers_PolyTrend_residue_zeroCycle[0.0]_residue_XGB(33)" ], - "Forecast_MASE_1": 0.9702, - "Forecast_MASE_10": 1.7754, - "Forecast_MASE_11": 1.7729, - "Forecast_MASE_12": 1.7729, - "Forecast_MASE_2": 1.105, - "Forecast_MASE_3": 1.1618, - "Forecast_MASE_4": 1.2113, - "Forecast_MASE_5": 1.2745, - "Forecast_MASE_6": 1.2868, - "Forecast_MASE_7": 1.4255, - "Forecast_MASE_8": 1.6188, - "Forecast_MASE_9": 1.7669, + "Forecast_MASE_1": 0.8585, + "Forecast_MASE_10": 1.5924, + "Forecast_MASE_11": 1.6226, + "Forecast_MASE_12": 1.6164, + "Forecast_MASE_2": 0.8624, + "Forecast_MASE_3": 0.8797, + "Forecast_MASE_4": 0.9147, + "Forecast_MASE_5": 0.9414, + "Forecast_MASE_6": 1.058, + "Forecast_MASE_7": 1.0797, + "Forecast_MASE_8": 1.2054, + "Forecast_MASE_9": 1.4424, "Model": "_AirPassengers_PolyTrend_residue_zeroCycle[0.0]_residue_XGB(33)", - "Voting": 166.0833 + "Voting": 170.3333 }, { - "Category": "NoTransf_Lag1Trend_Cycle_12_XGB", - "Complexity": "LSSSS", + "Category": "Integration_PolyTrend_Cycle_None_XGB", + "Complexity": "LMMSS", "DetailedFormula": [ - "_AirPassengers", + "CumSum_AirPassengers", "T+S+R", null, - "_AirPassengers_Lag1Trend_residue_Cycle_12_residue_XGB(33)" + "CumSum_AirPassengers_PolyTrend_residue_Cycle_None_residue_XGB(33)" ], - "Forecast_MASE_1": 0.4587, - "Forecast_MASE_10": 2.9248, - "Forecast_MASE_11": 3.2231, - "Forecast_MASE_12": 3.3988, - "Forecast_MASE_2": 0.8728, - "Forecast_MASE_3": 1.1658, - "Forecast_MASE_4": 1.3676, - "Forecast_MASE_5": 1.5231, - "Forecast_MASE_6": 1.7638, - "Forecast_MASE_7": 2.0315, - "Forecast_MASE_8": 2.3336, - "Forecast_MASE_9": 2.7469, - "Model": "_AirPassengers_Lag1Trend_residue_Cycle_12_residue_XGB(33)", - "Voting": 152.4167 + "Forecast_MASE_1": 0.7666, + "Forecast_MASE_10": 1.8721, + "Forecast_MASE_11": 1.8775, + "Forecast_MASE_12": 1.736, + "Forecast_MASE_2": 1.0035, + "Forecast_MASE_3": 1.2166, + "Forecast_MASE_4": 1.43, + "Forecast_MASE_5": 1.4468, + "Forecast_MASE_6": 1.4437, + "Forecast_MASE_7": 1.5574, + "Forecast_MASE_8": 1.6824, + "Forecast_MASE_9": 1.7342, + "Model": "CumSum_AirPassengers_PolyTrend_residue_Cycle_None_residue_XGB(33)", + "Voting": 148.8333 }, { - "Category": "NoTransf_Lag1Trend_NoCycle_XGB", - "Complexity": "LSSSS", + "Category": "Integration_PolyTrend_NoCycle_XGB", + "Complexity": "LMMSS", "DetailedFormula": [ - "_AirPassengers", + "CumSum_AirPassengers", "T+S+R", null, - "_AirPassengers_Lag1Trend_residue_zeroCycle[0.0]_residue_XGB(33)" + "CumSum_AirPassengers_PolyTrend_residue_zeroCycle[0.0]_residue_XGB(33)" ], - "Forecast_MASE_1": 0.4883, - "Forecast_MASE_10": 3.396, - "Forecast_MASE_11": 3.5078, - "Forecast_MASE_12": 4.0295, - "Forecast_MASE_2": 0.9171, - "Forecast_MASE_3": 1.1308, - "Forecast_MASE_4": 1.3614, - "Forecast_MASE_5": 1.7671, - "Forecast_MASE_6": 2.1107, - "Forecast_MASE_7": 2.2274, - "Forecast_MASE_8": 2.507, - "Forecast_MASE_9": 2.8685, - "Model": "_AirPassengers_Lag1Trend_residue_zeroCycle[0.0]_residue_XGB(33)", - "Voting": 146.75 + "Forecast_MASE_1": 0.7666, + "Forecast_MASE_10": 1.8721, + "Forecast_MASE_11": 1.8775, + "Forecast_MASE_12": 1.736, + "Forecast_MASE_2": 1.0035, + "Forecast_MASE_3": 1.2166, + "Forecast_MASE_4": 1.43, + "Forecast_MASE_5": 1.4468, + "Forecast_MASE_6": 1.4437, + "Forecast_MASE_7": 1.5574, + "Forecast_MASE_8": 1.6824, + "Forecast_MASE_9": 1.7342, + "Model": "CumSum_AirPassengers_PolyTrend_residue_zeroCycle[0.0]_residue_XGB(33)", + "Voting": 148.8333 + }, + { + "Category": "Difference_ConstantTrend_NoCycle_XGB", + "Complexity": "LMSSS", + "DetailedFormula": [ + "Diff_AirPassengers", + "T+S+R", + null, + "Diff_AirPassengers_ConstantTrend_residue_zeroCycle[0.0]_residue_XGB(33)" + ], + "Forecast_MASE_1": 0.5641, + "Forecast_MASE_10": 1.4351, + "Forecast_MASE_11": 1.5644, + "Forecast_MASE_12": 1.4881, + "Forecast_MASE_2": 0.7269, + "Forecast_MASE_3": 1.0953, + "Forecast_MASE_4": 1.8739, + "Forecast_MASE_5": 3.1675, + "Forecast_MASE_6": 3.4946, + "Forecast_MASE_7": 3.0649, + "Forecast_MASE_8": 1.9495, + "Forecast_MASE_9": 1.4134, + "Model": "Diff_AirPassengers_ConstantTrend_residue_zeroCycle[0.0]_residue_XGB(33)", + "Voting": 148.75 } ] INFO:pyaf.std:PERF_DUMP_END -INFO:pyaf.std:TRAINING_ENGINE_END 6.79 +INFO:pyaf.std:TRAINING_ENGINE_END 2.542 INFO:pyaf.std:TIME_DETAIL TimeVariable='time' TimeMin=1949.0 TimeMax=1956.91666666667 TimeDelta=0.08333333333336763 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='AirPassengers' Length=132 Min=104 Max=559 Mean=262.492424 StdDev=106.221146 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_AirPassengers' Min=0.0 Max=1.0 Mean=0.348335 StdDev=0.233453 @@ -253,12 +253,12 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_AirPassengers_LinearTrend_residue_Cycle_12_r INFO:pyaf.std:TREND_DETAIL '_AirPassengers_LinearTrend' [LinearTrend] INFO:pyaf.std:CYCLE_DETAIL '_AirPassengers_LinearTrend_residue_Cycle_12' [Cycle_12] INFO:pyaf.std:AUTOREG_DETAIL '_AirPassengers_LinearTrend_residue_Cycle_12_residue_XGB(33)' [XGB] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0452, 'RMSE': 10.8475, 'MAE': 8.9051, 'MASE': 0.4763} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0576, 'RMSE': 30.0286, 'MAE': 23.0797, 'MASE': 0.623} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0578, 'RMSE': 38.7656, 'MAE': 27.2165, 'MASE': 0.6048} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.0719, 'RMSE': 17.3764, 'MAE': 13.9701, 'MASE': 0.7473} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.0685, 'RMSE': 33.8801, 'MAE': 27.1495, 'MASE': 0.7329} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0633, 'RMSE': 42.9089, 'MAE': 29.8144, 'MASE': 0.6625} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0233, 'RMSE': 6.5071, 'MAE': 4.6364, 'MASE': 0.248} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0584, 'RMSE': 33.9129, 'MAE': 24.1575, 'MASE': 0.6521} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0672, 'RMSE': 43.7093, 'MAE': 31.7641, 'MASE': 0.7059} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.052, 'RMSE': 13.5994, 'MAE': 10.2521, 'MASE': 0.5484} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.072, 'RMSE': 39.1537, 'MAE': 29.1817, 'MASE': 0.7878} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0747, 'RMSE': 51.7406, 'MAE': 35.6627, 'MASE': 0.7925} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None @@ -272,7 +272,7 @@ INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'AirPassengers' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'AirPassengers' 0 {'Transformation': '_AirPassengers', 'DecompositionType': 'T+S+R', 'Model': '_AirPassengers_LinearTrend_residue_Cycle_12_residue_XGB(33)', 'Voting': 198.25, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.623, 'Forecast_MASE_2': 0.6994, 'Forecast_MASE_3': 0.786, 'Forecast_MASE_4': 0.8591, 'Forecast_MASE_5': 0.9187, 'Forecast_MASE_6': 0.9681, 'Forecast_MASE_7': 1.0205, 'Forecast_MASE_8': 1.0183, 'Forecast_MASE_9': 0.9918, 'Forecast_MASE_10': 0.9277, 'Forecast_MASE_11': 0.8146, 'Forecast_MASE_12': 0.7329} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'AirPassengers' 0 {'Transformation': '_AirPassengers', 'DecompositionType': 'T+S+R', 'Model': '_AirPassengers_LinearTrend_residue_Cycle_12_residue_XGB(33)', 'Voting': 197.8333, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6521, 'Forecast_MASE_2': 0.6735, 'Forecast_MASE_3': 0.7407, 'Forecast_MASE_4': 0.7824, 'Forecast_MASE_5': 0.7825, 'Forecast_MASE_6': 0.858, 'Forecast_MASE_7': 0.9065, 'Forecast_MASE_8': 0.941, 'Forecast_MASE_9': 0.9527, 'Forecast_MASE_10': 0.9273, 'Forecast_MASE_11': 0.8634, 'Forecast_MASE_12': 0.7878} INFO:pyaf.std:COMPETITION_DETAIL_END 'AirPassengers' INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_airline_passengers_xgb_only_AirPassengers_Trend_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_airline_passengers_xgb_only_AirPassengers_Cycle_decomp_output.png') @@ -282,7 +282,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_airline_passengers_xgb_only_A INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_airline_passengers_xgb_only_AirPassengers_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_airline_passengers_xgb_only_AirPassengers_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.132 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.189 Forecast Columns Index(['time', 'AirPassengers', 'AirPassengers_scaled', '_AirPassengers', 'row_number', 'time_Normalized', '_AirPassengers_LinearTrend', '_AirPassengers_LinearTrend_residue', 'cycle_internal', @@ -330,18 +330,18 @@ Forecasts 129 1959.750000 ... NaN 130 1959.833333 ... NaN 131 1959.916667 ... NaN -132 1960.000000 ... 471.910154 -133 1960.083333 ... 482.395336 -134 1960.166667 ... 525.519766 -135 1960.250000 ... 524.447649 -136 1960.333333 ... 539.019173 -137 1960.416667 ... 568.386059 -138 1960.500000 ... 580.074711 -139 1960.583333 ... 595.263289 -140 1960.666667 ... 551.538300 -141 1960.750000 ... 520.682701 -142 1960.833333 ... 482.177427 -143 1960.916667 ... 510.077930 +132 1960.000000 ... 473.347591 +133 1960.083333 ... 466.030560 +134 1960.166667 ... 501.226223 +135 1960.250000 ... 500.442742 +136 1960.333333 ... 510.573844 +137 1960.416667 ... 552.425654 +138 1960.500000 ... 566.631504 +139 1960.583333 ... 575.236943 +140 1960.666667 ... 543.798760 +141 1960.750000 ... 517.253549 +142 1960.833333 ... 482.911341 +143 1960.916667 ... 492.131577 [24 rows x 5 columns] @@ -377,51 +377,51 @@ Forecasts }, "Model_Performance": { "1": { - "AUC": 0.4653, - "DiffSMAPE": 0.0585, - "ErrorMean": -5.658, - "ErrorStdDev": 29.4907, + "AUC": 0.5278, + "DiffSMAPE": 0.0607, + "ErrorMean": -13.9895, + "ErrorStdDev": 30.893, "KS": 0.25, - "KendallTau": 0.8291, + "KendallTau": 0.7782, "Length": 24, - "LnQ": 0.1254, - "MAE": 23.0797, - "MAPE": 0.0576, - "MASE": 0.623, - "MannWhitneyU": 268.0, - "MedAE": 19.5789, - "Pearson": 0.9435, - "R2": 0.7412, - "RMSE": 30.0286, - "RMSSE": 0.6689, - "SMAPE": 0.0586, + "LnQ": 0.1553, + "MAE": 24.1575, + "MAPE": 0.0584, + "MASE": 0.6521, + "MannWhitneyU": 304.0, + "MedAE": 13.7251, + "Pearson": 0.9414, + "R2": 0.6699, + "RMSE": 33.9129, + "RMSSE": 0.7555, + "SMAPE": 0.0607, "Signal": "AirPassengers_Forecast_1" }, "12": { - "AUC": 0.4566, - "DiffSMAPE": 0.0691, - "ErrorMean": -3.2238, - "ErrorStdDev": 33.7264, - "KS": 0.2917, - "KendallTau": 0.7927, + "AUC": 0.4913, + "DiffSMAPE": 0.074, + "ErrorMean": -10.2542, + "ErrorStdDev": 37.7871, + "KS": 0.25, + "KendallTau": 0.7055, "Length": 24, - "LnQ": 0.1637, - "MAE": 27.1495, - "MAPE": 0.0685, - "MASE": 0.7329, - "MannWhitneyU": 263.0, - "MedAE": 24.2079, - "Pearson": 0.8736, - "R2": 0.6706, - "RMSE": 33.8801, - "RMSSE": 0.7547, - "SMAPE": 0.0691, + "LnQ": 0.2182, + "MAE": 29.1817, + "MAPE": 0.072, + "MASE": 0.7878, + "MannWhitneyU": 283.0, + "MedAE": 27.27, + "Pearson": 0.8459, + "R2": 0.56, + "RMSE": 39.1537, + "RMSSE": 0.8722, + "SMAPE": 0.074, "Signal": "AirPassengers_Forecast_12" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 6.79 + "Training_Time": 2.542 } @@ -429,7 +429,8 @@ Forecasts -{"time":{"120":1959.0,"121":1959.0833333333,"122":1959.1666666667,"123":1959.25,"124":1959.3333333333,"125":1959.4166666667,"126":1959.5,"127":1959.5833333333,"128":1959.6666666667,"129":1959.75,"130":1959.8333333333,"131":1959.9166666667,"132":1960.0,"133":1960.0833333333,"134":1960.1666666667,"135":1960.25,"136":1960.3333333333,"137":1960.4166666667,"138":1960.5,"139":1960.5833333333,"140":1960.6666666667,"141":1960.75,"142":1960.8333333333,"143":1960.9166666667},"AirPassengers":{"120":360.0,"121":342.0,"122":406.0,"123":396.0,"124":420.0,"125":472.0,"126":548.0,"127":559.0,"128":463.0,"129":407.0,"130":362.0,"131":405.0,"132":null,"133":null,"134":null,"135":null,"136":null,"137":null,"138":null,"139":null,"140":null,"141":null,"142":null,"143":null},"AirPassengers_Forecast":{"120":360.4635463655,"121":371.9830003403,"122":390.4304481561,"123":392.6346531771,"124":396.4438145714,"125":447.0263695048,"126":463.2821176266,"127":473.2992761094,"128":436.2734831459,"129":405.3302144811,"130":379.8302144812,"131":392.958176683,"132":413.0540984431,"133":416.3113878436,"134":453.522497994,"135":448.3069412838,"136":457.681132992,"137":482.4584830795,"138":491.2986667314,"139":505.4502085273,"140":464.6003439778,"141":439.7084370602,"142":407.7948387388,"143":443.6729339139},"AirPassengers_Forecast_Lower_Bound":{"120":null,"121":null,"122":null,"123":null,"124":null,"125":null,"126":null,"127":null,"128":null,"129":null,"130":null,"131":null,"132":354.1980424431,"133":350.2274398436,"134":381.525229994,"135":372.1662332838,"136":376.343092992,"137":396.5309070795,"138":402.5226227314,"139":415.6371285273,"140":377.6623879778,"141":358.7341730602,"142":333.4122507388,"143":377.2679379139},"AirPassengers_Forecast_Upper_Bound":{"120":null,"121":null,"122":null,"123":null,"124":null,"125":null,"126":null,"127":null,"128":null,"129":null,"130":null,"131":null,"132":471.9101544431,"133":482.3953358436,"134":525.519765994,"135":524.4476492838,"136":539.019172992,"137":568.3860590795,"138":580.0747107314,"139":595.2632885273,"140":551.5382999778,"141":520.6827010602,"142":482.1774267388,"143":510.0779299139}} +{"time":{"120":1959.0,"121":1959.0833333333,"122":1959.1666666667,"123":1959.25,"124":1959.3333333333,"125":1959.4166666667,"126":1959.5,"127":1959.5833333333,"128":1959.6666666667,"129":1959.75,"130":1959.8333333333,"131":1959.9166666667,"132":1960.0,"133":1960.0833333333,"134":1960.1666666667,"135":1960.25,"136":1960.3333333333,"137":1960.4166666667,"138":1960.5,"139":1960.5833333333,"140":1960.6666666667,"141":1960.75,"142":1960.8333333333,"143":1960.9166666667},"AirPassengers":{"120":360.0,"121":342.0,"122":406.0,"123":396.0,"124":420.0,"125":472.0,"126":548.0,"127":559.0,"128":463.0,"129":407.0,"130":362.0,"131":405.0,"132":null,"133":null,"134":null,"135":null,"136":null,"137":null,"138":null,"139":null,"140":null,"141":null,"142":null,"143":null},"AirPassengers_Forecast":{"120":353.3932628902,"121":367.6445218594,"122":386.6544940074,"123":387.4508670349,"124":391.9488405356,"125":433.7225029694,"126":451.7580729416,"127":464.0085524205,"128":434.6912889517,"129":397.8888579358,"130":372.1901920879,"131":389.1490542119,"132":406.8783070734,"133":395.976239734,"134":425.972022587,"135":425.5099824685,"136":433.8443517398,"137":472.0597739388,"138":481.345435963,"139":486.8207551588,"140":455.0138957927,"141":429.4179134417,"142":398.9176967788,"143":415.3903249327},"AirPassengers_Forecast_Lower_Bound":{"120":null,"121":null,"122":null,"123":null,"124":null,"125":null,"126":null,"127":null,"128":null,"129":null,"130":null,"131":null,"132":340.4090230734,"133":325.921919734,"134":350.717822587,"135":350.5772224685,"136":357.1148597398,"137":391.6938939388,"138":396.059367963,"139":398.4045671588,"140":366.2290317927,"141":341.5822774417,"142":314.9240527788,"143":338.6490729327},"AirPassengers_Forecast_Upper_Bound":{"120":null,"121":null,"122":null,"123":null,"124":null,"125":null,"126":null,"127":null,"128":null,"129":null,"130":null,"131":null,"132":473.3475910734,"133":466.030559734,"134":501.226222587,"135":500.4427424685,"136":510.5738437398,"137":552.4256539388,"138":566.631503963,"139":575.2369431588,"140":543.7987597927,"141":517.2535494417,"142":482.9113407788,"143":492.1315769327}} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/xgb/test_air_passengers_xgb_only.py', 'ElapsedTimeSecs':(8.82, 0.50, 12.94), 'MAX_MEM_KB':214680, 'CPU_PRCNT':'152%', 'FILES_IN':0, 'FILES_OUT':1712, 'EXIT_STATUS':0} diff --git a/tests/references/xgb/test_air_passengers_xgb_only_with_custom_options.log b/tests/references/xgb/test_air_passengers_xgb_only_with_custom_options.log index 073ee2e7d..d0b068d24 100644 --- a/tests/references/xgb/test_air_passengers_xgb_only_with_custom_options.log +++ b/tests/references/xgb/test_air_passengers_xgb_only_with_custom_options.log @@ -10,240 +10,240 @@ INFO:pyaf.std:[ null, "_AirPassengers_LinearTrend_residue_Cycle_12_residue_XGB(33)" ], - "Forecast_MASE_1": 0.9959, - "Forecast_MASE_10": 1.1556, - "Forecast_MASE_11": 1.1556, - "Forecast_MASE_12": 1.1556, - "Forecast_MASE_2": 1.1556, - "Forecast_MASE_3": 1.1556, - "Forecast_MASE_4": 1.1556, - "Forecast_MASE_5": 1.1556, - "Forecast_MASE_6": 1.1556, - "Forecast_MASE_7": 1.1556, - "Forecast_MASE_8": 1.1556, - "Forecast_MASE_9": 1.1556, + "Forecast_MASE_1": 0.6492, + "Forecast_MASE_10": 0.9092, + "Forecast_MASE_11": 0.895, + "Forecast_MASE_12": 0.8304, + "Forecast_MASE_2": 0.7039, + "Forecast_MASE_3": 0.7129, + "Forecast_MASE_4": 0.7812, + "Forecast_MASE_5": 0.8048, + "Forecast_MASE_6": 0.8778, + "Forecast_MASE_7": 0.879, + "Forecast_MASE_8": 0.9144, + "Forecast_MASE_9": 0.9247, "Model": "_AirPassengers_LinearTrend_residue_Cycle_12_residue_XGB(33)", "Voting": 200.8333 }, { - "Category": "Integration_PolyTrend_Cycle_None_XGB", - "Complexity": "LMMSS", + "Category": "NoTransf_LinearTrend_NoCycle_XGB", + "Complexity": "LSSSS", "DetailedFormula": [ - "CumSum_AirPassengers", + "_AirPassengers", "T+S+R", null, - "CumSum_AirPassengers_PolyTrend_residue_Cycle_None_residue_XGB(33)" + "_AirPassengers_LinearTrend_residue_zeroCycle[0.0]_residue_XGB(33)" ], - "Forecast_MASE_1": 0.875, - "Forecast_MASE_10": 1.4041, - "Forecast_MASE_11": 1.4041, - "Forecast_MASE_12": 1.3829, - "Forecast_MASE_2": 1.1376, - "Forecast_MASE_3": 1.2694, - "Forecast_MASE_4": 1.3158, - "Forecast_MASE_5": 1.3125, - "Forecast_MASE_6": 1.3204, - "Forecast_MASE_7": 1.2825, - "Forecast_MASE_8": 1.3356, - "Forecast_MASE_9": 1.3537, - "Model": "CumSum_AirPassengers_PolyTrend_residue_Cycle_None_residue_XGB(33)", - "Voting": 195.0833 + "Forecast_MASE_1": 0.7366, + "Forecast_MASE_10": 1.2881, + "Forecast_MASE_11": 1.2881, + "Forecast_MASE_12": 1.2881, + "Forecast_MASE_2": 0.8019, + "Forecast_MASE_3": 0.74, + "Forecast_MASE_4": 0.81, + "Forecast_MASE_5": 0.897, + "Forecast_MASE_6": 1.0221, + "Forecast_MASE_7": 1.1689, + "Forecast_MASE_8": 1.2289, + "Forecast_MASE_9": 1.2751, + "Model": "_AirPassengers_LinearTrend_residue_zeroCycle[0.0]_residue_XGB(33)", + "Voting": 192.5833 }, { - "Category": "Integration_PolyTrend_NoCycle_XGB", - "Complexity": "LMMSS", + "Category": "NoTransf_Lag1Trend_Cycle_12_XGB", + "Complexity": "LSSSS", "DetailedFormula": [ - "CumSum_AirPassengers", + "_AirPassengers", "T+S+R", null, - "CumSum_AirPassengers_PolyTrend_residue_zeroCycle[0.0]_residue_XGB(33)" + "_AirPassengers_Lag1Trend_residue_Cycle_12_residue_XGB(33)" ], - "Forecast_MASE_1": 0.875, - "Forecast_MASE_10": 1.4041, - "Forecast_MASE_11": 1.4041, - "Forecast_MASE_12": 1.3829, - "Forecast_MASE_2": 1.1376, - "Forecast_MASE_3": 1.2694, - "Forecast_MASE_4": 1.3158, - "Forecast_MASE_5": 1.3125, - "Forecast_MASE_6": 1.3204, - "Forecast_MASE_7": 1.2825, - "Forecast_MASE_8": 1.3356, - "Forecast_MASE_9": 1.3537, - "Model": "CumSum_AirPassengers_PolyTrend_residue_zeroCycle[0.0]_residue_XGB(33)", - "Voting": 195.0833 + "Forecast_MASE_1": 0.38, + "Forecast_MASE_10": 1.3681, + "Forecast_MASE_11": 1.4468, + "Forecast_MASE_12": 1.4104, + "Forecast_MASE_2": 0.6271, + "Forecast_MASE_3": 0.8381, + "Forecast_MASE_4": 0.9406, + "Forecast_MASE_5": 1.025, + "Forecast_MASE_6": 1.1525, + "Forecast_MASE_7": 1.1907, + "Forecast_MASE_8": 1.0977, + "Forecast_MASE_9": 1.2482, + "Model": "_AirPassengers_Lag1Trend_residue_Cycle_12_residue_XGB(33)", + "Voting": 183.9167 }, { - "Category": "NoTransf_ConstantTrend_Cycle_None_XGB", - "Complexity": "LSSSS", + "Category": "NoTransf_PolyTrend_Cycle_None_XGB", + "Complexity": "LMSSS", "DetailedFormula": [ "_AirPassengers", "T+S+R", null, - "_AirPassengers_ConstantTrend_residue_Cycle_None_residue_XGB(33)" + "_AirPassengers_PolyTrend_residue_Cycle_None_residue_XGB(33)" ], - "Forecast_MASE_1": 1.3389, - "Forecast_MASE_10": 1.5437, - "Forecast_MASE_11": 1.5437, - "Forecast_MASE_12": 1.5437, - "Forecast_MASE_2": 1.5035, - "Forecast_MASE_3": 1.5437, - "Forecast_MASE_4": 1.5437, - "Forecast_MASE_5": 1.5437, - "Forecast_MASE_6": 1.5437, - "Forecast_MASE_7": 1.5437, - "Forecast_MASE_8": 1.5437, - "Forecast_MASE_9": 1.5437, - "Model": "_AirPassengers_ConstantTrend_residue_Cycle_None_residue_XGB(33)", - "Voting": 181.25 + "Forecast_MASE_1": 0.9432, + "Forecast_MASE_10": 1.3481, + "Forecast_MASE_11": 1.3519, + "Forecast_MASE_12": 1.3655, + "Forecast_MASE_2": 0.9627, + "Forecast_MASE_3": 1.0569, + "Forecast_MASE_4": 1.0436, + "Forecast_MASE_5": 1.0283, + "Forecast_MASE_6": 1.1072, + "Forecast_MASE_7": 1.2289, + "Forecast_MASE_8": 1.3367, + "Forecast_MASE_9": 1.3516, + "Model": "_AirPassengers_PolyTrend_residue_Cycle_None_residue_XGB(33)", + "Voting": 183.75 }, { - "Category": "NoTransf_ConstantTrend_NoCycle_XGB", - "Complexity": "LSSSS", + "Category": "NoTransf_PolyTrend_NoCycle_XGB", + "Complexity": "LMSSS", "DetailedFormula": [ "_AirPassengers", "T+S+R", null, - "_AirPassengers_ConstantTrend_residue_zeroCycle[0.0]_residue_XGB(33)" + "_AirPassengers_PolyTrend_residue_zeroCycle[0.0]_residue_XGB(33)" ], - "Forecast_MASE_1": 1.3389, - "Forecast_MASE_10": 1.5437, - "Forecast_MASE_11": 1.5437, - "Forecast_MASE_12": 1.5437, - "Forecast_MASE_2": 1.5035, - "Forecast_MASE_3": 1.5437, - "Forecast_MASE_4": 1.5437, - "Forecast_MASE_5": 1.5437, - "Forecast_MASE_6": 1.5437, - "Forecast_MASE_7": 1.5437, - "Forecast_MASE_8": 1.5437, - "Forecast_MASE_9": 1.5437, - "Model": "_AirPassengers_ConstantTrend_residue_zeroCycle[0.0]_residue_XGB(33)", - "Voting": 181.25 + "Forecast_MASE_1": 0.9432, + "Forecast_MASE_10": 1.3481, + "Forecast_MASE_11": 1.3519, + "Forecast_MASE_12": 1.3655, + "Forecast_MASE_2": 0.9627, + "Forecast_MASE_3": 1.0569, + "Forecast_MASE_4": 1.0436, + "Forecast_MASE_5": 1.0283, + "Forecast_MASE_6": 1.1072, + "Forecast_MASE_7": 1.2289, + "Forecast_MASE_8": 1.3367, + "Forecast_MASE_9": 1.3516, + "Model": "_AirPassengers_PolyTrend_residue_zeroCycle[0.0]_residue_XGB(33)", + "Voting": 183.75 }, { - "Category": "NoTransf_LinearTrend_NoCycle_XGB", - "Complexity": "LSSSS", + "Category": "Integration_PolyTrend_Cycle_None_XGB", + "Complexity": "LMMSS", "DetailedFormula": [ - "_AirPassengers", + "CumSum_AirPassengers", "T+S+R", null, - "_AirPassengers_LinearTrend_residue_zeroCycle[0.0]_residue_XGB(33)" + "CumSum_AirPassengers_PolyTrend_residue_Cycle_None_residue_XGB(33)" ], - "Forecast_MASE_1": 1.1288, - "Forecast_MASE_10": 2.0427, - "Forecast_MASE_11": 2.0427, - "Forecast_MASE_12": 2.0427, - "Forecast_MASE_2": 1.7305, - "Forecast_MASE_3": 2.0427, - "Forecast_MASE_4": 2.0427, - "Forecast_MASE_5": 2.0427, - "Forecast_MASE_6": 2.0427, - "Forecast_MASE_7": 2.0427, - "Forecast_MASE_8": 2.0427, - "Forecast_MASE_9": 2.0427, - "Model": "_AirPassengers_LinearTrend_residue_zeroCycle[0.0]_residue_XGB(33)", - "Voting": 168.0833 + "Forecast_MASE_1": 0.9368, + "Forecast_MASE_10": 1.5781, + "Forecast_MASE_11": 1.5714, + "Forecast_MASE_12": 1.6274, + "Forecast_MASE_2": 1.2684, + "Forecast_MASE_3": 1.3185, + "Forecast_MASE_4": 1.2993, + "Forecast_MASE_5": 1.2793, + "Forecast_MASE_6": 1.1646, + "Forecast_MASE_7": 1.3099, + "Forecast_MASE_8": 1.3603, + "Forecast_MASE_9": 1.574, + "Model": "CumSum_AirPassengers_PolyTrend_residue_Cycle_None_residue_XGB(33)", + "Voting": 166.6667 }, { - "Category": "NoTransf_PolyTrend_Cycle_None_XGB", - "Complexity": "LMSSS", + "Category": "Integration_PolyTrend_NoCycle_XGB", + "Complexity": "LMMSS", "DetailedFormula": [ - "_AirPassengers", + "CumSum_AirPassengers", "T+S+R", null, - "_AirPassengers_PolyTrend_residue_Cycle_None_residue_XGB(33)" + "CumSum_AirPassengers_PolyTrend_residue_zeroCycle[0.0]_residue_XGB(33)" ], - "Forecast_MASE_1": 1.8135, - "Forecast_MASE_10": 3.1462, - "Forecast_MASE_11": 3.1462, - "Forecast_MASE_12": 3.1462, - "Forecast_MASE_2": 2.5603, - "Forecast_MASE_3": 3.1462, - "Forecast_MASE_4": 3.1462, - "Forecast_MASE_5": 3.1462, - "Forecast_MASE_6": 3.1462, - "Forecast_MASE_7": 3.1462, - "Forecast_MASE_8": 3.1462, - "Forecast_MASE_9": 3.1462, - "Model": "_AirPassengers_PolyTrend_residue_Cycle_None_residue_XGB(33)", - "Voting": 158.5 + "Forecast_MASE_1": 0.9368, + "Forecast_MASE_10": 1.5781, + "Forecast_MASE_11": 1.5714, + "Forecast_MASE_12": 1.6274, + "Forecast_MASE_2": 1.2684, + "Forecast_MASE_3": 1.3185, + "Forecast_MASE_4": 1.2993, + "Forecast_MASE_5": 1.2793, + "Forecast_MASE_6": 1.1646, + "Forecast_MASE_7": 1.3099, + "Forecast_MASE_8": 1.3603, + "Forecast_MASE_9": 1.574, + "Model": "CumSum_AirPassengers_PolyTrend_residue_zeroCycle[0.0]_residue_XGB(33)", + "Voting": 166.6667 }, { - "Category": "NoTransf_PolyTrend_NoCycle_XGB", - "Complexity": "LMSSS", + "Category": "NoTransf_Lag1Trend_NoCycle_XGB", + "Complexity": "LSSSS", "DetailedFormula": [ "_AirPassengers", "T+S+R", null, - "_AirPassengers_PolyTrend_residue_zeroCycle[0.0]_residue_XGB(33)" + "_AirPassengers_Lag1Trend_residue_zeroCycle[0.0]_residue_XGB(33)" ], - "Forecast_MASE_1": 1.8135, - "Forecast_MASE_10": 3.1462, - "Forecast_MASE_11": 3.1462, - "Forecast_MASE_12": 3.1462, - "Forecast_MASE_2": 2.5603, - "Forecast_MASE_3": 3.1462, - "Forecast_MASE_4": 3.1462, - "Forecast_MASE_5": 3.1462, - "Forecast_MASE_6": 3.1462, - "Forecast_MASE_7": 3.1462, - "Forecast_MASE_8": 3.1462, - "Forecast_MASE_9": 3.1462, - "Model": "_AirPassengers_PolyTrend_residue_zeroCycle[0.0]_residue_XGB(33)", - "Voting": 158.5 + "Forecast_MASE_1": 0.4652, + "Forecast_MASE_10": 2.8571, + "Forecast_MASE_11": 3.1292, + "Forecast_MASE_12": 3.2788, + "Forecast_MASE_2": 0.7425, + "Forecast_MASE_3": 0.8743, + "Forecast_MASE_4": 0.9481, + "Forecast_MASE_5": 1.1353, + "Forecast_MASE_6": 1.2952, + "Forecast_MASE_7": 1.6282, + "Forecast_MASE_8": 2.0, + "Forecast_MASE_9": 2.3348, + "Model": "_AirPassengers_Lag1Trend_residue_zeroCycle[0.0]_residue_XGB(33)", + "Voting": 157.8333 }, { - "Category": "Integration_LinearTrend_Cycle_None_XGB", - "Complexity": "LMSSS", + "Category": "NoTransf_ConstantTrend_Cycle_None_XGB", + "Complexity": "LSSSS", "DetailedFormula": [ - "CumSum_AirPassengers", + "_AirPassengers", "T+S+R", null, - "CumSum_AirPassengers_LinearTrend_residue_Cycle_None_residue_XGB(33)" + "_AirPassengers_ConstantTrend_residue_Cycle_None_residue_XGB(33)" ], - "Forecast_MASE_1": 4.4058, - "Forecast_MASE_10": 4.2003, - "Forecast_MASE_11": 4.2003, - "Forecast_MASE_12": 4.2003, - "Forecast_MASE_2": 4.4058, - "Forecast_MASE_3": 4.4058, - "Forecast_MASE_4": 4.4058, - "Forecast_MASE_5": 4.3785, - "Forecast_MASE_6": 4.41, - "Forecast_MASE_7": 4.2863, - "Forecast_MASE_8": 4.3043, - "Forecast_MASE_9": 4.2885, - "Model": "CumSum_AirPassengers_LinearTrend_residue_Cycle_None_residue_XGB(33)", - "Voting": 144.6667 + "Forecast_MASE_1": 1.2343, + "Forecast_MASE_10": 3.1609, + "Forecast_MASE_11": 3.1609, + "Forecast_MASE_12": 3.1609, + "Forecast_MASE_2": 1.5758, + "Forecast_MASE_3": 1.8698, + "Forecast_MASE_4": 2.1326, + "Forecast_MASE_5": 2.4317, + "Forecast_MASE_6": 2.6624, + "Forecast_MASE_7": 2.8928, + "Forecast_MASE_8": 3.0336, + "Forecast_MASE_9": 3.1475, + "Model": "_AirPassengers_ConstantTrend_residue_Cycle_None_residue_XGB(33)", + "Voting": 145.0833 }, { - "Category": "Integration_LinearTrend_NoCycle_XGB", - "Complexity": "LMSSS", + "Category": "NoTransf_ConstantTrend_NoCycle_XGB", + "Complexity": "LSSSS", "DetailedFormula": [ - "CumSum_AirPassengers", + "_AirPassengers", "T+S+R", null, - "CumSum_AirPassengers_LinearTrend_residue_zeroCycle[0.0]_residue_XGB(33)" + "_AirPassengers_ConstantTrend_residue_zeroCycle[0.0]_residue_XGB(33)" ], - "Forecast_MASE_1": 4.4058, - "Forecast_MASE_10": 4.2003, - "Forecast_MASE_11": 4.2003, - "Forecast_MASE_12": 4.2003, - "Forecast_MASE_2": 4.4058, - "Forecast_MASE_3": 4.4058, - "Forecast_MASE_4": 4.4058, - "Forecast_MASE_5": 4.3785, - "Forecast_MASE_6": 4.41, - "Forecast_MASE_7": 4.2863, - "Forecast_MASE_8": 4.3043, - "Forecast_MASE_9": 4.2885, - "Model": "CumSum_AirPassengers_LinearTrend_residue_zeroCycle[0.0]_residue_XGB(33)", - "Voting": 144.6667 + "Forecast_MASE_1": 1.2343, + "Forecast_MASE_10": 3.1609, + "Forecast_MASE_11": 3.1609, + "Forecast_MASE_12": 3.1609, + "Forecast_MASE_2": 1.5758, + "Forecast_MASE_3": 1.8698, + "Forecast_MASE_4": 2.1326, + "Forecast_MASE_5": 2.4317, + "Forecast_MASE_6": 2.6624, + "Forecast_MASE_7": 2.8928, + "Forecast_MASE_8": 3.0336, + "Forecast_MASE_9": 3.1475, + "Model": "_AirPassengers_ConstantTrend_residue_zeroCycle[0.0]_residue_XGB(33)", + "Voting": 145.0833 } ] INFO:pyaf.std:PERF_DUMP_END -INFO:pyaf.std:TRAINING_ENGINE_END 5.874 +INFO:pyaf.std:TRAINING_ENGINE_END 2.632 INFO:pyaf.std:TIME_DETAIL TimeVariable='time' TimeMin=1949.0 TimeMax=1956.91666666667 TimeDelta=0.08333333333336763 Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='AirPassengers' Length=132 Min=104 Max=559 Mean=262.492424 StdDev=106.221146 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_AirPassengers' Min=0.0 Max=1.0 Mean=0.348335 StdDev=0.233453 @@ -253,12 +253,12 @@ INFO:pyaf.std:BEST_DECOMPOSITION '_AirPassengers_LinearTrend_residue_Cycle_12_r INFO:pyaf.std:TREND_DETAIL '_AirPassengers_LinearTrend' [LinearTrend] INFO:pyaf.std:CYCLE_DETAIL '_AirPassengers_LinearTrend_residue_Cycle_12' [Cycle_12] INFO:pyaf.std:AUTOREG_DETAIL '_AirPassengers_LinearTrend_residue_Cycle_12_residue_XGB(33)' [XGB] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.2039, 'RMSE': 40.9, 'MAE': 39.3032, 'MASE': 2.1024} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1039, 'RMSE': 39.9171, 'MAE': 36.8934, 'MASE': 0.9959} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0835, 'RMSE': 41.6537, 'MAE': 35.0665, 'MASE': 0.7793} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.2559, 'RMSE': 51.1898, 'MAE': 48.9571, 'MASE': 2.6188} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.121, 'RMSE': 46.9683, 'MAE': 42.8079, 'MASE': 1.1556} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.1007, 'RMSE': 47.8175, 'MAE': 41.8596, 'MASE': 0.9302} +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.0265, 'RMSE': 7.0824, 'MAE': 5.2129, 'MASE': 0.2788} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.0581, 'RMSE': 33.6523, 'MAE': 24.0492, 'MASE': 0.6492} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.0648, 'RMSE': 44.7263, 'MAE': 31.0787, 'MASE': 0.6906} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.0498, 'RMSE': 15.973, 'MAE': 10.8553, 'MASE': 0.5807} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.0751, 'RMSE': 41.7395, 'MAE': 30.7605, 'MASE': 0.8304} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.0877, 'RMSE': 57.0029, 'MAE': 41.6048, 'MASE': 0.9246} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None @@ -272,7 +272,7 @@ INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'AirPassengers' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'AirPassengers' 0 {'Transformation': '_AirPassengers', 'DecompositionType': 'T+S+R', 'Model': '_AirPassengers_LinearTrend_residue_Cycle_12_residue_XGB(33)', 'Voting': 200.8333, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.9959, 'Forecast_MASE_2': 1.1556, 'Forecast_MASE_3': 1.1556, 'Forecast_MASE_4': 1.1556, 'Forecast_MASE_5': 1.1556, 'Forecast_MASE_6': 1.1556, 'Forecast_MASE_7': 1.1556, 'Forecast_MASE_8': 1.1556, 'Forecast_MASE_9': 1.1556, 'Forecast_MASE_10': 1.1556, 'Forecast_MASE_11': 1.1556, 'Forecast_MASE_12': 1.1556} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'AirPassengers' 0 {'Transformation': '_AirPassengers', 'DecompositionType': 'T+S+R', 'Model': '_AirPassengers_LinearTrend_residue_Cycle_12_residue_XGB(33)', 'Voting': 200.8333, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6492, 'Forecast_MASE_2': 0.7039, 'Forecast_MASE_3': 0.7129, 'Forecast_MASE_4': 0.7812, 'Forecast_MASE_5': 0.8048, 'Forecast_MASE_6': 0.8778, 'Forecast_MASE_7': 0.879, 'Forecast_MASE_8': 0.9144, 'Forecast_MASE_9': 0.9247, 'Forecast_MASE_10': 0.9092, 'Forecast_MASE_11': 0.895, 'Forecast_MASE_12': 0.8304} INFO:pyaf.std:COMPETITION_DETAIL_END 'AirPassengers' INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_airline_passengers_xgb_only_AirPassengers_Trend_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_airline_passengers_xgb_only_AirPassengers_Cycle_decomp_output.png') @@ -282,7 +282,7 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_airline_passengers_xgb_only_A INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_airline_passengers_xgb_only_AirPassengers_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_airline_passengers_xgb_only_AirPassengers_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['AirPassengers'], 'Horizons': {'AirPassengers': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.286 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.195 Forecast Columns Index(['time', 'AirPassengers', 'AirPassengers_scaled', '_AirPassengers', 'row_number', 'time_Normalized', '_AirPassengers_LinearTrend', '_AirPassengers_LinearTrend_residue', 'cycle_internal', @@ -330,18 +330,18 @@ Forecasts 129 1959.750000 ... NaN 130 1959.833333 ... NaN 131 1959.916667 ... NaN -132 1960.000000 ... 523.241020 -133 1960.083333 ... 539.044823 -134 1960.166667 ... 567.028274 -135 1960.250000 ... 563.009917 -136 1960.333333 ... 564.968545 -137 1960.416667 ... 582.536548 -138 1960.500000 ... 621.987648 -139 1960.583333 ... 605.528274 -140 1960.666667 ... 579.069647 -141 1960.750000 ... 556.028274 -142 1960.833333 ... 530.528274 -143 1960.916667 ... 560.019999 +132 1960.000000 ... 468.855692 +133 1960.083333 ... 469.758953 +134 1960.166667 ... 502.257067 +135 1960.250000 ... 496.018807 +136 1960.333333 ... 501.659581 +137 1960.416667 ... 528.464647 +138 1960.500000 ... 552.839370 +139 1960.583333 ... 553.406730 +140 1960.666667 ... 529.376202 +141 1960.750000 ... 508.767127 +142 1960.833333 ... 476.669396 +143 1960.916667 ... 497.710296 [24 rows x 5 columns] @@ -377,51 +377,51 @@ Forecasts }, "Model_Performance": { "1": { - "AUC": 0.3125, - "DiffSMAPE": 0.0986, - "ErrorMean": 23.3097, - "ErrorStdDev": 32.4042, - "KS": 0.5417, - "KendallTau": 0.8073, + "AUC": 0.5156, + "DiffSMAPE": 0.0603, + "ErrorMean": -13.5224, + "ErrorStdDev": 30.8159, + "KS": 0.2083, + "KendallTau": 0.8, "Length": 24, - "LnQ": 0.2837, - "MAE": 36.8934, - "MAPE": 0.1039, - "MASE": 0.9959, - "MannWhitneyU": 180.0, - "MedAE": 35.8577, - "Pearson": 0.9339, - "R2": 0.5427, - "RMSE": 39.9171, - "RMSSE": 0.8892, - "SMAPE": 0.0986, + "LnQ": 0.1528, + "MAE": 24.0492, + "MAPE": 0.0581, + "MASE": 0.6492, + "MannWhitneyU": 297.0, + "MedAE": 15.0175, + "Pearson": 0.9407, + "R2": 0.675, + "RMSE": 33.6523, + "RMSSE": 0.7497, + "SMAPE": 0.0603, "Signal": "AirPassengers_Forecast_1" }, "12": { - "AUC": 0.2917, - "DiffSMAPE": 0.1136, - "ErrorMean": 27.6095, - "ErrorStdDev": 37.9965, - "KS": 0.5417, - "KendallTau": 0.6764, + "AUC": 0.5278, + "DiffSMAPE": 0.0778, + "ErrorMean": -13.8047, + "ErrorStdDev": 39.3906, + "KS": 0.25, + "KendallTau": 0.6618, "Length": 24, - "LnQ": 0.3869, - "MAE": 42.8079, - "MAPE": 0.121, - "MASE": 1.1556, - "MannWhitneyU": 168.0, - "MedAE": 46.7583, - "Pearson": 0.8729, - "R2": 0.3669, - "RMSE": 46.9683, - "RMSSE": 1.0463, - "SMAPE": 0.1136, + "LnQ": 0.2437, + "MAE": 30.7605, + "MAPE": 0.0751, + "MASE": 0.8304, + "MannWhitneyU": 304.0, + "MedAE": 24.5535, + "Pearson": 0.7901, + "R2": 0.5, + "RMSE": 41.7395, + "RMSSE": 0.9298, + "SMAPE": 0.0778, "Signal": "AirPassengers_Forecast_12" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 5.874 + "Training_Time": 2.632 } @@ -429,7 +429,8 @@ Forecasts -{"time":{"120":1959.0,"121":1959.0833333333,"122":1959.1666666667,"123":1959.25,"124":1959.3333333333,"125":1959.4166666667,"126":1959.5,"127":1959.5833333333,"128":1959.6666666667,"129":1959.75,"130":1959.8333333333,"131":1959.9166666667,"132":1960.0,"133":1960.0833333333,"134":1960.1666666667,"135":1960.25,"136":1960.3333333333,"137":1960.4166666667,"138":1960.5,"139":1960.5833333333,"140":1960.6666666667,"141":1960.75,"142":1960.8333333333,"143":1960.9166666667},"AirPassengers":{"120":360.0,"121":342.0,"122":406.0,"123":396.0,"124":420.0,"125":472.0,"126":548.0,"127":559.0,"128":463.0,"129":407.0,"130":362.0,"131":405.0,"132":null,"133":null,"134":null,"135":null,"136":null,"137":null,"138":null,"139":null,"140":null,"141":null,"142":null,"143":null},"AirPassengers_Forecast":{"120":404.3908453127,"121":406.3742962083,"122":434.3577471033,"123":424.3991198651,"124":426.3577471035,"125":462.4621312024,"126":485.9272258421,"127":485.4538566503,"128":458.9952294118,"129":435.95385665,"130":410.4538566502,"131":427.349472551,"132":445.0035039643,"133":446.9869548596,"134":474.9704057547,"135":470.9520494993,"136":472.9106767375,"137":490.4786803071,"138":529.9297800148,"139":513.4704057549,"140":487.0117785165,"141":463.9704057548,"142":438.4704057548,"143":467.9621312024},"AirPassengers_Forecast_Lower_Bound":{"120":null,"121":null,"122":null,"123":null,"124":null,"125":null,"126":null,"127":null,"128":null,"129":null,"130":null,"131":null,"132":366.7659879643,"133":354.9290868596,"134":382.9125377547,"135":378.8941814993,"136":380.8528087375,"137":398.4208123071,"138":437.8719120148,"139":421.4125377549,"140":394.9539105165,"141":371.9125377548,"142":346.4125377548,"143":375.9042632024},"AirPassengers_Forecast_Upper_Bound":{"120":null,"121":null,"122":null,"123":null,"124":null,"125":null,"126":null,"127":null,"128":null,"129":null,"130":null,"131":null,"132":523.2410199643,"133":539.0448228596,"134":567.0282737547,"135":563.0099174993,"136":564.9685447375,"137":582.5365483071,"138":621.9876480148,"139":605.5282737549,"140":579.0696465165,"141":556.0282737548,"142":530.5282737548,"143":560.0199992024}} +{"time":{"120":1959.0,"121":1959.0833333333,"122":1959.1666666667,"123":1959.25,"124":1959.3333333333,"125":1959.4166666667,"126":1959.5,"127":1959.5833333333,"128":1959.6666666667,"129":1959.75,"130":1959.8333333333,"131":1959.9166666667,"132":1960.0,"133":1960.0833333333,"134":1960.1666666667,"135":1960.25,"136":1960.3333333333,"137":1960.4166666667,"138":1960.5,"139":1960.5833333333,"140":1960.6666666667,"141":1960.75,"142":1960.8333333333,"143":1960.9166666667},"AirPassengers":{"120":360.0,"121":342.0,"122":406.0,"123":396.0,"124":420.0,"125":472.0,"126":548.0,"127":559.0,"128":463.0,"129":407.0,"130":362.0,"131":405.0,"132":null,"133":null,"134":null,"135":null,"136":null,"137":null,"138":null,"139":null,"140":null,"141":null,"142":null,"143":null},"AirPassengers_Forecast":{"120":359.7719593206,"121":367.0226987637,"122":393.6290693313,"123":386.2691684263,"124":390.3394249514,"125":435.9064958693,"126":463.5990907317,"127":449.6657660394,"128":423.2071388009,"129":400.1657660392,"130":366.6575597156,"131":390.1824908155,"132":402.8971837582,"133":397.7132725607,"134":425.6967234558,"135":417.7850150069,"136":422.4842049174,"137":444.8843668923,"138":466.9909777632,"139":464.8047342038,"140":439.3361538242,"141":419.363491174,"142":389.1497124873,"143":415.9008756864},"AirPassengers_Forecast_Lower_Bound":{"120":null,"121":null,"122":null,"123":null,"124":null,"125":null,"126":null,"127":null,"128":null,"129":null,"130":null,"131":null,"132":336.9386757582,"133":325.6675925607,"134":349.1363794558,"135":339.5512230069,"136":343.3088289174,"137":361.3040868923,"138":381.1425857632,"139":376.2027382038,"140":349.2961058242,"141":329.959855174,"142":301.6300284873,"143":334.0914556864},"AirPassengers_Forecast_Upper_Bound":{"120":null,"121":null,"122":null,"123":null,"124":null,"125":null,"126":null,"127":null,"128":null,"129":null,"130":null,"131":null,"132":468.8556917582,"133":469.7589525607,"134":502.2570674558,"135":496.0188070069,"136":501.6595809174,"137":528.4646468923,"138":552.8393697632,"139":553.4067302038,"140":529.3762018242,"141":508.767127174,"142":476.6693964873,"143":497.7102956864}} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/xgb/test_air_passengers_xgb_only_with_custom_options.py', 'ElapsedTimeSecs':(8.97, 0.45, 13.10), 'MAX_MEM_KB':228536, 'CPU_PRCNT':'150%', 'FILES_IN':0, 'FILES_OUT':1728, 'EXIT_STATUS':0} diff --git a/tests/references/xgb/test_ozone_xgb_exogenous.log b/tests/references/xgb/test_ozone_xgb_exogenous.log index 2fc566f74..479227187 100644 --- a/tests/references/xgb/test_ozone_xgb_exogenous.log +++ b/tests/references/xgb/test_ozone_xgb_exogenous.log @@ -5,37 +5,37 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 2 1955-03 3 AS P_S 3.6 1955-03-01 3 1955-04 4 AT P_U 5.0 1955-04-01 4 1955-05 5 AU P_V 6.5 1955-05-01 -INFO:pyaf.std:TRAINING_ENGINE_END 9.406 +INFO:pyaf.std:TRAINING_ENGINE_END 3.711 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_LinearTrend_residue_Cycle_12_residue_XGB(51)' [LinearTrend + Cycle_12 + XGB] -INFO:pyaf.std:TREND_DETAIL '_Ozone_LinearTrend' [LinearTrend] -INFO:pyaf.std:CYCLE_DETAIL '_Ozone_LinearTrend_residue_Cycle_12' [Cycle_12] -INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_LinearTrend_residue_Cycle_12_residue_XGB(51)' [XGB] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1213, 'RMSE': 0.5859, 'MAE': 0.4407, 'MASE': 0.5014} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1919, 'RMSE': 0.6571, 'MAE': 0.5636, 'MASE': 0.726} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2409, 'RMSE': 0.6043, 'MAE': 0.5626, 'MASE': 1.1901} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1918, 'RMSE': 0.9001, 'MAE': 0.7087, 'MASE': 0.8064} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1634, 'RMSE': 0.6249, 'MAE': 0.519, 'MASE': 0.6685} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.2145, 'RMSE': 0.6068, 'MAE': 0.5102, 'MASE': 1.0792} +INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_ConstantTrend_residue_Cycle_12_residue_XGB(51)' [ConstantTrend + Cycle_12 + XGB] +INFO:pyaf.std:TREND_DETAIL '_Ozone_ConstantTrend' [ConstantTrend] +INFO:pyaf.std:CYCLE_DETAIL '_Ozone_ConstantTrend_residue_Cycle_12' [Cycle_12] +INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_ConstantTrend_residue_Cycle_12_residue_XGB(51)' [XGB] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1075, 'RMSE': 0.5301, 'MAE': 0.3915, 'MASE': 0.4454} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.2126, 'RMSE': 0.7687, 'MAE': 0.6158, 'MASE': 0.7932} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.4329, 'RMSE': 1.2203, 'MAE': 1.0227, 'MASE': 2.1633} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.2643, 'RMSE': 1.2639, 'MAE': 0.9587, 'MASE': 1.0907} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1892, 'RMSE': 0.6627, 'MAE': 0.5423, 'MASE': 0.6985} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.4045, 'RMSE': 1.1694, 'MAE': 0.9637, 'MASE': 2.0385} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:LINEAR_RIDGE_TREND LinearTrend (0.519103, array([-0.262473])) +INFO:pyaf.std:CONSTANT_TREND _Ozone_ConstantTrend 0.387887 INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _Ozone_LinearTrend_residue_Cycle_12 12 -0.000408 {0: -0.214023, 1: -0.196036, 2: -0.118761, 3: -0.037002, 4: -0.019072, 5: 0.096897, 6: 0.168161, 7: 0.186148, 8: 0.134574, 9: 0.109664, 10: -0.056774, 11: -0.186958} +INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _Ozone_ConstantTrend_residue_Cycle_12 12 -0.00122 {0: -0.254553, 1: -0.214553, 2: -0.187887, 3: -0.014553, 4: -0.027887, 5: 0.065447, 6: 0.185447, 7: 0.132113, 8: 0.132113, 9: 0.105447, 10: -0.127887, 11: -0.207887} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'Ozone' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_LinearTrend_residue_Cycle_12_residue_XGB(51)', 'Voting': 305.25, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.726, 'Forecast_MASE_2': 0.7027, 'Forecast_MASE_3': 0.6876, 'Forecast_MASE_4': 0.7012, 'Forecast_MASE_5': 0.7101, 'Forecast_MASE_6': 0.7028, 'Forecast_MASE_7': 0.7016, 'Forecast_MASE_8': 0.6815, 'Forecast_MASE_9': 0.6801, 'Forecast_MASE_10': 0.6929, 'Forecast_MASE_11': 0.6908, 'Forecast_MASE_12': 0.6685} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 1 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_XGB(51)', 'Voting': 305.25, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.726, 'Forecast_MASE_2': 0.7027, 'Forecast_MASE_3': 0.6876, 'Forecast_MASE_4': 0.7012, 'Forecast_MASE_5': 0.7101, 'Forecast_MASE_6': 0.7028, 'Forecast_MASE_7': 0.7016, 'Forecast_MASE_8': 0.6815, 'Forecast_MASE_9': 0.6801, 'Forecast_MASE_10': 0.6929, 'Forecast_MASE_11': 0.6908, 'Forecast_MASE_12': 0.6685} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_ConstantTrend_residue_Cycle_12_residue_XGB(51)', 'Voting': 304.5833, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.7932, 'Forecast_MASE_2': 0.6948, 'Forecast_MASE_3': 0.7174, 'Forecast_MASE_4': 0.7397, 'Forecast_MASE_5': 0.712, 'Forecast_MASE_6': 0.7104, 'Forecast_MASE_7': 0.7093, 'Forecast_MASE_8': 0.7047, 'Forecast_MASE_9': 0.7049, 'Forecast_MASE_10': 0.7231, 'Forecast_MASE_11': 0.7046, 'Forecast_MASE_12': 0.6985} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 1 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_ConstantTrend_residue_Seasonal_MonthOfYear_residue_XGB(51)', 'Voting': 304.5833, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.7932, 'Forecast_MASE_2': 0.6948, 'Forecast_MASE_3': 0.7174, 'Forecast_MASE_4': 0.7397, 'Forecast_MASE_5': 0.712, 'Forecast_MASE_6': 0.7104, 'Forecast_MASE_7': 0.7093, 'Forecast_MASE_8': 0.7047, 'Forecast_MASE_9': 0.7049, 'Forecast_MASE_10': 0.7231, 'Forecast_MASE_11': 0.7046, 'Forecast_MASE_12': 0.6985} INFO:pyaf.std:COMPETITION_DETAIL_END 'Ozone' INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_arx_ozone_204_Ozone_Trend_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_arx_ozone_204_Ozone_Cycle_decomp_output.png') @@ -45,13 +45,14 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_arx_ozone_204_Ozone_Forecast_ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_arx_ozone_204_Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_arx_ozone_204_Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.52 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.185 Forecast Columns Index(['Time', 'Ozone', 'Ozone_scaled', '_Ozone', 'row_number', - 'Time_Normalized', '_Ozone_LinearTrend', '_Ozone_LinearTrend_residue', - 'cycle_internal', '_Ozone_LinearTrend_residue_Cycle_12', - '_Ozone_LinearTrend_residue_Cycle_12_residue', - '_Ozone_LinearTrend_residue_Cycle_12_residue_XGB(51)', - '_Ozone_LinearTrend_residue_Cycle_12_residue_XGB(51)_residue', + 'Time_Normalized', '_Ozone_ConstantTrend', + '_Ozone_ConstantTrend_residue', 'cycle_internal', + '_Ozone_ConstantTrend_residue_Cycle_12', + '_Ozone_ConstantTrend_residue_Cycle_12_residue', + '_Ozone_ConstantTrend_residue_Cycle_12_residue_XGB(51)', + '_Ozone_ConstantTrend_residue_Cycle_12_residue_XGB(51)_residue', 'Ozone_Transformed', '_Ozone_Trend', '_Ozone_Trend_residue', '_Ozone_Cycle', '_Ozone_Cycle_residue', '_Ozone_AR', '_Ozone_AR_residue', '_Ozone_TransformedForecast', '_Ozone_Detrended', @@ -75,18 +76,18 @@ dtypes: datetime64[ns](1), float64(2) memory usage: 5.2 KB None Forecasts - [[Timestamp('1972-01-01 00:00:00') nan 0.3912675340275775] - [Timestamp('1972-02-01 00:00:00') nan 0.7661328290972513] - [Timestamp('1972-03-01 00:00:00') nan 1.9096153821356305] - [Timestamp('1972-04-01 00:00:00') nan 2.2538555208153737] - [Timestamp('1972-05-01 00:00:00') nan 2.4648919223204064] - [Timestamp('1972-06-01 00:00:00') nan 3.134502560058943] - [Timestamp('1972-07-01 00:00:00') nan 3.282020589292766] - [Timestamp('1972-08-01 00:00:00') nan 3.985097673381846] - [Timestamp('1972-09-01 00:00:00') nan 3.5850976733818456] - [Timestamp('1972-10-01 00:00:00') nan 2.96851644799475] - [Timestamp('1972-11-01 00:00:00') nan 1.7036006751742176] - [Timestamp('1972-12-01 00:00:00') nan 1.1577086304038773]] + [[Timestamp('1972-01-01 00:00:00') nan 1.9841223934665322] + [Timestamp('1972-02-01 00:00:00') nan 2.1910072304308414] + [Timestamp('1972-03-01 00:00:00') nan 2.1844938442111017] + [Timestamp('1972-04-01 00:00:00') nan 3.8454744461923838] + [Timestamp('1972-05-01 00:00:00') nan 3.6920222952961925] + [Timestamp('1972-06-01 00:00:00') nan 4.3266349289566275] + [Timestamp('1972-07-01 00:00:00') nan 4.9844938442111015] + [Timestamp('1972-08-01 00:00:00') nan 4.878617955744266] + [Timestamp('1972-09-01 00:00:00') nan 4.696793465316295] + [Timestamp('1972-10-01 00:00:00') nan 4.745474446192383] + [Timestamp('1972-11-01 00:00:00') nan 2.995474446192384] + [Timestamp('1972-12-01 00:00:00') nan 2.213649927824736]] @@ -112,59 +113,59 @@ Forecasts }, "Model": { "AR_Model": "XGB", - "Best_Decomposition": "_Ozone_LinearTrend_residue_Cycle_12_residue_XGB(51)", + "Best_Decomposition": "_Ozone_ConstantTrend_residue_Cycle_12_residue_XGB(51)", "Cycle": "Cycle_12", "Signal_Decomposition_Type": "T+S+R", "Signal_Transoformation": "NoTransf", - "Trend": "LinearTrend" + "Trend": "ConstantTrend" }, "Model_Performance": { "1": { - "AUC": 0.5115, - "DiffSMAPE": 0.1904, - "ErrorMean": -0.099, - "ErrorStdDev": 0.6496, - "KS": 0.1282, - "KendallTau": 0.6508, + "AUC": 0.4366, + "DiffSMAPE": 0.1886, + "ErrorMean": 0.2501, + "ErrorStdDev": 0.7269, + "KS": 0.2308, + "KendallTau": 0.6216, "Length": 39, - "LnQ": 2.0746, - "MAE": 0.5636, - "MAPE": 0.1919, - "MASE": 0.726, - "MannWhitneyU": 778.0, - "MedAE": 0.4686, - "Pearson": 0.817, - "R2": 0.6328, - "RMSE": 0.6571, - "RMSSE": 0.7, - "SMAPE": 0.194, + "LnQ": 2.1209, + "MAE": 0.6158, + "MAPE": 0.2126, + "MASE": 0.7932, + "MannWhitneyU": 664.0, + "MedAE": 0.4969, + "Pearson": 0.7959, + "R2": 0.4975, + "RMSE": 0.7687, + "RMSSE": 0.8188, + "SMAPE": 0.1919, "Signal": "Ozone_Forecast_1" }, "12": { - "AUC": 0.5628, - "DiffSMAPE": 0.1737, - "ErrorMean": -0.293, - "ErrorStdDev": 0.5519, - "KS": 0.1795, - "KendallTau": 0.7436, + "AUC": 0.4609, + "DiffSMAPE": 0.1708, + "ErrorMean": 0.1945, + "ErrorStdDev": 0.6335, + "KS": 0.2051, + "KendallTau": 0.6884, "Length": 39, - "LnQ": 1.823, - "MAE": 0.519, - "MAPE": 0.1634, - "MASE": 0.6685, - "MannWhitneyU": 856.0, - "MedAE": 0.4986, - "Pearson": 0.8644, - "R2": 0.6679, - "RMSE": 0.6249, - "RMSSE": 0.6656, - "SMAPE": 0.177, + "LnQ": 1.6777, + "MAE": 0.5423, + "MAPE": 0.1892, + "MASE": 0.6985, + "MannWhitneyU": 701.0, + "MedAE": 0.4032, + "Pearson": 0.8375, + "R2": 0.6266, + "RMSE": 0.6627, + "RMSSE": 0.7059, + "SMAPE": 0.1739, "Signal": "Ozone_Forecast_12" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 9.406 + "Training_Time": 3.711 } @@ -172,7 +173,8 @@ Forecasts -{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":1.1223546219,"193":1.0941714371,"194":2.2795748258,"195":2.5771436894,"196":2.806418749,"197":4.0458338256,"198":4.2619868384,"199":4.1228624875,"200":3.3265211227,"201":3.1624659554,"202":2.0997514777,"203":0.8605981518,"204":0.391267534,"205":0.7661328291,"206":1.9096153821,"207":2.2538555208,"208":2.4648919223,"209":3.1345025601,"210":3.2820205893,"211":3.9850976734,"212":3.5850976734,"213":2.968516448,"214":1.7036006752,"215":1.1577086304}} +{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":1.9841223935,"193":2.00918274,"194":2.3636499278,"195":3.7841223935,"196":3.4760392025,"197":4.0844938442,"198":5.1636499278,"199":4.817265917,"200":4.6967934653,"201":4.5049662959,"202":2.7796551917,"203":2.3078636929,"204":1.9841223935,"205":2.1910072304,"206":2.1844938442,"207":3.8454744462,"208":3.6920222953,"209":4.326634929,"210":4.9844938442,"211":4.8786179557,"212":4.6967934653,"213":4.7454744462,"214":2.9954744462,"215":2.2136499278}} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/xgb/test_ozone_xgb_exogenous.py', 'ElapsedTimeSecs':(9.98, 0.50, 17.22), 'MAX_MEM_KB':231200, 'CPU_PRCNT':'177%', 'FILES_IN':0, 'FILES_OUT':2264, 'EXIT_STATUS':0} diff --git a/tests/references/xgb/test_ozone_xgb_only.log b/tests/references/xgb/test_ozone_xgb_only.log index a6e65368a..18ce77e9e 100644 --- a/tests/references/xgb/test_ozone_xgb_only.log +++ b/tests/references/xgb/test_ozone_xgb_only.log @@ -8,100 +8,100 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': INFO:pyaf.std:PERF_DUMP_START INFO:pyaf.std:[ { - "Category": "NoTransf_LinearTrend_Cycle_12_XGB", + "Category": "NoTransf_ConstantTrend_Cycle_12_XGB", "Complexity": "LSSSS", "DetailedFormula": [ "_Ozone", "T+S+R", null, - "_Ozone_LinearTrend_residue_Cycle_12_residue_XGB(51)" + "_Ozone_ConstantTrend_residue_Cycle_12_residue_XGB(51)" ], - "Forecast_MASE_1": 0.726, - "Forecast_MASE_10": 0.6929, - "Forecast_MASE_11": 0.6908, - "Forecast_MASE_12": 0.6685, - "Forecast_MASE_2": 0.7027, - "Forecast_MASE_3": 0.6876, - "Forecast_MASE_4": 0.7012, - "Forecast_MASE_5": 0.7101, - "Forecast_MASE_6": 0.7028, - "Forecast_MASE_7": 0.7016, - "Forecast_MASE_8": 0.6815, - "Forecast_MASE_9": 0.6801, - "Model": "_Ozone_LinearTrend_residue_Cycle_12_residue_XGB(51)", - "Voting": 305.25 + "Forecast_MASE_1": 0.7932, + "Forecast_MASE_10": 0.7231, + "Forecast_MASE_11": 0.7046, + "Forecast_MASE_12": 0.6985, + "Forecast_MASE_2": 0.6948, + "Forecast_MASE_3": 0.7174, + "Forecast_MASE_4": 0.7397, + "Forecast_MASE_5": 0.712, + "Forecast_MASE_6": 0.7104, + "Forecast_MASE_7": 0.7093, + "Forecast_MASE_8": 0.7047, + "Forecast_MASE_9": 0.7049, + "Model": "_Ozone_ConstantTrend_residue_Cycle_12_residue_XGB(51)", + "Voting": 304.5833 }, { - "Category": "NoTransf_LinearTrend_Seasonal_MonthOfYear_XGB", + "Category": "NoTransf_ConstantTrend_Seasonal_MonthOfYear_XGB", "Complexity": "LSSSS", "DetailedFormula": [ "_Ozone", "T+S+R", null, - "_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_XGB(51)" + "_Ozone_ConstantTrend_residue_Seasonal_MonthOfYear_residue_XGB(51)" ], - "Forecast_MASE_1": 0.726, - "Forecast_MASE_10": 0.6929, - "Forecast_MASE_11": 0.6908, - "Forecast_MASE_12": 0.6685, - "Forecast_MASE_2": 0.7027, - "Forecast_MASE_3": 0.6876, - "Forecast_MASE_4": 0.7012, - "Forecast_MASE_5": 0.7101, - "Forecast_MASE_6": 0.7028, - "Forecast_MASE_7": 0.7016, - "Forecast_MASE_8": 0.6815, - "Forecast_MASE_9": 0.6801, - "Model": "_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_XGB(51)", - "Voting": 305.25 + "Forecast_MASE_1": 0.7932, + "Forecast_MASE_10": 0.7231, + "Forecast_MASE_11": 0.7046, + "Forecast_MASE_12": 0.6985, + "Forecast_MASE_2": 0.6948, + "Forecast_MASE_3": 0.7174, + "Forecast_MASE_4": 0.7397, + "Forecast_MASE_5": 0.712, + "Forecast_MASE_6": 0.7104, + "Forecast_MASE_7": 0.7093, + "Forecast_MASE_8": 0.7047, + "Forecast_MASE_9": 0.7049, + "Model": "_Ozone_ConstantTrend_residue_Seasonal_MonthOfYear_residue_XGB(51)", + "Voting": 304.5833 }, { - "Category": "NoTransf_ConstantTrend_Cycle_12_XGB", + "Category": "NoTransf_LinearTrend_Cycle_12_XGB", "Complexity": "LSSSS", "DetailedFormula": [ "_Ozone", "T+S+R", null, - "_Ozone_ConstantTrend_residue_Cycle_12_residue_XGB(51)" + "_Ozone_LinearTrend_residue_Cycle_12_residue_XGB(51)" ], - "Forecast_MASE_1": 0.8779, - "Forecast_MASE_10": 0.7034, - "Forecast_MASE_11": 0.6991, - "Forecast_MASE_12": 0.6924, - "Forecast_MASE_2": 0.7092, - "Forecast_MASE_3": 0.7081, - "Forecast_MASE_4": 0.7034, - "Forecast_MASE_5": 0.7034, - "Forecast_MASE_6": 0.7034, - "Forecast_MASE_7": 0.7034, - "Forecast_MASE_8": 0.7034, - "Forecast_MASE_9": 0.7034, - "Model": "_Ozone_ConstantTrend_residue_Cycle_12_residue_XGB(51)", - "Voting": 297.8333 + "Forecast_MASE_1": 0.6793, + "Forecast_MASE_10": 0.7367, + "Forecast_MASE_11": 0.7497, + "Forecast_MASE_12": 0.7278, + "Forecast_MASE_2": 0.7751, + "Forecast_MASE_3": 0.7998, + "Forecast_MASE_4": 0.7662, + "Forecast_MASE_5": 0.7388, + "Forecast_MASE_6": 0.7496, + "Forecast_MASE_7": 0.732, + "Forecast_MASE_8": 0.7129, + "Forecast_MASE_9": 0.7391, + "Model": "_Ozone_LinearTrend_residue_Cycle_12_residue_XGB(51)", + "Voting": 293.0 }, { - "Category": "NoTransf_ConstantTrend_Seasonal_MonthOfYear_XGB", + "Category": "NoTransf_LinearTrend_Seasonal_MonthOfYear_XGB", "Complexity": "LSSSS", "DetailedFormula": [ "_Ozone", "T+S+R", null, - "_Ozone_ConstantTrend_residue_Seasonal_MonthOfYear_residue_XGB(51)" + "_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_XGB(51)" ], - "Forecast_MASE_1": 0.8779, - "Forecast_MASE_10": 0.7034, - "Forecast_MASE_11": 0.6991, - "Forecast_MASE_12": 0.6924, - "Forecast_MASE_2": 0.7092, - "Forecast_MASE_3": 0.7081, - "Forecast_MASE_4": 0.7034, - "Forecast_MASE_5": 0.7034, - "Forecast_MASE_6": 0.7034, - "Forecast_MASE_7": 0.7034, - "Forecast_MASE_8": 0.7034, - "Forecast_MASE_9": 0.7034, - "Model": "_Ozone_ConstantTrend_residue_Seasonal_MonthOfYear_residue_XGB(51)", - "Voting": 297.8333 + "Forecast_MASE_1": 0.6793, + "Forecast_MASE_10": 0.7367, + "Forecast_MASE_11": 0.7497, + "Forecast_MASE_12": 0.7278, + "Forecast_MASE_2": 0.7751, + "Forecast_MASE_3": 0.7998, + "Forecast_MASE_4": 0.7662, + "Forecast_MASE_5": 0.7388, + "Forecast_MASE_6": 0.7496, + "Forecast_MASE_7": 0.732, + "Forecast_MASE_8": 0.7129, + "Forecast_MASE_9": 0.7391, + "Model": "_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_XGB(51)", + "Voting": 293.0 }, { "Category": "NoTransf_LinearTrend_NoCycle_XGB", @@ -112,20 +112,20 @@ INFO:pyaf.std:[ null, "_Ozone_LinearTrend_residue_zeroCycle[0.0]_residue_XGB(51)" ], - "Forecast_MASE_1": 0.6987, - "Forecast_MASE_10": 0.8026, - "Forecast_MASE_11": 0.9314, - "Forecast_MASE_12": 1.1142, - "Forecast_MASE_2": 0.6611, - "Forecast_MASE_3": 0.7352, - "Forecast_MASE_4": 0.7221, - "Forecast_MASE_5": 0.7563, - "Forecast_MASE_6": 0.7833, - "Forecast_MASE_7": 0.7842, - "Forecast_MASE_8": 0.7183, - "Forecast_MASE_9": 0.7004, + "Forecast_MASE_1": 0.7209, + "Forecast_MASE_10": 1.3414, + "Forecast_MASE_11": 1.6837, + "Forecast_MASE_12": 2.1245, + "Forecast_MASE_2": 0.8842, + "Forecast_MASE_3": 0.9519, + "Forecast_MASE_4": 0.9407, + "Forecast_MASE_5": 0.9146, + "Forecast_MASE_6": 0.9125, + "Forecast_MASE_7": 0.9057, + "Forecast_MASE_8": 1.0113, + "Forecast_MASE_9": 1.0892, "Model": "_Ozone_LinearTrend_residue_zeroCycle[0.0]_residue_XGB(51)", - "Voting": 280.9167 + "Voting": 271.9167 }, { "Category": "NoTransf_ConstantTrend_NoCycle_XGB", @@ -136,150 +136,150 @@ INFO:pyaf.std:[ null, "_Ozone_ConstantTrend_residue_zeroCycle[0.0]_residue_XGB(51)" ], - "Forecast_MASE_1": 0.7251, - "Forecast_MASE_10": 1.1525, - "Forecast_MASE_11": 1.4548, - "Forecast_MASE_12": 1.7587, - "Forecast_MASE_2": 0.7204, - "Forecast_MASE_3": 0.7514, - "Forecast_MASE_4": 0.7617, - "Forecast_MASE_5": 0.7547, - "Forecast_MASE_6": 0.761, - "Forecast_MASE_7": 0.7655, - "Forecast_MASE_8": 0.8441, - "Forecast_MASE_9": 0.9065, + "Forecast_MASE_1": 0.6551, + "Forecast_MASE_10": 1.6531, + "Forecast_MASE_11": 1.9891, + "Forecast_MASE_12": 2.2779, + "Forecast_MASE_2": 0.6822, + "Forecast_MASE_3": 0.6691, + "Forecast_MASE_4": 0.7584, + "Forecast_MASE_5": 0.7898, + "Forecast_MASE_6": 0.7312, + "Forecast_MASE_7": 0.9083, + "Forecast_MASE_8": 1.0506, + "Forecast_MASE_9": 1.3391, "Model": "_Ozone_ConstantTrend_residue_zeroCycle[0.0]_residue_XGB(51)", - "Voting": 272.8333 + "Voting": 269.1667 }, { - "Category": "Integration_LinearTrend_Cycle_None_XGB", - "Complexity": "LMSSS", + "Category": "NoTransf_Lag1Trend_Cycle_12_XGB", + "Complexity": "LSSSS", "DetailedFormula": [ - "CumSum_Ozone", + "_Ozone", "T+S+R", null, - "CumSum_Ozone_LinearTrend_residue_Cycle_None_residue_XGB(51)" + "_Ozone_Lag1Trend_residue_Cycle_12_residue_XGB(51)" ], - "Forecast_MASE_1": 1.6138, - "Forecast_MASE_10": 1.7405, - "Forecast_MASE_11": 1.74, - "Forecast_MASE_12": 1.6745, - "Forecast_MASE_2": 1.8662, - "Forecast_MASE_3": 1.8, - "Forecast_MASE_4": 1.8551, - "Forecast_MASE_5": 1.8132, - "Forecast_MASE_6": 1.8523, - "Forecast_MASE_7": 1.8551, - "Forecast_MASE_8": 1.8396, - "Forecast_MASE_9": 1.806, - "Model": "CumSum_Ozone_LinearTrend_residue_Cycle_None_residue_XGB(51)", - "Voting": 253.25 + "Forecast_MASE_1": 0.8499, + "Forecast_MASE_10": 1.7356, + "Forecast_MASE_11": 2.17, + "Forecast_MASE_12": 2.0809, + "Forecast_MASE_2": 1.0704, + "Forecast_MASE_3": 1.0547, + "Forecast_MASE_4": 0.956, + "Forecast_MASE_5": 1.3405, + "Forecast_MASE_6": 1.4353, + "Forecast_MASE_7": 1.1012, + "Forecast_MASE_8": 1.1574, + "Forecast_MASE_9": 1.4528, + "Model": "_Ozone_Lag1Trend_residue_Cycle_12_residue_XGB(51)", + "Voting": 261.4167 }, { - "Category": "Integration_LinearTrend_NoCycle_XGB", - "Complexity": "LMSSS", + "Category": "NoTransf_Lag1Trend_Seasonal_MonthOfYear_XGB", + "Complexity": "LSSSS", "DetailedFormula": [ - "CumSum_Ozone", + "_Ozone", "T+S+R", null, - "CumSum_Ozone_LinearTrend_residue_zeroCycle[0.0]_residue_XGB(51)" + "_Ozone_Lag1Trend_residue_Seasonal_MonthOfYear_residue_XGB(51)" ], - "Forecast_MASE_1": 1.6138, - "Forecast_MASE_10": 1.7405, - "Forecast_MASE_11": 1.74, - "Forecast_MASE_12": 1.6745, - "Forecast_MASE_2": 1.8662, - "Forecast_MASE_3": 1.8, - "Forecast_MASE_4": 1.8551, - "Forecast_MASE_5": 1.8132, - "Forecast_MASE_6": 1.8523, - "Forecast_MASE_7": 1.8551, - "Forecast_MASE_8": 1.8396, - "Forecast_MASE_9": 1.806, - "Model": "CumSum_Ozone_LinearTrend_residue_zeroCycle[0.0]_residue_XGB(51)", - "Voting": 253.25 + "Forecast_MASE_1": 0.8499, + "Forecast_MASE_10": 1.7356, + "Forecast_MASE_11": 2.17, + "Forecast_MASE_12": 2.0809, + "Forecast_MASE_2": 1.0704, + "Forecast_MASE_3": 1.0547, + "Forecast_MASE_4": 0.956, + "Forecast_MASE_5": 1.3405, + "Forecast_MASE_6": 1.4353, + "Forecast_MASE_7": 1.1012, + "Forecast_MASE_8": 1.1574, + "Forecast_MASE_9": 1.4528, + "Model": "_Ozone_Lag1Trend_residue_Seasonal_MonthOfYear_residue_XGB(51)", + "Voting": 261.4167 }, { - "Category": "NoTransf_Lag1Trend_Cycle_12_XGB", - "Complexity": "LSSSS", + "Category": "Integration_LinearTrend_Cycle_None_XGB", + "Complexity": "LMSSS", "DetailedFormula": [ - "_Ozone", + "CumSum_Ozone", "T+S+R", null, - "_Ozone_Lag1Trend_residue_Cycle_12_residue_XGB(51)" + "CumSum_Ozone_LinearTrend_residue_Cycle_None_residue_XGB(51)" ], - "Forecast_MASE_1": 0.8399, - "Forecast_MASE_10": 2.3055, - "Forecast_MASE_11": 2.4469, - "Forecast_MASE_12": 2.7034, - "Forecast_MASE_2": 0.8981, - "Forecast_MASE_3": 1.1579, - "Forecast_MASE_4": 1.2579, - "Forecast_MASE_5": 1.5284, - "Forecast_MASE_6": 1.53, - "Forecast_MASE_7": 1.6153, - "Forecast_MASE_8": 1.7604, - "Forecast_MASE_9": 2.106, - "Model": "_Ozone_Lag1Trend_residue_Cycle_12_residue_XGB(51)", - "Voting": 240.75 + "Forecast_MASE_1": 1.7162, + "Forecast_MASE_10": 1.8203, + "Forecast_MASE_11": 1.7548, + "Forecast_MASE_12": 1.7542, + "Forecast_MASE_2": 1.6919, + "Forecast_MASE_3": 1.806, + "Forecast_MASE_4": 1.8143, + "Forecast_MASE_5": 1.8694, + "Forecast_MASE_6": 1.8275, + "Forecast_MASE_7": 1.8665, + "Forecast_MASE_8": 1.8694, + "Forecast_MASE_9": 1.8539, + "Model": "CumSum_Ozone_LinearTrend_residue_Cycle_None_residue_XGB(51)", + "Voting": 256.4167 }, { - "Category": "NoTransf_Lag1Trend_Seasonal_MonthOfYear_XGB", - "Complexity": "LSSSS", + "Category": "Integration_LinearTrend_NoCycle_XGB", + "Complexity": "LMSSS", "DetailedFormula": [ - "_Ozone", + "CumSum_Ozone", "T+S+R", null, - "_Ozone_Lag1Trend_residue_Seasonal_MonthOfYear_residue_XGB(51)" + "CumSum_Ozone_LinearTrend_residue_zeroCycle[0.0]_residue_XGB(51)" ], - "Forecast_MASE_1": 0.8399, - "Forecast_MASE_10": 2.3055, - "Forecast_MASE_11": 2.4469, - "Forecast_MASE_12": 2.7034, - "Forecast_MASE_2": 0.8981, - "Forecast_MASE_3": 1.1579, - "Forecast_MASE_4": 1.2579, - "Forecast_MASE_5": 1.5284, - "Forecast_MASE_6": 1.53, - "Forecast_MASE_7": 1.6153, - "Forecast_MASE_8": 1.7604, - "Forecast_MASE_9": 2.106, - "Model": "_Ozone_Lag1Trend_residue_Seasonal_MonthOfYear_residue_XGB(51)", - "Voting": 240.75 + "Forecast_MASE_1": 1.7162, + "Forecast_MASE_10": 1.8203, + "Forecast_MASE_11": 1.7548, + "Forecast_MASE_12": 1.7542, + "Forecast_MASE_2": 1.6919, + "Forecast_MASE_3": 1.806, + "Forecast_MASE_4": 1.8143, + "Forecast_MASE_5": 1.8694, + "Forecast_MASE_6": 1.8275, + "Forecast_MASE_7": 1.8665, + "Forecast_MASE_8": 1.8694, + "Forecast_MASE_9": 1.8539, + "Model": "CumSum_Ozone_LinearTrend_residue_zeroCycle[0.0]_residue_XGB(51)", + "Voting": 256.4167 } ] INFO:pyaf.std:PERF_DUMP_END -INFO:pyaf.std:TRAINING_ENGINE_END 9.478 +INFO:pyaf.std:TRAINING_ENGINE_END 3.673 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_LinearTrend_residue_Cycle_12_residue_XGB(51)' [LinearTrend + Cycle_12 + XGB] -INFO:pyaf.std:TREND_DETAIL '_Ozone_LinearTrend' [LinearTrend] -INFO:pyaf.std:CYCLE_DETAIL '_Ozone_LinearTrend_residue_Cycle_12' [Cycle_12] -INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_LinearTrend_residue_Cycle_12_residue_XGB(51)' [XGB] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1213, 'RMSE': 0.5859, 'MAE': 0.4407, 'MASE': 0.5014} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1919, 'RMSE': 0.6571, 'MAE': 0.5636, 'MASE': 0.726} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2409, 'RMSE': 0.6043, 'MAE': 0.5626, 'MASE': 1.1901} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1918, 'RMSE': 0.9001, 'MAE': 0.7087, 'MASE': 0.8064} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1634, 'RMSE': 0.6249, 'MAE': 0.519, 'MASE': 0.6685} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.2145, 'RMSE': 0.6068, 'MAE': 0.5102, 'MASE': 1.0792} +INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_ConstantTrend_residue_Cycle_12_residue_XGB(51)' [ConstantTrend + Cycle_12 + XGB] +INFO:pyaf.std:TREND_DETAIL '_Ozone_ConstantTrend' [ConstantTrend] +INFO:pyaf.std:CYCLE_DETAIL '_Ozone_ConstantTrend_residue_Cycle_12' [Cycle_12] +INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_ConstantTrend_residue_Cycle_12_residue_XGB(51)' [XGB] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1075, 'RMSE': 0.5301, 'MAE': 0.3915, 'MASE': 0.4454} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.2126, 'RMSE': 0.7687, 'MAE': 0.6158, 'MASE': 0.7932} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.4329, 'RMSE': 1.2203, 'MAE': 1.0227, 'MASE': 2.1633} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.2643, 'RMSE': 1.2639, 'MAE': 0.9587, 'MASE': 1.0907} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1892, 'RMSE': 0.6627, 'MAE': 0.5423, 'MASE': 0.6985} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.4045, 'RMSE': 1.1694, 'MAE': 0.9637, 'MASE': 2.0385} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:LINEAR_RIDGE_TREND LinearTrend (0.519103, array([-0.262473])) +INFO:pyaf.std:CONSTANT_TREND _Ozone_ConstantTrend 0.387887 INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _Ozone_LinearTrend_residue_Cycle_12 12 -0.000408 {0: -0.214023, 1: -0.196036, 2: -0.118761, 3: -0.037002, 4: -0.019072, 5: 0.096897, 6: 0.168161, 7: 0.186148, 8: 0.134574, 9: 0.109664, 10: -0.056774, 11: -0.186958} +INFO:pyaf.std:BEST_CYCLE_LENGTH_VALUES _Ozone_ConstantTrend_residue_Cycle_12 12 -0.00122 {0: -0.254553, 1: -0.214553, 2: -0.187887, 3: -0.014553, 4: -0.027887, 5: 0.065447, 6: 0.185447, 7: 0.132113, 8: 0.132113, 9: 0.105447, 10: -0.127887, 11: -0.207887} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'Ozone' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_LinearTrend_residue_Cycle_12_residue_XGB(51)', 'Voting': 305.25, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.726, 'Forecast_MASE_2': 0.7027, 'Forecast_MASE_3': 0.6876, 'Forecast_MASE_4': 0.7012, 'Forecast_MASE_5': 0.7101, 'Forecast_MASE_6': 0.7028, 'Forecast_MASE_7': 0.7016, 'Forecast_MASE_8': 0.6815, 'Forecast_MASE_9': 0.6801, 'Forecast_MASE_10': 0.6929, 'Forecast_MASE_11': 0.6908, 'Forecast_MASE_12': 0.6685} -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 1 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_LinearTrend_residue_Seasonal_MonthOfYear_residue_XGB(51)', 'Voting': 305.25, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.726, 'Forecast_MASE_2': 0.7027, 'Forecast_MASE_3': 0.6876, 'Forecast_MASE_4': 0.7012, 'Forecast_MASE_5': 0.7101, 'Forecast_MASE_6': 0.7028, 'Forecast_MASE_7': 0.7016, 'Forecast_MASE_8': 0.6815, 'Forecast_MASE_9': 0.6801, 'Forecast_MASE_10': 0.6929, 'Forecast_MASE_11': 0.6908, 'Forecast_MASE_12': 0.6685} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_ConstantTrend_residue_Cycle_12_residue_XGB(51)', 'Voting': 304.5833, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.7932, 'Forecast_MASE_2': 0.6948, 'Forecast_MASE_3': 0.7174, 'Forecast_MASE_4': 0.7397, 'Forecast_MASE_5': 0.712, 'Forecast_MASE_6': 0.7104, 'Forecast_MASE_7': 0.7093, 'Forecast_MASE_8': 0.7047, 'Forecast_MASE_9': 0.7049, 'Forecast_MASE_10': 0.7231, 'Forecast_MASE_11': 0.7046, 'Forecast_MASE_12': 0.6985} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 1 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_ConstantTrend_residue_Seasonal_MonthOfYear_residue_XGB(51)', 'Voting': 304.5833, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.7932, 'Forecast_MASE_2': 0.6948, 'Forecast_MASE_3': 0.7174, 'Forecast_MASE_4': 0.7397, 'Forecast_MASE_5': 0.712, 'Forecast_MASE_6': 0.7104, 'Forecast_MASE_7': 0.7093, 'Forecast_MASE_8': 0.7047, 'Forecast_MASE_9': 0.7049, 'Forecast_MASE_10': 0.7231, 'Forecast_MASE_11': 0.7046, 'Forecast_MASE_12': 0.6985} INFO:pyaf.std:COMPETITION_DETAIL_END 'Ozone' INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_ozone_xgb_only_Ozone_Trend_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_ozone_xgb_only_Ozone_Cycle_decomp_output.png') @@ -289,13 +289,14 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_ozone_xgb_only_Ozone_Forecast INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_ozone_xgb_only_Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_ozone_xgb_only_Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.715 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.19 Forecast Columns Index(['Time', 'Ozone', 'Ozone_scaled', '_Ozone', 'row_number', - 'Time_Normalized', '_Ozone_LinearTrend', '_Ozone_LinearTrend_residue', - 'cycle_internal', '_Ozone_LinearTrend_residue_Cycle_12', - '_Ozone_LinearTrend_residue_Cycle_12_residue', - '_Ozone_LinearTrend_residue_Cycle_12_residue_XGB(51)', - '_Ozone_LinearTrend_residue_Cycle_12_residue_XGB(51)_residue', + 'Time_Normalized', '_Ozone_ConstantTrend', + '_Ozone_ConstantTrend_residue', 'cycle_internal', + '_Ozone_ConstantTrend_residue_Cycle_12', + '_Ozone_ConstantTrend_residue_Cycle_12_residue', + '_Ozone_ConstantTrend_residue_Cycle_12_residue_XGB(51)', + '_Ozone_ConstantTrend_residue_Cycle_12_residue_XGB(51)_residue', 'Ozone_Transformed', '_Ozone_Trend', '_Ozone_Trend_residue', '_Ozone_Cycle', '_Ozone_Cycle_residue', '_Ozone_AR', '_Ozone_AR_residue', '_Ozone_TransformedForecast', '_Ozone_Detrended', @@ -320,18 +321,18 @@ memory usage: 5.2 KB None Forecasts Time Ozone Ozone_Forecast -204 1972-01-01 NaN 0.391268 -205 1972-02-01 NaN 0.766133 -206 1972-03-01 NaN 1.909615 -207 1972-04-01 NaN 2.253856 -208 1972-05-01 NaN 2.464892 -209 1972-06-01 NaN 3.134503 -210 1972-07-01 NaN 3.282021 -211 1972-08-01 NaN 3.985098 -212 1972-09-01 NaN 3.585098 -213 1972-10-01 NaN 2.968516 -214 1972-11-01 NaN 1.703601 -215 1972-12-01 NaN 1.157709 +204 1972-01-01 NaN 1.984122 +205 1972-02-01 NaN 2.191007 +206 1972-03-01 NaN 2.184494 +207 1972-04-01 NaN 3.845474 +208 1972-05-01 NaN 3.692022 +209 1972-06-01 NaN 4.326635 +210 1972-07-01 NaN 4.984494 +211 1972-08-01 NaN 4.878618 +212 1972-09-01 NaN 4.696793 +213 1972-10-01 NaN 4.745474 +214 1972-11-01 NaN 2.995474 +215 1972-12-01 NaN 2.213650 @@ -357,59 +358,59 @@ Forecasts }, "Model": { "AR_Model": "XGB", - "Best_Decomposition": "_Ozone_LinearTrend_residue_Cycle_12_residue_XGB(51)", + "Best_Decomposition": "_Ozone_ConstantTrend_residue_Cycle_12_residue_XGB(51)", "Cycle": "Cycle_12", "Signal_Decomposition_Type": "T+S+R", "Signal_Transoformation": "NoTransf", - "Trend": "LinearTrend" + "Trend": "ConstantTrend" }, "Model_Performance": { "1": { - "AUC": 0.5115, - "DiffSMAPE": 0.1904, - "ErrorMean": -0.099, - "ErrorStdDev": 0.6496, - "KS": 0.1282, - "KendallTau": 0.6508, + "AUC": 0.4366, + "DiffSMAPE": 0.1886, + "ErrorMean": 0.2501, + "ErrorStdDev": 0.7269, + "KS": 0.2308, + "KendallTau": 0.6216, "Length": 39, - "LnQ": 2.0746, - "MAE": 0.5636, - "MAPE": 0.1919, - "MASE": 0.726, - "MannWhitneyU": 778.0, - "MedAE": 0.4686, - "Pearson": 0.817, - "R2": 0.6328, - "RMSE": 0.6571, - "RMSSE": 0.7, - "SMAPE": 0.194, + "LnQ": 2.1209, + "MAE": 0.6158, + "MAPE": 0.2126, + "MASE": 0.7932, + "MannWhitneyU": 664.0, + "MedAE": 0.4969, + "Pearson": 0.7959, + "R2": 0.4975, + "RMSE": 0.7687, + "RMSSE": 0.8188, + "SMAPE": 0.1919, "Signal": "Ozone_Forecast_1" }, "12": { - "AUC": 0.5628, - "DiffSMAPE": 0.1737, - "ErrorMean": -0.293, - "ErrorStdDev": 0.5519, - "KS": 0.1795, - "KendallTau": 0.7436, + "AUC": 0.4609, + "DiffSMAPE": 0.1708, + "ErrorMean": 0.1945, + "ErrorStdDev": 0.6335, + "KS": 0.2051, + "KendallTau": 0.6884, "Length": 39, - "LnQ": 1.823, - "MAE": 0.519, - "MAPE": 0.1634, - "MASE": 0.6685, - "MannWhitneyU": 856.0, - "MedAE": 0.4986, - "Pearson": 0.8644, - "R2": 0.6679, - "RMSE": 0.6249, - "RMSSE": 0.6656, - "SMAPE": 0.177, + "LnQ": 1.6777, + "MAE": 0.5423, + "MAPE": 0.1892, + "MASE": 0.6985, + "MannWhitneyU": 701.0, + "MedAE": 0.4032, + "Pearson": 0.8375, + "R2": 0.6266, + "RMSE": 0.6627, + "RMSSE": 0.7059, + "SMAPE": 0.1739, "Signal": "Ozone_Forecast_12" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 9.478 + "Training_Time": 3.673 } @@ -417,7 +418,8 @@ Forecasts -{"Time":{"204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"204":0.391267534,"205":0.7661328291,"206":1.9096153821,"207":2.2538555208,"208":2.4648919223,"209":3.1345025601,"210":3.2820205893,"211":3.9850976734,"212":3.5850976734,"213":2.968516448,"214":1.7036006752,"215":1.1577086304}} +{"Time":{"204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"204":1.9841223935,"205":2.1910072304,"206":2.1844938442,"207":3.8454744462,"208":3.6920222953,"209":4.326634929,"210":4.9844938442,"211":4.8786179557,"212":4.6967934653,"213":4.7454744462,"214":2.9954744462,"215":2.2136499278}} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/xgb/test_ozone_xgb_only.py', 'ElapsedTimeSecs':(9.92, 0.52, 16.84), 'MAX_MEM_KB':232236, 'CPU_PRCNT':'174%', 'FILES_IN':0, 'FILES_OUT':2264, 'EXIT_STATUS':0} diff --git a/tests/references/xgb/test_ozone_xgbx_exogenous.log b/tests/references/xgb/test_ozone_xgbx_exogenous.log index 9d5e4c051..9cafbc59b 100644 --- a/tests/references/xgb/test_ozone_xgbx_exogenous.log +++ b/tests/references/xgb/test_ozone_xgbx_exogenous.log @@ -5,44 +5,46 @@ INFO:pyaf.std:TRAINING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 2 1955-03 3 AS P_S 3.6 1955-03-01 3 1955-04 4 AT P_U 5.0 1955-04-01 4 1955-05 5 AU P_V 6.5 1955-05-01 -INFO:pyaf.std:TRAINING_ENGINE_END 11.114 +INFO:pyaf.std:TRAINING_ENGINE_END 5.574 INFO:pyaf.std:TIME_DETAIL TimeVariable='Time' TimeMin=1955-01-01T00:00:00.000000 TimeMax=1967-09-01T00:00:00.000000 TimeDelta= Horizon=12 INFO:pyaf.std:SIGNAL_DETAIL_ORIG SignalVariable='Ozone' Length=204 Min=1.2 Max=8.7 Mean=3.835784 StdDev=1.491559 INFO:pyaf.std:SIGNAL_DETAIL_TRANSFORMED TransformedSignalVariable='_Ozone' Min=0.0 Max=1.0 Mean=0.351438 StdDev=0.198875 INFO:pyaf.std:EXOGENOUS_DATA ['Exog2', 'Exog3', 'Exog4'] INFO:pyaf.std:DECOMPOSITION_TYPE 'T+S+R' INFO:pyaf.std:BEST_TRANSOFORMATION_TYPE '_' -INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_LinearTrend_residue_zeroCycle[0.0]_residue_XGBX(51)' [LinearTrend + NoCycle + XGBX] -INFO:pyaf.std:TREND_DETAIL '_Ozone_LinearTrend' [LinearTrend] -INFO:pyaf.std:CYCLE_DETAIL '_Ozone_LinearTrend_residue_zeroCycle[0.0]' [NoCycle] -INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_LinearTrend_residue_zeroCycle[0.0]_residue_XGBX(51)' [XGBX] -INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1358, 'RMSE': 0.6121, 'MAE': 0.4731, 'MASE': 0.5383} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1743, 'RMSE': 0.6538, 'MAE': 0.5431, 'MASE': 0.6995} -INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.1484, 'RMSE': 0.5042, 'MAE': 0.3946, 'MASE': 0.8347} -INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.2192, 'RMSE': 0.9257, 'MAE': 0.7415, 'MASE': 0.8436} -INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1582, 'RMSE': 0.6263, 'MAE': 0.4963, 'MASE': 0.6392} -INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.2055, 'RMSE': 0.6895, 'MAE': 0.5495, 'MASE': 1.1625} +INFO:pyaf.std:BEST_DECOMPOSITION '_Ozone_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(51)' [ConstantTrend + NoCycle + XGBX] +INFO:pyaf.std:TREND_DETAIL '_Ozone_ConstantTrend' [ConstantTrend] +INFO:pyaf.std:CYCLE_DETAIL '_Ozone_ConstantTrend_residue_zeroCycle[0.0]' [NoCycle] +INFO:pyaf.std:AUTOREG_DETAIL '_Ozone_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(51)' [XGBX] +INFO:pyaf.std:MODEL_PERFS Fit STEP=1 {'MAPE': 0.1215, 'RMSE': 0.5911, 'MAE': 0.4545, 'MASE': 0.5171} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=1 {'MAPE': 0.1809, 'RMSE': 0.7152, 'MAE': 0.5299, 'MASE': 0.6825} +INFO:pyaf.std:MODEL_PERFS Test STEP=1 {'MAPE': 0.2993, 'RMSE': 0.7149, 'MAE': 0.6556, 'MASE': 1.3868} +INFO:pyaf.std:MODEL_PERFS Fit STEP=12 {'MAPE': 0.1686, 'RMSE': 1.0614, 'MAE': 0.7092, 'MASE': 0.8068} +INFO:pyaf.std:MODEL_PERFS Forecast STEP=12 {'MAPE': 0.1761, 'RMSE': 0.6826, 'MAE': 0.4889, 'MASE': 0.6297} +INFO:pyaf.std:MODEL_PERFS Test STEP=12 {'MAPE': 0.4271, 'RMSE': 1.2287, 'MAE': 1.0025, 'MASE': 2.1207} INFO:pyaf.std:MODEL_COMPLEXITY {'Decomposition': 'S', 'Transformation': 'S', 'Trend': 'S', 'Cycle': 'S', 'AR': 'L'} [LSSSS] INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_START INFO:pyaf.std:SIGNAL_TRANSFORMATION_MODEL_VALUES NoTransf None INFO:pyaf.std:SIGNAL_TRANSFORMATION_DETAIL_END INFO:pyaf.std:TREND_DETAIL_START -INFO:pyaf.std:LINEAR_RIDGE_TREND LinearTrend (0.519103, array([-0.262473])) +INFO:pyaf.std:CONSTANT_TREND _Ozone_ConstantTrend 0.387887 INFO:pyaf.std:TREND_DETAIL_END INFO:pyaf.std:CYCLE_MODEL_DETAIL_START -INFO:pyaf.std:ZERO_CYCLE_MODEL_VALUES _Ozone_LinearTrend_residue_zeroCycle[0.0] 0.0 {} +INFO:pyaf.std:ZERO_CYCLE_MODEL_VALUES _Ozone_ConstantTrend_residue_zeroCycle[0.0] 0.0 {} INFO:pyaf.std:CYCLE_MODEL_DETAIL_END INFO:pyaf.std:AR_MODEL_DETAIL_START INFO:pyaf.std:AR_MODEL_DETAIL_END INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_START +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'Exog3' {'AQ': 13, 'AR': 13, 'AS': 13, 'AT': 13, 'AU': 13} +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Exog3' ['Exog3=AQ'] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_FREQUENCIES 'Exog4' {'P_T': 38, 'P_R': 31, 'P_U': 31, 'P_S': 28, 'P_Q': 11} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_USED 'Exog4' ['Exog4=P_R'] -INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 1 ['Exog3'] +INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CATEGORICAL_EXCLUDED 0 [] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS 'Exog2' {'Mean': 6.411764705882353, 'StdDev': 3.4365094970361736} INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_CONTINUOUS_EXCLUDED 0 [] INFO:pyaf.std:EXOGENOUS_VARIABLE_DETAIL_END INFO:pyaf.std:COMPETITION_DETAIL_START 'Ozone' -INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_LinearTrend_residue_zeroCycle[0.0]_residue_XGBX(51)', 'Voting': 305.4167, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6995, 'Forecast_MASE_2': 0.6303, 'Forecast_MASE_3': 0.611, 'Forecast_MASE_4': 0.6539, 'Forecast_MASE_5': 0.6715, 'Forecast_MASE_6': 0.6656, 'Forecast_MASE_7': 0.6715, 'Forecast_MASE_8': 0.6527, 'Forecast_MASE_9': 0.6392, 'Forecast_MASE_10': 0.6392, 'Forecast_MASE_11': 0.6392, 'Forecast_MASE_12': 0.6392} +INFO:pyaf.std:COMPETITION_DETAIL_SHORT_LIST 'Ozone' 0 {'Transformation': '_Ozone', 'DecompositionType': 'T+S+R', 'Model': '_Ozone_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(51)', 'Voting': 303.4167, 'Complexity': 'LSSSS', 'Forecast_MASE_1': 0.6825, 'Forecast_MASE_2': 0.6657, 'Forecast_MASE_3': 0.6523, 'Forecast_MASE_4': 0.6278, 'Forecast_MASE_5': 0.6094, 'Forecast_MASE_6': 0.6085, 'Forecast_MASE_7': 0.6575, 'Forecast_MASE_8': 0.6425, 'Forecast_MASE_9': 0.6297, 'Forecast_MASE_10': 0.6297, 'Forecast_MASE_11': 0.6336, 'Forecast_MASE_12': 0.6297} INFO:pyaf.std:COMPETITION_DETAIL_END 'Ozone' INFO:pyaf.std:SAVING_PLOT ('Trend', 'outputs/my_arx_ozone_204_Ozone_Trend_decomp_output.png') INFO:pyaf.std:SAVING_PLOT ('Cycle', 'outputs/my_arx_ozone_204_Ozone_Cycle_decomp_output.png') @@ -52,15 +54,16 @@ INFO:pyaf.std:SAVING_PLOT ('Forecast', 'outputs/my_arx_ozone_204_Ozone_Forecast_ INFO:pyaf.std:SAVING_PLOT ('PredictionIntervals', 'outputs/my_arx_ozone_204_Ozone_prediction_intervals_output.png') INFO:pyaf.std:SAVING_PLOT ('Quantiles', 'outputs/my_arx_ozone_204_Ozone_quantiles_output.png') INFO:pyaf.std:FORECASTING_ENGINE_START {'Signals': ['Ozone'], 'Horizons': {'Ozone': 12}} -INFO:pyaf.std:FORECASTING_ENGINE_END 0.718 +INFO:pyaf.std:FORECASTING_ENGINE_END 0.289 Forecast Columns Index(['Time', 'Ozone', 'Ozone_scaled', '_Ozone', 'row_number', - 'Time_Normalized', '_Ozone_LinearTrend', '_Ozone_LinearTrend_residue', - '_Ozone_LinearTrend_residue_zeroCycle[0.0]', - '_Ozone_LinearTrend_residue_zeroCycle[0.0]_residue', 'Exog3=AQ', + 'Time_Normalized', '_Ozone_ConstantTrend', + '_Ozone_ConstantTrend_residue', + '_Ozone_ConstantTrend_residue_zeroCycle[0.0]', + '_Ozone_ConstantTrend_residue_zeroCycle[0.0]_residue', 'Exog3=AQ', 'Exog3=AR', 'Exog3=AS', 'Exog3=AT', 'Exog3=AU', 'Exog4=P_T', 'Exog4=P_R', 'Exog4=P_U', 'Exog4=P_S', 'Exog4=P_Q', 'Exog2', - '_Ozone_LinearTrend_residue_zeroCycle[0.0]_residue_XGBX(51)', - '_Ozone_LinearTrend_residue_zeroCycle[0.0]_residue_XGBX(51)_residue', + '_Ozone_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(51)', + '_Ozone_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(51)_residue', 'Ozone_Transformed', '_Ozone_Trend', '_Ozone_Trend_residue', '_Ozone_Cycle', '_Ozone_Cycle_residue', '_Ozone_AR', '_Ozone_AR_residue', '_Ozone_TransformedForecast', '_Ozone_Detrended', @@ -84,18 +87,18 @@ dtypes: datetime64[ns](1), float64(2) memory usage: 5.2 KB None Forecasts - [[Timestamp('1972-01-01 00:00:00') nan 1.3833811138927634] - [Timestamp('1972-02-01 00:00:00') nan 1.8651048979741593] - [Timestamp('1972-03-01 00:00:00') nan 2.0122478704386966] - [Timestamp('1972-04-01 00:00:00') nan 2.370047357006653] - [Timestamp('1972-05-01 00:00:00') nan 2.6493152952212844] - [Timestamp('1972-06-01 00:00:00') nan 3.576005540812147] - [Timestamp('1972-07-01 00:00:00') nan 3.8905770388795418] - [Timestamp('1972-08-01 00:00:00') nan 3.8773853152271167] - [Timestamp('1972-09-01 00:00:00') nan 3.5895470113554224] - [Timestamp('1972-10-01 00:00:00') nan 3.262196601759473] - [Timestamp('1972-11-01 00:00:00') nan 1.6552548334035637] - [Timestamp('1972-12-01 00:00:00') nan 1.0359567013726163]] + [[Timestamp('1972-01-01 00:00:00') nan 2.2156093334645233] + [Timestamp('1972-02-01 00:00:00') nan 2.1997366910666427] + [Timestamp('1972-03-01 00:00:00') nan 2.58841302896442] + [Timestamp('1972-04-01 00:00:00') nan 3.1863390533119635] + [Timestamp('1972-05-01 00:00:00') nan 3.29794509986939] + [Timestamp('1972-06-01 00:00:00') nan 3.9934691665560202] + [Timestamp('1972-07-01 00:00:00') nan 4.793939522454162] + [Timestamp('1972-08-01 00:00:00') nan 5.149442522773166] + [Timestamp('1972-09-01 00:00:00') nan 4.796215041527171] + [Timestamp('1972-10-01 00:00:00') nan 4.495226318934579] + [Timestamp('1972-11-01 00:00:00') nan 3.030330880531688] + [Timestamp('1972-12-01 00:00:00') nan 1.9462064718693695]] @@ -111,6 +114,13 @@ Forecasts "Dataset": { "Exogenous_Data": { "Categorical_Variables": { + "Exog3": { + "AQ": 13, + "AR": 13, + "AS": 13, + "AT": 13, + "AU": 13 + }, "Exog4": { "P_Q": 11, "P_R": 31, @@ -119,10 +129,11 @@ Forecasts "P_U": 31 } }, - "Categorical_Variables_Excluded": [ - "Exog3" - ], + "Categorical_Variables_Excluded": [], "Categorical_Variables_Usage": { + "Exog3": [ + "Exog3=AQ" + ], "Exog4": [ "Exog4=P_R" ] @@ -147,59 +158,59 @@ Forecasts }, "Model": { "AR_Model": "XGBX", - "Best_Decomposition": "_Ozone_LinearTrend_residue_zeroCycle[0.0]_residue_XGBX(51)", + "Best_Decomposition": "_Ozone_ConstantTrend_residue_zeroCycle[0.0]_residue_XGBX(51)", "Cycle": "NoCycle", "Signal_Decomposition_Type": "T+S+R", "Signal_Transoformation": "NoTransf", - "Trend": "LinearTrend" + "Trend": "ConstantTrend" }, "Model_Performance": { "1": { - "AUC": 0.5082, - "DiffSMAPE": 0.1682, - "ErrorMean": -0.0524, - "ErrorStdDev": 0.6517, - "KS": 0.1795, - "KendallTau": 0.6562, + "AUC": 0.4431, + "DiffSMAPE": 0.1583, + "ErrorMean": 0.2034, + "ErrorStdDev": 0.6857, + "KS": 0.2051, + "KendallTau": 0.6474, "Length": 39, - "LnQ": 1.605, - "MAE": 0.5431, - "MAPE": 0.1743, - "MASE": 0.6995, - "MannWhitneyU": 773.0, - "MedAE": 0.4179, - "Pearson": 0.8154, - "R2": 0.6364, - "RMSE": 0.6538, - "RMSSE": 0.6965, - "SMAPE": 0.1711, + "LnQ": 1.8034, + "MAE": 0.5299, + "MAPE": 0.1809, + "MASE": 0.6825, + "MannWhitneyU": 674.0, + "MedAE": 0.3877, + "Pearson": 0.7944, + "R2": 0.565, + "RMSE": 0.7152, + "RMSSE": 0.7618, + "SMAPE": 0.161, "Signal": "Ozone_Forecast_1" }, "12": { - "AUC": 0.4898, - "DiffSMAPE": 0.1502, - "ErrorMean": 0.0226, - "ErrorStdDev": 0.6259, + "AUC": 0.4234, + "DiffSMAPE": 0.1492, + "ErrorMean": 0.2796, + "ErrorStdDev": 0.6227, "KS": 0.2051, - "KendallTau": 0.7054, + "KendallTau": 0.7194, "Length": 39, - "LnQ": 1.4874, - "MAE": 0.4963, - "MAPE": 0.1582, - "MASE": 0.6392, - "MannWhitneyU": 745.0, - "MedAE": 0.4433, - "Pearson": 0.834, - "R2": 0.6664, - "RMSE": 0.6263, - "RMSSE": 0.6671, - "SMAPE": 0.1529, + "LnQ": 1.8224, + "MAE": 0.4889, + "MAPE": 0.1761, + "MASE": 0.6297, + "MannWhitneyU": 644.0, + "MedAE": 0.362, + "Pearson": 0.8383, + "R2": 0.6038, + "RMSE": 0.6826, + "RMSSE": 0.7271, + "SMAPE": 0.1518, "Signal": "Ozone_Forecast_12" } }, "Model_Selection_Criterion": "MASE" }, - "Training_Time": 11.114 + "Training_Time": 5.574 } @@ -207,7 +218,8 @@ Forecasts -{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":1.5177167475,"193":2.0204268055,"194":2.1679953174,"195":2.3767058748,"196":2.9115754974,"197":3.5949672571,"198":4.3783247415,"199":4.0331327622,"200":3.6024020083,"201":2.8570612867,"202":1.8343623651,"203":1.2650046739,"204":1.3833811139,"205":1.865104898,"206":2.0122478704,"207":2.370047357,"208":2.6493152952,"209":3.5760055408,"210":3.8905770389,"211":3.8773853152,"212":3.5895470114,"213":3.2621966018,"214":1.6552548334,"215":1.0359567014}} +{"Time":{"192":"1971-01-01T00:00:00.000","193":"1971-02-01T00:00:00.000","194":"1971-03-01T00:00:00.000","195":"1971-04-01T00:00:00.000","196":"1971-05-01T00:00:00.000","197":"1971-06-01T00:00:00.000","198":"1971-07-01T00:00:00.000","199":"1971-08-01T00:00:00.000","200":"1971-09-01T00:00:00.000","201":"1971-10-01T00:00:00.000","202":"1971-11-01T00:00:00.000","203":"1971-12-01T00:00:00.000","204":"1972-01-01T00:00:00.000","205":"1972-02-01T00:00:00.000","206":"1972-03-01T00:00:00.000","207":"1972-04-01T00:00:00.000","208":"1972-05-01T00:00:00.000","209":"1972-06-01T00:00:00.000","210":"1972-07-01T00:00:00.000","211":"1972-08-01T00:00:00.000","212":"1972-09-01T00:00:00.000","213":"1972-10-01T00:00:00.000","214":"1972-11-01T00:00:00.000","215":"1972-12-01T00:00:00.000"},"Ozone":{"192":1.8,"193":2.0,"194":2.2,"195":3.0,"196":2.4,"197":3.5,"198":3.5,"199":3.3,"200":2.7,"201":2.5,"202":1.6,"203":1.2,"204":null,"205":null,"206":null,"207":null,"208":null,"209":null,"210":null,"211":null,"212":null,"213":null,"214":null,"215":null},"Ozone_Forecast":{"192":2.2156093335,"193":2.2658803007,"194":2.8086390411,"195":3.2944043046,"196":3.1863390533,"197":3.8818630921,"198":4.1594454374,"199":3.846249978,"200":3.8008321607,"201":3.6879556132,"202":2.4169962918,"203":2.0027322387,"204":2.2156093335,"205":2.1997366911,"206":2.588413029,"207":3.1863390533,"208":3.2979450999,"209":3.9934691666,"210":4.7939395225,"211":5.1494425228,"212":4.7962150415,"213":4.4952263189,"214":3.0303308805,"215":1.9462064719}} +EXECUTION_TIME_DETAIL = {'CMD':'timeout 480 python tests/xgb/test_ozone_xgbx_exogenous.py', 'ElapsedTimeSecs':(12.24, 0.44, 23.76), 'MAX_MEM_KB':232848, 'CPU_PRCNT':'197%', 'FILES_IN':0, 'FILES_OUT':2248, 'EXIT_STATUS':0} diff --git a/tests/transformations/test_ozone_transf_relative_difference_1.py b/tests/transformations/test_ozone_transf_relative_difference_1.py index 052b51d06..1ee6a8576 100644 --- a/tests/transformations/test_ozone_transf_relative_difference_1.py +++ b/tests/transformations/test_ozone_transf_relative_difference_1.py @@ -11,6 +11,7 @@ def create_df(): df.info(); N = df.shape[0]; df['signal2'] = 1; + df['signal2'] = df['signal2'].astype(np.float64) for i in range(N-1): df.loc[i+1, 'signal2'] = df.loc[i, 'signal2'] * (df.loc[i, 'rate'] + 1); print(df.head())