autogluon.timeseries 1.1.2b20241120__tar.gz → 1.1.2b20241122__tar.gz
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/PKG-INFO +1 -1
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/setup.py +1 -1
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/configs/presets_configs.py +4 -4
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/chronos/model.py +9 -8
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/presets.py +3 -3
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/version.py +1 -1
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon.timeseries.egg-info/PKG-INFO +1 -1
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon.timeseries.egg-info/requires.txt +6 -6
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/setup.cfg +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/__init__.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/configs/__init__.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/dataset/__init__.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/dataset/ts_dataframe.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/evaluator.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/learner.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/metrics/__init__.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/metrics/abstract.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/metrics/point.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/metrics/quantile.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/metrics/utils.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/__init__.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/abstract/__init__.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/abstract/abstract_timeseries_model.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/abstract/model_trial.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/autogluon_tabular/__init__.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/autogluon_tabular/mlforecast.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/autogluon_tabular/transforms.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/autogluon_tabular/utils.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/chronos/__init__.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/chronos/pipeline/__init__.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/chronos/pipeline/base.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/chronos/pipeline/chronos.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/chronos/pipeline/chronos_bolt.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/chronos/pipeline/utils.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/ensemble/__init__.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/ensemble/abstract_timeseries_ensemble.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/ensemble/greedy_ensemble.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/gluonts/__init__.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/gluonts/abstract_gluonts.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/gluonts/torch/__init__.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/gluonts/torch/models.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/local/__init__.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/local/abstract_local_model.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/local/naive.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/local/npts.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/local/statsforecast.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/multi_window/__init__.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/models/multi_window/multi_window_model.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/predictor.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/regressor.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/splitter.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/trainer/__init__.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/trainer/abstract_trainer.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/trainer/auto_trainer.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/transforms/__init__.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/transforms/covariate_scaler.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/transforms/target_scaler.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/utils/__init__.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/utils/datetime/__init__.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/utils/datetime/base.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/utils/datetime/lags.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/utils/datetime/seasonality.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/utils/datetime/time_features.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/utils/features.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/utils/forecast.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon/timeseries/utils/warning_filters.py +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon.timeseries.egg-info/SOURCES.txt +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon.timeseries.egg-info/dependency_links.txt +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon.timeseries.egg-info/namespace_packages.txt +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon.timeseries.egg-info/top_level.txt +0 -0
- {autogluon.timeseries-1.1.2b20241120 → autogluon.timeseries-1.1.2b20241122}/src/autogluon.timeseries.egg-info/zip-safe +0 -0
@@ -30,7 +30,7 @@ install_requires = [
|
|
30
30
|
"pytorch_lightning", # version range defined in `core/_setup_utils.py`
|
31
31
|
"transformers[sentencepiece]", # version range defined in `core/_setup_utils.py`
|
32
32
|
"accelerate", # version range defined in `core/_setup_utils.py`
|
33
|
-
"gluonts
|
33
|
+
"gluonts>=0.15.0,<0.17",
|
34
34
|
"networkx", # version range defined in `core/_setup_utils.py`
|
35
35
|
"statsforecast>=1.7.0,<1.8",
|
36
36
|
"mlforecast==0.13.4",
|
@@ -12,19 +12,19 @@ TIMESERIES_PRESETS_CONFIGS = dict(
|
|
12
12
|
fast_training={"hyperparameters": "very_light"},
|
13
13
|
# Chronos-Bolt models
|
14
14
|
bolt_tiny={
|
15
|
-
"hyperparameters": {"Chronos": {"model_path": "
|
15
|
+
"hyperparameters": {"Chronos": {"model_path": "bolt_tiny"}},
|
16
16
|
"skip_model_selection": True,
|
17
17
|
},
|
18
18
|
bolt_mini={
|
19
|
-
"hyperparameters": {"Chronos": {"model_path": "
|
19
|
+
"hyperparameters": {"Chronos": {"model_path": "bolt_mini"}},
|
20
20
|
"skip_model_selection": True,
|
21
21
|
},
|
22
22
|
bolt_small={
|
23
|
-
"hyperparameters": {"Chronos": {"model_path": "
|
23
|
+
"hyperparameters": {"Chronos": {"model_path": "bolt_small"}},
|
24
24
|
"skip_model_selection": True,
|
25
25
|
},
|
26
26
|
bolt_base={
|
27
|
-
"hyperparameters": {"Chronos": {"model_path": "
|
27
|
+
"hyperparameters": {"Chronos": {"model_path": "bolt_base"}},
|
28
28
|
"skip_model_selection": True,
|
29
29
|
},
|
30
30
|
# Original Chronos models
|
@@ -67,10 +67,10 @@ MODEL_ALIASES = {
|
|
67
67
|
"small": "autogluon/chronos-t5-small",
|
68
68
|
"base": "autogluon/chronos-t5-base",
|
69
69
|
"large": "autogluon/chronos-t5-large",
|
70
|
-
"
|
71
|
-
"
|
72
|
-
"
|
73
|
-
"
|
70
|
+
"bolt_tiny": "autogluon/chronos-bolt-tiny",
|
71
|
+
"bolt_mini": "autogluon/chronos-bolt-mini",
|
72
|
+
"bolt_small": "autogluon/chronos-bolt-small",
|
73
|
+
"bolt_base": "autogluon/chronos-bolt-base",
|
74
74
|
}
|
75
75
|
|
76
76
|
|
@@ -109,7 +109,7 @@ class ChronosModel(AbstractTimeSeriesModel):
|
|
109
109
|
compatible model name on HuggingFace Hub or a local path to a model directory. Original
|
110
110
|
Chronos models (i.e., ``autogluon/chronos-t5-{model_size}``) can be specified with aliases
|
111
111
|
``tiny``, ``mini`` , ``small``, ``base``, and ``large``. Chronos-Bolt models can be specified
|
112
|
-
with ``
|
112
|
+
with ``bolt_tiny``, ``bolt_mini``, ``bolt_small``, and ``bolt_base``.
|
113
113
|
batch_size : int, default = 16
|
114
114
|
Size of batches used during inference
|
115
115
|
num_samples : int, default = 20
|
@@ -140,8 +140,9 @@ class ChronosModel(AbstractTimeSeriesModel):
|
|
140
140
|
for more information.
|
141
141
|
fine_tune : bool, default = False
|
142
142
|
If True, the pretrained model will be fine-tuned
|
143
|
-
fine_tune_lr: float, default =
|
144
|
-
The learning rate used for fine-tuning
|
143
|
+
fine_tune_lr: float, default = 1e-5
|
144
|
+
The learning rate used for fine-tuning. This default is suitable for Chronos-Bolt models; for the original
|
145
|
+
Chronos models, we recommend using a higher learning rate such as ``1e-4``
|
145
146
|
fine_tune_steps : int, default = 1000
|
146
147
|
The number of gradient update steps to fine-tune for
|
147
148
|
fine_tune_batch_size : int, default = 32
|
@@ -321,7 +322,7 @@ class ChronosModel(AbstractTimeSeriesModel):
|
|
321
322
|
|
322
323
|
init_args.setdefault("fine_tune", False)
|
323
324
|
init_args.setdefault("keep_transformers_logs", False)
|
324
|
-
init_args.setdefault("fine_tune_lr", 1e-
|
325
|
+
init_args.setdefault("fine_tune_lr", 1e-5)
|
325
326
|
init_args.setdefault("fine_tune_steps", 1000)
|
326
327
|
init_args.setdefault("fine_tune_batch_size", 32)
|
327
328
|
init_args.setdefault("eval_during_fine_tune", False)
|
@@ -134,7 +134,7 @@ def get_default_hps(key):
|
|
134
134
|
"RecursiveTabular": {},
|
135
135
|
"DirectTabular": {},
|
136
136
|
"TemporalFusionTransformer": {},
|
137
|
-
"Chronos": {"model_path": "
|
137
|
+
"Chronos": {"model_path": "bolt_small"},
|
138
138
|
},
|
139
139
|
"light_inference": {
|
140
140
|
"SeasonalNaive": {},
|
@@ -157,11 +157,11 @@ def get_default_hps(key):
|
|
157
157
|
"Chronos": [
|
158
158
|
{
|
159
159
|
"ag_args": {"name_suffix": "ZeroShot"},
|
160
|
-
"model_path": "
|
160
|
+
"model_path": "bolt_base",
|
161
161
|
},
|
162
162
|
{
|
163
163
|
"ag_args": {"name_suffix": "FineTuned"},
|
164
|
-
"model_path": "
|
164
|
+
"model_path": "bolt_small",
|
165
165
|
"fine_tune": True,
|
166
166
|
"target_scaler": "standard",
|
167
167
|
"covariate_regressor": {"model_name": "CAT", "model_hyperparameters": {"iterations": 1_000}},
|
@@ -1,13 +1,13 @@
|
|
1
1
|
joblib<2,>=1.1
|
2
|
-
numpy<1.
|
3
|
-
scipy<1.
|
2
|
+
numpy<2.1.4,>=1.25.0
|
3
|
+
scipy<1.16,>=1.5.4
|
4
4
|
pandas<2.3.0,>=2.0.0
|
5
5
|
torch<2.6,>=2.2
|
6
6
|
lightning<2.6,>=2.2
|
7
7
|
pytorch_lightning
|
8
8
|
transformers[sentencepiece]<5,>=4.38.0
|
9
9
|
accelerate<1.0,>=0.32.0
|
10
|
-
gluonts
|
10
|
+
gluonts<0.17,>=0.15.0
|
11
11
|
networkx<4,>=3.0
|
12
12
|
statsforecast<1.8,>=1.7.0
|
13
13
|
mlforecast==0.13.4
|
@@ -17,9 +17,9 @@ fugue>=0.9.0
|
|
17
17
|
tqdm<5,>=4.38
|
18
18
|
orjson~=3.9
|
19
19
|
tensorboard<3,>=2.9
|
20
|
-
autogluon.core[raytune]==1.1.
|
21
|
-
autogluon.common==1.1.
|
22
|
-
autogluon.tabular[catboost,lightgbm,xgboost]==1.1.
|
20
|
+
autogluon.core[raytune]==1.1.2b20241122
|
21
|
+
autogluon.common==1.1.2b20241122
|
22
|
+
autogluon.tabular[catboost,lightgbm,xgboost]==1.1.2b20241122
|
23
23
|
|
24
24
|
[all]
|
25
25
|
optimum[onnxruntime]<1.20,>=1.17
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|