Index
A
|
B
|
C
|
D
|
E
|
F
|
G
|
H
|
I
|
K
|
L
|
M
|
N
|
O
|
P
|
Q
|
R
|
S
|
T
|
U
|
V
|
W
|
X
|
Z
A
AlignLastValue (class in autots.tools.transform)
analyze_trend() (autots.models.cassandra.Cassandra method)
anomalies (autots.models.cassandra.Cassandra..anomaly_detector attribute)
anomaly_df_to_holidays() (in module autots.tools.anomaly_utils)
anomaly_new_params() (in module autots.tools.anomaly_utils)
AnomalyDetector (class in autots)
(class in autots.evaluator.anomaly_detector)
AnomalyRemoval (class in autots.tools.transform)
apply_constraints() (autots.models.base.PredictionObject method)
,
[1]
(in module autots.models.base)
ARCH (class in autots.models.arch)
ARDL (class in autots.models.statsmodels)
ARIMA (class in autots.models.statsmodels)
arima_seek_the_oracle() (in module autots.models.statsmodels)
auto_fit() (autots.models.cassandra.Cassandra method)
auto_model_list() (in module autots.models.model_list)
autoshape() (in module autots.tools.fast_kalman)
AutoTS (class in autots)
(class in autots.evaluator.auto_ts)
autots (module)
autots.datasets (module)
autots.datasets.fred (module)
autots.evaluator (module)
autots.evaluator.anomaly_detector (module)
autots.evaluator.auto_model (module)
autots.evaluator.auto_ts (module)
autots.evaluator.benchmark (module)
autots.evaluator.event_forecasting (module)
autots.evaluator.metrics (module)
autots.models (module)
autots.models.arch (module)
autots.models.base (module)
autots.models.basics (module)
autots.models.cassandra (module)
autots.models.dnn (module)
autots.models.ensemble (module)
autots.models.gluonts (module)
autots.models.greykite (module)
autots.models.matrix_var (module)
autots.models.model_list (module)
autots.models.prophet (module)
autots.models.pytorch (module)
autots.models.sklearn (module)
autots.models.statsmodels (module)
autots.models.tfp (module)
autots.templates (module)
autots.templates.general (module)
autots.tools (module)
autots.tools.anomaly_utils (module)
autots.tools.calendar (module)
autots.tools.cointegration (module)
autots.tools.cpu_count (module)
autots.tools.fast_kalman (module)
autots.tools.hierarchial (module)
autots.tools.holiday (module)
autots.tools.impute (module)
autots.tools.lunar (module)
autots.tools.percentile (module)
autots.tools.probabilistic (module)
autots.tools.profile (module)
autots.tools.regressor (module)
autots.tools.seasonal (module)
autots.tools.shaping (module)
autots.tools.thresholding (module)
autots.tools.transform (module)
autots.tools.window_functions (module)
AutoTSIntervals (class in autots.evaluator.auto_ts)
AverageValueNaive (class in autots.models.basics)
B
back_forecast() (autots.AutoTS method)
(autots.evaluator.auto_ts.AutoTS method)
(in module autots.evaluator.auto_model)
base_scaler() (autots.models.cassandra.Cassandra method)
basic_profile() (autots.models.base.ModelObject method)
Benchmark (class in autots.evaluator.benchmark)
best_model (autots.AutoTS attribute)
(autots.evaluator.auto_ts.AutoTS attribute)
best_model_ensemble (autots.AutoTS attribute)
(autots.evaluator.auto_ts.AutoTS attribute)
best_model_name (autots.AutoTS attribute)
(autots.evaluator.auto_ts.AutoTS attribute)
best_model_params (autots.AutoTS attribute)
(autots.evaluator.auto_ts.AutoTS attribute)
best_model_transformation_params (autots.AutoTS attribute)
(autots.evaluator.auto_ts.AutoTS attribute)
BestNEnsemble() (in module autots.models.ensemble)
biased_ffill() (in module autots.tools.impute)
BTCD (class in autots.tools.transform)
btcd_decompose() (in module autots.tools.cointegration)
C
Cassandra (class in autots.models.cassandra)
CenterLastValue (class in autots.tools.transform)
clean_regressor() (in module autots.models.cassandra)
clean_weights() (in module autots.tools.shaping)
clip_outliers() (in module autots.tools.transform)
ClipOutliers (class in autots.tools.transform)
coint_johansen() (in module autots.tools.cointegration)
Cointegration (class in autots.tools.transform)
compare_actual_components() (autots.models.cassandra.Cassandra method)
compare_to_epsilon() (autots.tools.thresholding.NonparametricThreshold method)
ComponentAnalysis (class in autots.models.sklearn)
compute() (autots.tools.fast_kalman.KalmanFilter method)
concat() (autots.evaluator.auto_model.TemplateEvalObject method)
conj_grad_w() (in module autots.models.matrix_var)
conj_grad_x() (in module autots.models.matrix_var)
consecutive_groups() (in module autots.tools.thresholding)
ConstantNaive (class in autots.models.basics)
containment() (in module autots.evaluator.metrics)
contour() (in module autots.evaluator.metrics)
cost_function_l1() (in module autots.models.cassandra)
cost_function_l2() (in module autots.models.cassandra)
cost_function_quantile() (in module autots.models.cassandra)
cpu_count() (in module autots.tools.cpu_count)
create_dates_df() (in module autots.tools.anomaly_utils)
create_forecast_index() (autots.models.base.ModelObject method)
(autots.models.cassandra.Cassandra method)
create_lagged_regressor() (in module autots)
(in module autots.tools.regressor)
create_model_id() (in module autots.evaluator.auto_model)
create_regressor() (in module autots)
(in module autots.tools.regressor)
create_seasonality_feature() (in module autots.tools.seasonal)
create_t() (autots.models.cassandra.Cassandra method)
(in module autots.models.cassandra)
cross_validate() (autots.models.cassandra.Cassandra method)
CumSumTransformer (class in autots.tools.transform)
D
data_profile() (in module autots.tools.profile)
date_part() (in module autots.tools.seasonal)
DatepartRegression (class in autots.models.sklearn)
(in module autots.tools.transform)
DatepartRegressionTransformer (class in autots.tools.transform)
dates_to_holidays() (autots.evaluator.anomaly_detector.HolidayDetector method)
(autots.HolidayDetector method)
(autots.models.cassandra.Cassandra.holiday_detector method)
(autots.tools.transform.HolidayTransformer method)
(in module autots.tools.anomaly_utils)
dcos() (in module autots.tools.lunar)
ddot() (in module autots.tools.fast_kalman)
ddot_t_right() (in module autots.tools.fast_kalman)
detect() (autots.AnomalyDetector method)
(autots.evaluator.anomaly_detector.AnomalyDetector method)
(autots.evaluator.anomaly_detector.HolidayDetector method)
(autots.HolidayDetector method)
detect_anomalies() (in module autots.tools.anomaly_utils)
Detrend (class in autots.tools.transform)
df_cleanup() (in module autots.tools.shaping)
df_wide_numeric (autots.AutoTS attribute)
(autots.evaluator.auto_ts.AutoTS attribute)
dict_recombination() (in module autots.evaluator.auto_model)
DifferencedTransformer (class in autots.tools.transform)
dinv() (in module autots.tools.fast_kalman)
Discretize (class in autots.tools.transform)
DistEnsemble() (in module autots.models.ensemble)
dmd() (in module autots.models.matrix_var)
dmd4cast() (in module autots.models.matrix_var)
douter() (in module autots.tools.fast_kalman)
dsin() (in module autots.tools.lunar)
dwae() (in module autots.evaluator.metrics)
DynamicFactor (class in autots.models.statsmodels)
DynamicFactorMQ (class in autots.models.statsmodels)
E
ell_w() (in module autots.models.matrix_var)
ell_x() (in module autots.models.matrix_var)
em() (autots.tools.fast_kalman.KalmanFilter method)
em_initial_state() (in module autots.tools.fast_kalman)
em_observation_noise() (autots.tools.fast_kalman.KalmanFilter method)
em_process_noise() (autots.tools.fast_kalman.KalmanFilter method)
empty() (autots.tools.fast_kalman.Gaussian static method)
EmptyTransformer (class in autots.tools.transform)
EnsembleForecast() (in module autots.models.ensemble)
EnsembleTemplateGenerator() (in module autots.models.ensemble)
ensure_matrix() (in module autots.tools.fast_kalman)
error_correlations() (in module autots.evaluator.auto_ts)
ETS (class in autots.models.statsmodels)
evaluate() (autots.models.base.PredictionObject method)
,
[1]
EventRiskForecast (class in autots)
(class in autots.evaluator.event_forecasting)
EWMAFilter (class in autots.tools.transform)
export_template() (autots.AutoTS method)
(autots.evaluator.auto_ts.AutoTS method)
F
failure_rate() (autots.AutoTS method)
(autots.evaluator.auto_ts.AutoTS method)
fake_date_fill() (in module autots.tools.impute)
fake_date_fill_old() (in module autots.tools.impute)
fake_regressor() (in module autots.evaluator.auto_ts)
FastICA (class in autots.tools.transform)
FBProphet (class in autots.models.prophet)
feature_importance() (autots.models.cassandra.Cassandra method)
fill_forward() (in module autots.tools.impute)
fill_forward_alt() (in module autots.tools.impute)
fill_mean() (in module autots.tools.impute)
fill_mean_old() (in module autots.tools.impute)
fill_median() (in module autots.tools.impute)
fill_median_old() (in module autots.tools.impute)
fill_na() (autots.GeneralTransformer method)
(autots.tools.transform.GeneralTransformer method)
fill_zero() (in module autots.tools.impute)
FillNA() (in module autots.tools.impute)
fillna_np() (in module autots.tools.impute)
find_centerpoint() (autots.tools.transform.AlignLastValue static method)
find_epsilon() (autots.tools.thresholding.NonparametricThreshold method)
fit() (autots.AnomalyDetector method)
(autots.AutoTS method)
(autots.evaluator.anomaly_detector.AnomalyDetector method)
(autots.evaluator.anomaly_detector.HolidayDetector method)
(autots.evaluator.auto_ts.AutoTS method)
(autots.evaluator.auto_ts.AutoTSIntervals method)
(autots.evaluator.event_forecasting.EventRiskForecast method)
,
[1]
(autots.EventRiskForecast method)
,
[1]
(autots.GeneralTransformer method)
(autots.HolidayDetector method)
(autots.models.arch.ARCH method)
(autots.models.basics.AverageValueNaive method)
(autots.models.basics.ConstantNaive method)
(autots.models.basics.KalmanStateSpace method)
(autots.models.basics.LastValueNaive method)
(autots.models.basics.MetricMotif method)
(autots.models.basics.Motif method)
(autots.models.basics.MotifSimulation method)
(autots.models.basics.NVAR method)
(autots.models.basics.SeasonalityMotif method)
(autots.models.basics.SeasonalNaive method)
(autots.models.basics.SectionalMotif method)
(autots.models.cassandra.Cassandra method)
,
[1]
(autots.models.dnn.KerasRNN method)
(autots.models.dnn.Transformer method)
(autots.models.gluonts.GluonTS method)
(autots.models.greykite.Greykite method)
(autots.models.matrix_var.LATC method)
(autots.models.matrix_var.MAR method)
(autots.models.matrix_var.RRVAR method)
(autots.models.matrix_var.TMF method)
(autots.models.prophet.FBProphet method)
(autots.models.prophet.NeuralProphet method)
(autots.models.pytorch.PytorchForecasting method)
(autots.models.sklearn.ComponentAnalysis method)
(autots.models.sklearn.DatepartRegression method)
(autots.models.sklearn.MultivariateRegression method)
(autots.models.sklearn.RollingRegression method)
(autots.models.sklearn.UnivariateRegression method)
(autots.models.sklearn.WindowRegression method)
(autots.models.statsmodels.ARDL method)
(autots.models.statsmodels.ARIMA method)
(autots.models.statsmodels.DynamicFactor method)
(autots.models.statsmodels.DynamicFactorMQ method)
(autots.models.statsmodels.ETS method)
(autots.models.statsmodels.GLM method)
(autots.models.statsmodels.GLS method)
(autots.models.statsmodels.Theta method)
(autots.models.statsmodels.UnobservedComponents method)
(autots.models.statsmodels.VAR method)
(autots.models.statsmodels.VARMAX method)
(autots.models.statsmodels.VECM method)
(autots.models.tfp.TensorflowSTS method)
(autots.models.tfp.TFPRegression method)
(autots.models.tfp.TFPRegressor method)
(autots.tools.hierarchial.hierarchial method)
(autots.tools.shaping.NumericTransformer method)
(autots.tools.transform.AlignLastValue method)
(autots.tools.transform.AnomalyRemoval method)
(autots.tools.transform.BTCD method)
(autots.tools.transform.CenterLastValue method)
(autots.tools.transform.ClipOutliers method)
(autots.tools.transform.Cointegration method)
(autots.tools.transform.CumSumTransformer method)
(autots.tools.transform.DatepartRegressionTransformer method)
(autots.tools.transform.Detrend method)
(autots.tools.transform.DifferencedTransformer method)
(autots.tools.transform.Discretize method)
(autots.tools.transform.EmptyTransformer method)
(autots.tools.transform.FastICA method)
(autots.tools.transform.GeneralTransformer method)
(autots.tools.transform.HolidayTransformer method)
(autots.tools.transform.IntermittentOccurrence method)
(autots.tools.transform.KalmanSmoothing method)
(autots.tools.transform.LocalLinearTrend method)
(autots.tools.transform.MeanDifference method)
(autots.tools.transform.PCA method)
(autots.tools.transform.PctChangeTransformer method)
(autots.tools.transform.PositiveShift method)
(autots.tools.transform.RollingMeanTransformer method)
(autots.tools.transform.Round method)
(autots.tools.transform.ScipyFilter method)
(autots.tools.transform.SeasonalDifference method)
(autots.tools.transform.SinTrend method)
(autots.tools.transform.Slice method)
fit_anomaly_classifier() (autots.AnomalyDetector method)
(autots.evaluator.anomaly_detector.AnomalyDetector method)
(autots.tools.transform.AnomalyRemoval method)
fit_sin() (autots.tools.transform.SinTrend static method)
fit_transform() (autots.GeneralTransformer method)
(autots.tools.shaping.NumericTransformer method)
(autots.tools.transform.AlignLastValue method)
(autots.tools.transform.AnomalyRemoval method)
(autots.tools.transform.BTCD method)
(autots.tools.transform.CenterLastValue method)
(autots.tools.transform.ClipOutliers method)
(autots.tools.transform.Cointegration method)
(autots.tools.transform.CumSumTransformer method)
(autots.tools.transform.DatepartRegressionTransformer method)
(autots.tools.transform.Detrend method)
(autots.tools.transform.DifferencedTransformer method)
(autots.tools.transform.Discretize method)
(autots.tools.transform.EmptyTransformer method)
(autots.tools.transform.EWMAFilter method)
(autots.tools.transform.FastICA method)
(autots.tools.transform.GeneralTransformer method)
(autots.tools.transform.HolidayTransformer method)
(autots.tools.transform.HPFilter method)
(autots.tools.transform.IntermittentOccurrence method)
(autots.tools.transform.KalmanSmoothing method)
(autots.tools.transform.LocalLinearTrend method)
(autots.tools.transform.MeanDifference method)
(autots.tools.transform.PCA method)
(autots.tools.transform.PctChangeTransformer method)
(autots.tools.transform.PositiveShift method)
(autots.tools.transform.RollingMeanTransformer method)
(autots.tools.transform.Round method)
(autots.tools.transform.ScipyFilter method)
(autots.tools.transform.SeasonalDifference method)
(autots.tools.transform.SinTrend method)
(autots.tools.transform.Slice method)
(autots.tools.transform.StatsmodelsFilter method)
(autots.tools.transform.STLFilter method)
fixangle() (in module autots.tools.lunar)
forecast (autots.models.base.PredictionObject attribute)
fourier_series() (in module autots.tools.cointegration)
(in module autots.tools.seasonal)
full_mae_errors (autots.evaluator.auto_model.TemplateEvalObject attribute)
full_mae_ids (autots.evaluator.auto_model.TemplateEvalObject attribute)
G
Gaussian (class in autots.tools.fast_kalman)
general_template (in module autots.templates.general)
general_template_dict (in module autots.templates.general)
generalize_horizontal() (in module autots.models.ensemble)
GeneralTransformer (class in autots)
(class in autots.tools.transform)
generate_historic_risk_array() (autots.evaluator.event_forecasting.EventRiskForecast method)
(autots.evaluator.event_forecasting.EventRiskForecast static method)
(autots.EventRiskForecast method)
(autots.EventRiskForecast static method)
generate_mosaic_template() (in module autots.models.ensemble)
generate_Psi() (in module autots.models.matrix_var)
generate_regressor_params() (in module autots.models.sklearn)
generate_result_windows() (autots.evaluator.event_forecasting.EventRiskForecast method)
,
[1]
(autots.EventRiskForecast method)
,
[1]
generate_risk_array() (autots.evaluator.event_forecasting.EventRiskForecast method)
(autots.evaluator.event_forecasting.EventRiskForecast static method)
(autots.EventRiskForecast method)
(autots.EventRiskForecast static method)
generate_score() (in module autots.evaluator.auto_model)
generate_score_per_series() (in module autots.evaluator.auto_model)
get_fred_data() (in module autots.datasets.fred)
get_new_params() (autots.AnomalyDetector static method)
(autots.AutoTS static method)
(autots.evaluator.anomaly_detector.AnomalyDetector static method)
(autots.evaluator.anomaly_detector.HolidayDetector static method)
(autots.evaluator.auto_ts.AutoTS static method)
(autots.GeneralTransformer static method)
(autots.HolidayDetector static method)
(autots.models.arch.ARCH method)
(autots.models.base.ModelObject method)
(autots.models.basics.AverageValueNaive method)
(autots.models.basics.ConstantNaive method)
(autots.models.basics.KalmanStateSpace static method)
(autots.models.basics.LastValueNaive method)
(autots.models.basics.MetricMotif method)
(autots.models.basics.Motif method)
(autots.models.basics.MotifSimulation method)
(autots.models.basics.NVAR method)
(autots.models.basics.SeasonalityMotif method)
(autots.models.basics.SeasonalNaive method)
(autots.models.basics.SectionalMotif method)
(autots.models.cassandra.Cassandra method)
(autots.models.cassandra.Cassandra static method)
(autots.models.gluonts.GluonTS method)
(autots.models.greykite.Greykite method)
(autots.models.matrix_var.LATC method)
(autots.models.matrix_var.MAR method)
(autots.models.matrix_var.RRVAR method)
(autots.models.matrix_var.TMF method)
(autots.models.prophet.FBProphet method)
(autots.models.prophet.NeuralProphet method)
(autots.models.pytorch.PytorchForecasting method)
(autots.models.sklearn.ComponentAnalysis method)
(autots.models.sklearn.DatepartRegression static method)
(autots.models.sklearn.MultivariateRegression static method)
(autots.models.sklearn.RollingRegression method)
(autots.models.sklearn.UnivariateRegression static method)
(autots.models.sklearn.WindowRegression method)
(autots.models.statsmodels.ARDL method)
(autots.models.statsmodels.ARIMA method)
(autots.models.statsmodels.DynamicFactor method)
(autots.models.statsmodels.DynamicFactorMQ method)
(autots.models.statsmodels.ETS method)
(autots.models.statsmodels.GLM method)
(autots.models.statsmodels.GLS method)
(autots.models.statsmodels.Theta method)
(autots.models.statsmodels.UnobservedComponents method)
(autots.models.statsmodels.VAR method)
(autots.models.statsmodels.VARMAX method)
(autots.models.statsmodels.VECM method)
(autots.models.tfp.TensorflowSTS method)
(autots.models.tfp.TFPRegression method)
(autots.tools.transform.AlignLastValue static method)
(autots.tools.transform.AnomalyRemoval static method)
(autots.tools.transform.BTCD static method)
(autots.tools.transform.CenterLastValue static method)
(autots.tools.transform.ClipOutliers static method)
(autots.tools.transform.Cointegration static method)
(autots.tools.transform.DatepartRegressionTransformer static method)
(autots.tools.transform.Detrend static method)
(autots.tools.transform.Discretize static method)
(autots.tools.transform.EmptyTransformer static method)
(autots.tools.transform.EWMAFilter static method)
(autots.tools.transform.FastICA static method)
(autots.tools.transform.GeneralTransformer static method)
(autots.tools.transform.HolidayTransformer static method)
(autots.tools.transform.HPFilter static method)
(autots.tools.transform.IntermittentOccurrence static method)
(autots.tools.transform.KalmanSmoothing static method)
(autots.tools.transform.LocalLinearTrend static method)
(autots.tools.transform.PCA static method)
(autots.tools.transform.RollingMeanTransformer static method)
(autots.tools.transform.Round static method)
(autots.tools.transform.ScipyFilter static method)
(autots.tools.transform.SeasonalDifference static method)
(autots.tools.transform.SinTrend static method)
(autots.tools.transform.Slice static method)
(autots.tools.transform.STLFilter static method)
get_params() (autots.models.arch.ARCH method)
(autots.models.base.ModelObject method)
(autots.models.basics.AverageValueNaive method)
(autots.models.basics.ConstantNaive method)
(autots.models.basics.KalmanStateSpace method)
(autots.models.basics.LastValueNaive method)
(autots.models.basics.MetricMotif method)
(autots.models.basics.Motif method)
(autots.models.basics.MotifSimulation method)
(autots.models.basics.NVAR method)
(autots.models.basics.SeasonalityMotif method)
(autots.models.basics.SeasonalNaive method)
(autots.models.basics.SectionalMotif method)
(autots.models.cassandra.Cassandra method)
(autots.models.gluonts.GluonTS method)
(autots.models.greykite.Greykite method)
(autots.models.matrix_var.LATC method)
(autots.models.matrix_var.MAR method)
(autots.models.matrix_var.RRVAR method)
(autots.models.matrix_var.TMF method)
(autots.models.prophet.FBProphet method)
(autots.models.prophet.NeuralProphet method)
(autots.models.pytorch.PytorchForecasting method)
(autots.models.sklearn.ComponentAnalysis method)
(autots.models.sklearn.DatepartRegression method)
(autots.models.sklearn.MultivariateRegression method)
(autots.models.sklearn.RollingRegression method)
(autots.models.sklearn.UnivariateRegression method)
(autots.models.sklearn.WindowRegression method)
(autots.models.statsmodels.ARDL method)
(autots.models.statsmodels.ARIMA method)
(autots.models.statsmodels.DynamicFactor method)
(autots.models.statsmodels.DynamicFactorMQ method)
(autots.models.statsmodels.ETS method)
(autots.models.statsmodels.GLM method)
(autots.models.statsmodels.GLS method)
(autots.models.statsmodels.Theta method)
(autots.models.statsmodels.UnobservedComponents method)
(autots.models.statsmodels.VAR method)
(autots.models.statsmodels.VARMAX method)
(autots.models.statsmodels.VECM method)
(autots.models.tfp.TensorflowSTS method)
(autots.models.tfp.TFPRegression method)
get_transformer_params() (in module autots.tools.transform)
GLM (class in autots.models.statsmodels)
glm_forecast_by_column() (in module autots.models.statsmodels)
GLS (class in autots.models.statsmodels)
GluonTS (class in autots.models.gluonts)
gregorian_to_chinese() (in module autots.tools.calendar)
gregorian_to_christian_lunar() (in module autots.tools.calendar)
gregorian_to_hebrew() (in module autots.tools.calendar)
gregorian_to_islamic() (in module autots.tools.calendar)
Greykite (class in autots.models.greykite)
H
HDistEnsemble() (in module autots.models.ensemble)
heb_is_leap() (in module autots.tools.calendar)
hierarchial (class in autots.tools.hierarchial)
historic_quantile() (in module autots.tools.probabilistic)
holiday_count (autots.models.cassandra.Cassandra. attribute)
holiday_flag() (in module autots.tools.holiday)
holiday_new_params() (in module autots.tools.anomaly_utils)
HolidayDetector (class in autots)
(class in autots.evaluator.anomaly_detector)
holidays (autots.models.cassandra.Cassandra. attribute)
HolidayTransformer (class in autots.tools.transform)
horizontal_classifier() (in module autots.models.ensemble)
horizontal_per_generation() (autots.AutoTS method)
(autots.evaluator.auto_ts.AutoTS method)
horizontal_template_to_model_list() (in module autots.evaluator.auto_model)
horizontal_to_df() (autots.AutoTS method)
(autots.evaluator.auto_ts.AutoTS method)
HorizontalEnsemble() (in module autots.models.ensemble)
HorizontalTemplateGenerator() (in module autots.models.ensemble)
HPFilter (class in autots.tools.transform)
I
import_results() (autots.AutoTS method)
(autots.evaluator.auto_ts.AutoTS method)
import_template() (autots.AutoTS method)
(autots.evaluator.auto_ts.AutoTS method)
infer_frequency() (in module autots.tools.shaping)
inferred_normal() (in module autots.tools.probabilistic)
IntermittentOccurrence (class in autots.tools.transform)
inverse_transform() (autots.GeneralTransformer method)
(autots.tools.shaping.NumericTransformer method)
(autots.tools.transform.AlignLastValue method)
(autots.tools.transform.BTCD method)
(autots.tools.transform.CenterLastValue method)
(autots.tools.transform.ClipOutliers method)
(autots.tools.transform.Cointegration method)
(autots.tools.transform.CumSumTransformer method)
(autots.tools.transform.DatepartRegressionTransformer method)
(autots.tools.transform.Detrend method)
(autots.tools.transform.DifferencedTransformer method)
(autots.tools.transform.Discretize method)
(autots.tools.transform.EmptyTransformer method)
(autots.tools.transform.FastICA method)
(autots.tools.transform.GeneralTransformer method)
(autots.tools.transform.HolidayTransformer method)
(autots.tools.transform.IntermittentOccurrence method)
(autots.tools.transform.KalmanSmoothing method)
(autots.tools.transform.LocalLinearTrend method)
(autots.tools.transform.MeanDifference method)
(autots.tools.transform.PCA method)
(autots.tools.transform.PctChangeTransformer method)
(autots.tools.transform.PositiveShift method)
(autots.tools.transform.RollingMeanTransformer method)
(autots.tools.transform.Round method)
(autots.tools.transform.ScipyFilter method)
(autots.tools.transform.SeasonalDifference method)
(autots.tools.transform.SinTrend method)
(autots.tools.transform.Slice method)
K
KalmanFilter (class in autots.tools.fast_kalman)
KalmanFilter.Result (class in autots.tools.fast_kalman)
KalmanSmoothing (class in autots.tools.transform)
KalmanStateSpace (class in autots.models.basics)
kepler() (in module autots.tools.lunar)
KerasRNN (class in autots.models.dnn)
L
lagmat() (in module autots.tools.cointegration)
last_window() (in module autots.tools.window_functions)
LastValueNaive (class in autots.models.basics)
LATC (class in autots.models.matrix_var)
latc_imputer() (in module autots.models.matrix_var)
latc_predictor() (in module autots.models.matrix_var)
limits_to_anomalies() (in module autots.tools.anomaly_utils)
linear_model() (in module autots.models.cassandra)
list_failed_model_types() (autots.AutoTS method)
(autots.evaluator.auto_ts.AutoTS method)
load_artificial() (in module autots)
(in module autots.datasets)
load_daily() (in module autots)
(in module autots.datasets)
load_hourly() (in module autots)
(in module autots.datasets)
load_linear() (in module autots)
(in module autots.datasets)
load_live_daily() (in module autots)
(in module autots.datasets)
load_monthly() (in module autots)
(in module autots.datasets)
load_sine() (in module autots)
(in module autots.datasets)
load_weekdays() (in module autots)
(in module autots.datasets)
load_weekly() (in module autots)
(in module autots.datasets)
load_yearly() (in module autots)
(in module autots.datasets)
load_zeroes() (in module autots.datasets)
LocalLinearTrend (class in autots.tools.transform)
long_form_results() (autots.models.base.PredictionObject method)
,
[1]
long_to_wide() (in module autots)
(in module autots.tools.shaping)
loop_sk_outliers() (in module autots.tools.anomaly_utils)
looped_motif() (in module autots.models.basics)
lower_forecast (autots.models.base.PredictionObject attribute)
lstsq_minimize() (in module autots.models.cassandra)
lstsq_solve() (in module autots.models.cassandra)
lunar_from_lunar() (in module autots.tools.calendar)
lunar_from_lunar_full() (in module autots.tools.calendar)
M
mae() (in module autots.evaluator.metrics)
MAR (class in autots.models.matrix_var)
mar() (in module autots.models.matrix_var)
mat2ten() (in module autots.models.matrix_var)
mda() (in module autots.evaluator.metrics)
mean_absolute_differential_error() (in module autots.evaluator.metrics)
mean_absolute_error() (in module autots.evaluator.metrics)
MeanDifference (class in autots.tools.transform)
medae() (in module autots.evaluator.metrics)
median_absolute_error() (in module autots.evaluator.metrics)
MetricMotif (class in autots.models.basics)
mlvb() (in module autots.evaluator.metrics)
model_forecast() (in module autots)
(in module autots.evaluator.auto_model)
model_list_to_dict() (in module autots.evaluator.auto_model)
model_name (autots.models.base.PredictionObject attribute)
model_parameters (autots.models.base.PredictionObject attribute)
model_results (autots.AutoTS.initial_results attribute)
(autots.evaluator.auto_ts.AutoTS.initial_results attribute)
ModelMonster() (in module autots.evaluator.auto_model)
ModelObject (class in autots.models.base)
ModelPrediction() (in module autots.evaluator.auto_model)
moon_phase() (in module autots.tools.lunar)
moon_phase_df() (in module autots.tools.lunar)
mosaic_classifier() (in module autots.models.ensemble)
mosaic_or_horizontal() (in module autots.models.ensemble)
mosaic_to_df() (autots.AutoTS method)
(autots.evaluator.auto_ts.AutoTS method)
mosaic_to_horizontal() (in module autots.models.ensemble)
MosaicEnsemble() (in module autots.models.ensemble)
Motif (class in autots.models.basics)
MotifSimulation (class in autots.models.basics)
mqae() (in module autots.evaluator.metrics)
msle() (in module autots.evaluator.metrics)
MultivariateRegression (class in autots.models.sklearn)
N
nan_percentile() (in module autots.tools.percentile)
nan_quantile() (in module autots.tools.percentile)
NeuralProphet (class in autots.models.prophet)
NewGeneticTemplate() (in module autots.evaluator.auto_model)
next_fit() (autots.models.cassandra.Cassandra method)
nonparametric() (in module autots.tools.thresholding)
nonparametric_multivariate() (in module autots.tools.anomaly_utils)
NonparametricThreshold (class in autots.tools.thresholding)
NumericTransformer (class in autots.tools.shaping)
NVAR (class in autots.models.basics)
O
oda() (in module autots.evaluator.metrics)
P
params (autots.models.cassandra.Cassandra. attribute)
parse_horizontal() (in module autots.models.ensemble)
PCA (class in autots.tools.transform)
PctChangeTransformer (class in autots.tools.transform)
percentileofscore_appliable() (in module autots.tools.probabilistic)
phase_string() (in module autots.tools.lunar)
pinball_loss() (in module autots.evaluator.metrics)
plot() (autots.AnomalyDetector method)
(autots.evaluator.anomaly_detector.AnomalyDetector method)
(autots.evaluator.anomaly_detector.HolidayDetector method)
(autots.evaluator.event_forecasting.EventRiskForecast method)
,
[1]
(autots.EventRiskForecast method)
,
[1]
(autots.HolidayDetector method)
(autots.models.base.PredictionObject method)
,
[1]
plot_anomaly() (autots.evaluator.anomaly_detector.HolidayDetector method)
(autots.HolidayDetector method)
plot_back_forecast() (autots.AutoTS method)
(autots.evaluator.auto_ts.AutoTS method)
plot_backforecast() (autots.AutoTS method)
(autots.evaluator.auto_ts.AutoTS method)
plot_components() (autots.models.cassandra.Cassandra method)
,
[1]
plot_eval() (autots.evaluator.event_forecasting.EventRiskForecast method)
(autots.EventRiskForecast method)
plot_forecast() (autots.models.cassandra.Cassandra method)
,
[1]
plot_generation_loss() (autots.AutoTS method)
(autots.evaluator.auto_ts.AutoTS method)
plot_horizontal() (autots.AutoTS method)
(autots.evaluator.auto_ts.AutoTS method)
plot_horizontal_model_count() (autots.AutoTS method)
(autots.evaluator.auto_ts.AutoTS method)
plot_horizontal_per_generation() (autots.AutoTS method)
(autots.evaluator.auto_ts.AutoTS method)
plot_horizontal_transformers() (autots.AutoTS method)
(autots.evaluator.auto_ts.AutoTS method)
plot_per_series_error() (autots.AutoTS method)
(autots.evaluator.auto_ts.AutoTS method)
plot_per_series_smape() (autots.AutoTS method)
(autots.evaluator.auto_ts.AutoTS method)
plot_things() (autots.models.cassandra.Cassandra method)
plot_trend() (autots.models.cassandra.Cassandra method)
,
[1]
Point_to_Probability() (in module autots.tools.probabilistic)
PositiveShift (class in autots.tools.transform)
predict() (autots.AutoTS method)
(autots.evaluator.auto_ts.AutoTS method)
(autots.evaluator.auto_ts.AutoTSIntervals method)
(autots.evaluator.event_forecasting.EventRiskForecast method)
,
[1]
(autots.EventRiskForecast method)
,
[1]
(autots.models.arch.ARCH method)
(autots.models.basics.AverageValueNaive method)
(autots.models.basics.ConstantNaive method)
(autots.models.basics.KalmanStateSpace method)
(autots.models.basics.LastValueNaive method)
(autots.models.basics.MetricMotif method)
(autots.models.basics.Motif method)
(autots.models.basics.MotifSimulation method)
(autots.models.basics.NVAR method)
(autots.models.basics.SeasonalityMotif method)
(autots.models.basics.SeasonalNaive method)
(autots.models.basics.SectionalMotif method)
(autots.models.cassandra.Cassandra method)
,
[1]
(autots.models.dnn.KerasRNN method)
(autots.models.dnn.Transformer method)
(autots.models.gluonts.GluonTS method)
(autots.models.greykite.Greykite method)
(autots.models.matrix_var.LATC method)
(autots.models.matrix_var.MAR method)
(autots.models.matrix_var.RRVAR method)
(autots.models.matrix_var.TMF method)
(autots.models.prophet.FBProphet method)
(autots.models.prophet.NeuralProphet method)
(autots.models.pytorch.PytorchForecasting method)
(autots.models.sklearn.ComponentAnalysis method)
(autots.models.sklearn.DatepartRegression method)
(autots.models.sklearn.MultivariateRegression method)
(autots.models.sklearn.RollingRegression method)
(autots.models.sklearn.UnivariateRegression method)
(autots.models.sklearn.WindowRegression method)
(autots.models.statsmodels.ARDL method)
(autots.models.statsmodels.ARIMA method)
(autots.models.statsmodels.DynamicFactor method)
(autots.models.statsmodels.DynamicFactorMQ method)
(autots.models.statsmodels.ETS method)
(autots.models.statsmodels.GLM method)
(autots.models.statsmodels.GLS method)
(autots.models.statsmodels.Theta method)
(autots.models.statsmodels.UnobservedComponents method)
(autots.models.statsmodels.VAR method)
(autots.models.statsmodels.VARMAX method)
(autots.models.statsmodels.VECM method)
(autots.models.tfp.TensorflowSTS method)
(autots.models.tfp.TFPRegression method)
(autots.models.tfp.TFPRegressor method)
(autots.tools.fast_kalman.KalmanFilter method)
(in module autots.tools.fast_kalman)
predict_historic() (autots.evaluator.event_forecasting.EventRiskForecast method)
,
[1]
(autots.EventRiskForecast method)
,
[1]
predict_new_product() (autots.models.cassandra.Cassandra method)
predict_next() (autots.tools.fast_kalman.KalmanFilter method)
predict_observation() (autots.tools.fast_kalman.KalmanFilter method)
(in module autots.tools.fast_kalman)
predict_reservoir() (in module autots.models.basics)
predict_x_array (autots.models.cassandra.Cassandra. attribute)
predicted_trend (autots.models.cassandra.Cassandra. attribute)
PredictionObject (class in autots.models.base)
priv_smooth() (in module autots.tools.fast_kalman)
priv_update_with_nan_check() (in module autots.tools.fast_kalman)
process_components() (autots.models.cassandra.Cassandra method)
prune_anoms() (autots.tools.thresholding.NonparametricThreshold method)
PytorchForecasting (class in autots.models.pytorch)
Q
qae() (in module autots.evaluator.metrics)
query_holidays() (in module autots.tools.holiday)
R
random_cleaners() (in module autots.tools.transform)
random_model() (in module autots.evaluator.auto_model)
random_state_space() (in module autots.tools.fast_kalman)
RandomTemplate() (in module autots.evaluator.auto_model)
RandomTransform() (in module autots)
(in module autots.tools.transform)
reconcile() (autots.tools.hierarchial.hierarchial method)
regression_check (autots.AutoTS attribute)
(autots.evaluator.auto_ts.AutoTS attribute)
remove_leading_zeros() (in module autots.evaluator.auto_model)
remove_outliers() (in module autots.tools.transform)
results() (autots.AutoTS method)
(autots.evaluator.auto_ts.AutoTS method)
retrieve_closest_indices() (in module autots.tools.window_functions)
retrieve_regressor() (in module autots.models.sklearn)
retrieve_transformer() (autots.GeneralTransformer class method)
(autots.tools.transform.GeneralTransformer class method)
return_components() (autots.models.cassandra.Cassandra method)
,
[1]
rmse() (in module autots.evaluator.metrics)
rolling_mean() (in module autots.tools.impute)
rolling_trend() (autots.models.cassandra.Cassandra method)
rolling_window_view() (in module autots.tools.window_functions)
rolling_x_regressor() (in module autots.models.sklearn)
rolling_x_regressor_regressor() (in module autots.models.sklearn)
RollingMeanTransformer (class in autots.tools.transform)
RollingRegression (class in autots.models.sklearn)
root_mean_square_error() (in module autots.evaluator.metrics)
Round (class in autots.tools.transform)
rps() (in module autots.evaluator.metrics)
RRVAR (class in autots.models.matrix_var)
rrvar() (in module autots.models.matrix_var)
run() (autots.evaluator.benchmark.Benchmark method)
S
save() (autots.evaluator.auto_model.TemplateEvalObject method)
scale_data() (autots.models.cassandra.Cassandra method)
scaled_pinball_loss() (in module autots.evaluator.metrics)
ScipyFilter (class in autots.tools.transform)
score_anomalies() (autots.tools.thresholding.NonparametricThreshold method)
score_per_series (autots.AutoTS attribute)
(autots.evaluator.auto_ts.AutoTS attribute)
score_to_anomaly() (autots.AnomalyDetector method)
(autots.evaluator.anomaly_detector.AnomalyDetector method)
(autots.tools.transform.AnomalyRemoval method)
scores (autots.models.cassandra.Cassandra..anomaly_detector attribute)
seasonal_int() (in module autots.tools.seasonal)
seasonal_window_match() (in module autots.tools.seasonal)
SeasonalDifference (class in autots.tools.transform)
SeasonalityMotif (class in autots.models.basics)
SeasonalNaive (class in autots.models.basics)
SectionalMotif (class in autots.models.basics)
seek_the_oracle() (in module autots.models.greykite)
set_limit() (autots.evaluator.event_forecasting.EventRiskForecast method)
(autots.evaluator.event_forecasting.EventRiskForecast static method)
(autots.EventRiskForecast method)
(autots.EventRiskForecast static method)
set_limit_forecast() (in module autots.evaluator.event_forecasting)
set_limit_forecast_historic() (in module autots.evaluator.event_forecasting)
simple_context_slicer() (in module autots.tools.transform)
simple_train_test_split() (in module autots.tools.shaping)
SinTrend (class in autots.tools.transform)
sk_outliers() (in module autots.tools.anomaly_utils)
Slice (class in autots.tools.transform)
sliding_window_view() (in module autots.tools.window_functions)
smape() (in module autots.evaluator.metrics)
smooth() (autots.tools.fast_kalman.KalmanFilter method)
(in module autots.tools.fast_kalman)
smooth_current() (autots.tools.fast_kalman.KalmanFilter method)
spl() (in module autots.evaluator.metrics)
StatsmodelsFilter (class in autots.tools.transform)
STLFilter (class in autots.tools.transform)
subset_series() (in module autots.tools.shaping)
summarize_series() (in module autots.models.ensemble)
svt_tnn() (in module autots.models.matrix_var)
symmetric_mean_absolute_percentage_error() (in module autots.evaluator.metrics)
T
TemplateEvalObject (class in autots.evaluator.auto_model)
TemplateWizard() (in module autots.evaluator.auto_model)
ten2mat() (in module autots.models.matrix_var)
TensorflowSTS (class in autots.models.tfp)
TFPRegression (class in autots.models.tfp)
TFPRegressor (class in autots.models.tfp)
Theta (class in autots.models.statsmodels)
threshold_loss() (in module autots.evaluator.metrics)
time() (autots.models.base.ModelObject static method)
TMF (class in autots.models.matrix_var)
tmf() (in module autots.models.matrix_var)
to_jd() (in module autots.tools.calendar)
to_origin_space() (autots.models.cassandra.Cassandra method)
todeg() (in module autots.tools.lunar)
torad() (in module autots.tools.lunar)
total_runtime() (autots.models.base.PredictionObject method)
,
[1]
trans_dict_recomb() (in module autots.evaluator.auto_model)
transform() (autots.GeneralTransformer method)
(autots.tools.hierarchial.hierarchial method)
(autots.tools.shaping.NumericTransformer method)
(autots.tools.transform.AlignLastValue method)
(autots.tools.transform.AnomalyRemoval method)
(autots.tools.transform.BTCD method)
(autots.tools.transform.CenterLastValue method)
(autots.tools.transform.ClipOutliers method)
(autots.tools.transform.Cointegration method)
(autots.tools.transform.CumSumTransformer method)
(autots.tools.transform.DatepartRegressionTransformer method)
(autots.tools.transform.Detrend method)
(autots.tools.transform.DifferencedTransformer method)
(autots.tools.transform.Discretize method)
(autots.tools.transform.EmptyTransformer method)
(autots.tools.transform.EWMAFilter method)
(autots.tools.transform.FastICA method)
(autots.tools.transform.GeneralTransformer method)
(autots.tools.transform.HolidayTransformer method)
(autots.tools.transform.HPFilter method)
(autots.tools.transform.IntermittentOccurrence method)
(autots.tools.transform.KalmanSmoothing method)
(autots.tools.transform.LocalLinearTrend method)
(autots.tools.transform.MeanDifference method)
(autots.tools.transform.PCA method)
(autots.tools.transform.PctChangeTransformer method)
(autots.tools.transform.PositiveShift method)
(autots.tools.transform.RollingMeanTransformer method)
(autots.tools.transform.Round method)
(autots.tools.transform.ScipyFilter method)
(autots.tools.transform.SeasonalDifference method)
(autots.tools.transform.SinTrend method)
(autots.tools.transform.Slice method)
(autots.tools.transform.StatsmodelsFilter method)
(autots.tools.transform.STLFilter method)
transformation_parameters (autots.models.base.PredictionObject attribute)
Transformer (class in autots.models.dnn)
transformer_build_model() (in module autots.models.dnn)
transformer_encoder() (in module autots.models.dnn)
transformer_list_to_dict() (in module autots.tools.transform)
TransformTS (in module autots)
treatment_causal_impact() (autots.models.cassandra.Cassandra method)
trend_train (autots.models.cassandra.Cassandra. attribute)
U
UniqueTemplates() (in module autots.evaluator.auto_model)
UnivariateRegression (class in autots.models.sklearn)
UnobservedComponents (class in autots.models.statsmodels)
unpack_ensemble_models() (in module autots.evaluator.auto_model)
unvectorize_state() (autots.tools.fast_kalman.Gaussian method)
unvectorize_vars() (autots.tools.fast_kalman.Gaussian method)
update() (autots.tools.fast_kalman.KalmanFilter method)
(in module autots.tools.fast_kalman)
update_cg() (in module autots.models.matrix_var)
update_with_nan_check() (in module autots.tools.fast_kalman)
upper_forecast (autots.models.base.PredictionObject attribute)
V
validation_aggregation() (in module autots.evaluator.auto_model)
values_to_anomalies() (in module autots.tools.anomaly_utils)
VAR (class in autots.models.statsmodels)
var() (in module autots.models.matrix_var)
var4cast() (in module autots.models.matrix_var)
Variable_Point_to_Probability() (in module autots.tools.probabilistic)
VARMAX (class in autots.models.statsmodels)
VECM (class in autots.models.statsmodels)
W
wide_to_3d() (in module autots.tools.shaping)
window_id_maker() (in module autots.tools.window_functions)
window_lin_reg() (in module autots.tools.window_functions)
window_lin_reg_mean() (in module autots.tools.window_functions)
window_maker() (in module autots.tools.window_functions)
window_maker_2() (in module autots.tools.window_functions)
window_maker_3() (in module autots.tools.window_functions)
window_sum_nan_mean() (in module autots.tools.window_functions)
WindowRegression (class in autots.models.sklearn)
X
x_array (autots.models.cassandra.Cassandra. attribute)
Z
ZeroesNaive (in module autots.models.basics)
zscore_survival_function() (in module autots.tools.anomaly_utils)
Automated Forecasting
Navigation
Intro
AutoTS
Tutorial
autots
Related Topics
Documentation overview
Quick search