autogluon.timeseries 1.1.2b20241124__tar.gz → 1.2__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.
Files changed (71) hide show
  1. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/PKG-INFO +2 -2
  2. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/setup.py +2 -3
  3. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/chronos/model.py +14 -2
  4. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/chronos/pipeline/chronos.py +6 -2
  5. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/predictor.py +11 -6
  6. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/version.py +1 -1
  7. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon.timeseries.egg-info/PKG-INFO +2 -2
  8. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon.timeseries.egg-info/requires.txt +4 -5
  9. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/setup.cfg +0 -0
  10. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/__init__.py +0 -0
  11. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/configs/__init__.py +0 -0
  12. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/configs/presets_configs.py +0 -0
  13. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/dataset/__init__.py +0 -0
  14. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/dataset/ts_dataframe.py +0 -0
  15. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/evaluator.py +0 -0
  16. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/learner.py +0 -0
  17. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/metrics/__init__.py +0 -0
  18. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/metrics/abstract.py +0 -0
  19. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/metrics/point.py +0 -0
  20. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/metrics/quantile.py +0 -0
  21. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/metrics/utils.py +0 -0
  22. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/__init__.py +0 -0
  23. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/abstract/__init__.py +0 -0
  24. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/abstract/abstract_timeseries_model.py +0 -0
  25. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/abstract/model_trial.py +0 -0
  26. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/autogluon_tabular/__init__.py +0 -0
  27. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/autogluon_tabular/mlforecast.py +0 -0
  28. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/autogluon_tabular/transforms.py +0 -0
  29. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/autogluon_tabular/utils.py +0 -0
  30. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/chronos/__init__.py +0 -0
  31. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/chronos/pipeline/__init__.py +0 -0
  32. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/chronos/pipeline/base.py +0 -0
  33. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/chronos/pipeline/chronos_bolt.py +0 -0
  34. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/chronos/pipeline/utils.py +0 -0
  35. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/ensemble/__init__.py +0 -0
  36. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/ensemble/abstract_timeseries_ensemble.py +0 -0
  37. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/ensemble/greedy_ensemble.py +0 -0
  38. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/gluonts/__init__.py +0 -0
  39. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/gluonts/abstract_gluonts.py +0 -0
  40. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/gluonts/torch/__init__.py +0 -0
  41. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/gluonts/torch/models.py +0 -0
  42. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/local/__init__.py +0 -0
  43. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/local/abstract_local_model.py +0 -0
  44. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/local/naive.py +0 -0
  45. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/local/npts.py +0 -0
  46. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/local/statsforecast.py +0 -0
  47. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/multi_window/__init__.py +0 -0
  48. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/multi_window/multi_window_model.py +0 -0
  49. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/models/presets.py +0 -0
  50. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/regressor.py +0 -0
  51. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/splitter.py +0 -0
  52. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/trainer/__init__.py +0 -0
  53. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/trainer/abstract_trainer.py +0 -0
  54. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/trainer/auto_trainer.py +0 -0
  55. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/transforms/__init__.py +0 -0
  56. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/transforms/covariate_scaler.py +0 -0
  57. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/transforms/target_scaler.py +0 -0
  58. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/utils/__init__.py +0 -0
  59. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/utils/datetime/__init__.py +0 -0
  60. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/utils/datetime/base.py +0 -0
  61. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/utils/datetime/lags.py +0 -0
  62. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/utils/datetime/seasonality.py +0 -0
  63. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/utils/datetime/time_features.py +0 -0
  64. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/utils/features.py +0 -0
  65. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/utils/forecast.py +0 -0
  66. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon/timeseries/utils/warning_filters.py +0 -0
  67. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon.timeseries.egg-info/SOURCES.txt +0 -0
  68. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon.timeseries.egg-info/dependency_links.txt +0 -0
  69. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon.timeseries.egg-info/namespace_packages.txt +0 -0
  70. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon.timeseries.egg-info/top_level.txt +0 -0
  71. {autogluon.timeseries-1.1.2b20241124 → autogluon.timeseries-1.2}/src/autogluon.timeseries.egg-info/zip-safe +0 -0
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.1
2
2
  Name: autogluon.timeseries
3
- Version: 1.1.2b20241124
3
+ Version: 1.2
4
4
  Summary: Fast and Accurate ML in 3 Lines of Code
5
5
  Home-page: https://github.com/autogluon/autogluon
6
6
  Author: AutoGluon Community
@@ -107,7 +107,7 @@ Description:
107
107
  This library is licensed under the Apache 2.0 License.
108
108
 
109
109
  Platform: UNKNOWN
110
- Classifier: Development Status :: 4 - Beta
110
+ Classifier: Development Status :: 5 - Production/Stable
111
111
  Classifier: Intended Audience :: Education
112
112
  Classifier: Intended Audience :: Developers
113
113
  Classifier: Intended Audience :: Science/Research
@@ -62,9 +62,8 @@ extras_require = {
62
62
  ],
63
63
  }
64
64
 
65
- # TODO: add openvino back to "all" after dependency versions are relaxed
66
- extras_require["all"] = list(set.union(*(set(extras_require[extra]) for extra in ["chronos-onnx"])))
67
-
65
+ # chronos-openvino and chronos-onnx are deprecated, and will be removed in a future version
66
+ extras_require["all"] = []
68
67
  install_requires = ag.get_dependency_version_ranges(install_requires)
69
68
 
70
69
  if __name__ == "__main__":
@@ -133,10 +133,13 @@ class ChronosModel(AbstractTimeSeriesModel):
133
133
  and may truncate the context further. For example, original Chronos models have a context length of 512, but
134
134
  Chronos-Bolt models handle contexts up to 2048.
135
135
  optimization_strategy : {None, "onnx", "openvino"}, default = None
136
- Optimization strategy to use for inference on CPUs. If None, the model will use the default implementation.
136
+ [deprecated] Optimization strategy to use for inference on CPUs. If None, the model will use the default implementation.
137
137
  If `onnx`, the model will be converted to ONNX and the inference will be performed using ONNX. If ``openvino``,
138
138
  inference will be performed with the model compiled to OpenVINO. These optimizations are only available for
139
- the original set of Chronos models, and not in Chronos-Bolt where they are not needed.
139
+ the original set of Chronos models, and not in Chronos-Bolt where they are not needed. You will need to
140
+ install the appropriate dependencies `optimum[onnxruntime]` or `optimum[openvino,nncf] optimum-intel[openvino,nncf]`
141
+ for optimizations to work. Note that support for optimization strategies is deprecated, and will be removed
142
+ in a future release. We recommend using Chronos-Bolt models for fast inference on the CPU.
140
143
  torch_dtype : torch.dtype or {"auto", "bfloat16", "float32", "float64"}, default = "auto"
141
144
  Torch data type for model weights, provided to ``from_pretrained`` method of Hugging Face AutoModels. If
142
145
  original Chronos models are specified and the model size is ``small``, ``base``, or ``large``, the
@@ -202,6 +205,15 @@ class ChronosModel(AbstractTimeSeriesModel):
202
205
  self.optimization_strategy: Optional[Literal["onnx", "openvino"]] = hyperparameters.get(
203
206
  "optimization_strategy", None
204
207
  )
208
+ if self.optimization_strategy is not None:
209
+ warnings.warn(
210
+ (
211
+ "optimization_strategy is deprecated and will be removed in a future release. "
212
+ "We recommend using Chronos-Bolt models for fast inference on the CPU."
213
+ ),
214
+ category=FutureWarning,
215
+ stacklevel=3,
216
+ )
205
217
  self.context_length = hyperparameters.get("context_length")
206
218
 
207
219
  if self.context_length is not None and self.context_length > self.maximum_context_length:
@@ -556,7 +556,9 @@ class ChronosPipeline(BaseChronosPipeline):
556
556
  from optimum.onnxruntime import ORTModelForSeq2SeqLM
557
557
  except ImportError:
558
558
  raise ImportError(
559
- "Huggingface Optimum library must be installed with ONNX for using the `onnx` strategy"
559
+ "Huggingface Optimum library must be installed with ONNX for using the `onnx` strategy. "
560
+ "Please try running `pip install optimum[onnxruntime]` or use Chronos-Bolt models for "
561
+ "faster performance on the CPU."
560
562
  )
561
563
 
562
564
  assert kwargs.pop("device_map", "cpu") in ["cpu", "auto"], "ONNX mode only available on the CPU"
@@ -567,7 +569,9 @@ class ChronosPipeline(BaseChronosPipeline):
567
569
  from optimum.intel import OVModelForSeq2SeqLM
568
570
  except ImportError:
569
571
  raise ImportError(
570
- "Huggingface Optimum library must be installed with OpenVINO for using the `openvino` strategy"
572
+ "Huggingface Optimum library must be installed with OpenVINO for using the `openvino` strategy. "
573
+ "Please try running `pip install optimum-intel[openvino,nncf] optimum[openvino,nncf]` or use "
574
+ "Chronos-Bolt models for faster performance on the CPU."
571
575
  )
572
576
  with set_loggers_level(regex=r"^optimum.*", level=logging.ERROR):
573
577
  inner_model = OVModelForSeq2SeqLM.from_pretrained(
@@ -447,9 +447,9 @@ class TimeSeriesPredictor(TimeSeriesPredictorDeprecatedMixin):
447
447
 
448
448
  If ``train_data`` contains covariates or static features, they will be interpreted as follows:
449
449
 
450
- * columns with ``int``, ``bool`` and ``float`` dtypes are interpreted as continuous (real-valued) features
451
- * columns with ``object``, ``str`` and ``category`` dtypes are as interpreted as categorical features
452
- * columns with other dtypes are ignored
450
+ * columns with ``int``, ``bool`` and ``float`` dtypes are interpreted as continuous (real-valued) features
451
+ * columns with ``object``, ``str`` and ``category`` dtypes are as interpreted as categorical features
452
+ * columns with other dtypes are ignored
453
453
 
454
454
  To ensure that the column type is interpreted correctly, please convert it to one of the above dtypes.
455
455
  For example, to ensure that column "store_id" with dtype ``int`` is interpreted as a category, change
@@ -501,13 +501,18 @@ class TimeSeriesPredictor(TimeSeriesPredictorDeprecatedMixin):
501
501
 
502
502
  - ``"fast_training"``: fit simple statistical models (``ETS``, ``Theta``, ``Naive``, ``SeasonalNaive``) + fast tree-based models ``RecursiveTabular``
503
503
  and ``DirectTabular``. These models are fast to train but may not be very accurate.
504
- - ``"medium_quality"``: all models mentioned above + deep learning model ``TemporalFusionTransformer``. Default setting that produces good forecasts
504
+ - ``"medium_quality"``: all models mentioned above + deep learning model ``TemporalFusionTransformer`` + Chronos-Bolt (small). Default setting that produces good forecasts
505
505
  with reasonable training time.
506
- - ``"high_quality"``: All ML models available in AutoGluon + additional statistical models (``NPTS``, ``AutoETS``, ``AutoARIMA``, ``Croston``,
506
+ - ``"high_quality"``: All ML models available in AutoGluon + additional statistical models (``NPTS``, ``AutoETS``,
507
507
  ``DynamicOptimizedTheta``). Much more accurate than ``medium_quality``, but takes longer to train.
508
508
  - ``"best_quality"``: Same models as in ``"high_quality"``, but performs validation with multiple backtests. Usually better than ``high_quality``, but takes even longer to train.
509
509
 
510
- Available presets with the `Chronos <https://github.com/amazon-science/chronos-forecasting>`_ model:
510
+ Available presets with the new, faster `Chronos-Bolt <https://github.com/amazon-science/chronos-forecasting>`_ model:
511
+
512
+ - ``"bolt_{model_size}"``: where model size is one of ``tiny,mini,small,base``. Uses the Chronos-Bolt pretrained model for zero-shot forecasting.
513
+ See the documentation for ``ChronosModel`` or see `Hugging Face <https://huggingface.co/collections/amazon/chronos-models-65f1791d630a8d57cb718444>`_ for more information.
514
+
515
+ Available presets with the original `Chronos <https://github.com/amazon-science/chronos-forecasting>`_ model:
511
516
 
512
517
  - ``"chronos_{model_size}"``: where model size is one of ``tiny,mini,small,base,large``. Uses the Chronos pretrained model for zero-shot forecasting.
513
518
  See the documentation for ``ChronosModel`` or see `Hugging Face <https://huggingface.co/collections/amazon/chronos-models-65f1791d630a8d57cb718444>`_ for more information.
@@ -1,3 +1,3 @@
1
1
  """This is the autogluon version file."""
2
- __version__ = '1.1.2b20241124'
2
+ __version__ = '1.2'
3
3
  __lite__ = False
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.1
2
2
  Name: autogluon.timeseries
3
- Version: 1.1.2b20241124
3
+ Version: 1.2
4
4
  Summary: Fast and Accurate ML in 3 Lines of Code
5
5
  Home-page: https://github.com/autogluon/autogluon
6
6
  Author: AutoGluon Community
@@ -107,7 +107,7 @@ Description:
107
107
  This library is licensed under the Apache 2.0 License.
108
108
 
109
109
  Platform: UNKNOWN
110
- Classifier: Development Status :: 4 - Beta
110
+ Classifier: Development Status :: 5 - Production/Stable
111
111
  Classifier: Intended Audience :: Education
112
112
  Classifier: Intended Audience :: Developers
113
113
  Classifier: Intended Audience :: Science/Research
@@ -6,7 +6,7 @@ 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
- accelerate<1.0,>=0.32.0
9
+ accelerate<1.0,>=0.34.0
10
10
  gluonts<0.17,>=0.15.0
11
11
  networkx<4,>=3.0
12
12
  statsforecast<1.8,>=1.7.0
@@ -17,12 +17,11 @@ 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.2b20241124
21
- autogluon.common==1.1.2b20241124
22
- autogluon.tabular[catboost,lightgbm,xgboost]==1.1.2b20241124
20
+ autogluon.core[raytune]==1.2
21
+ autogluon.common==1.2
22
+ autogluon.tabular[catboost,lightgbm,xgboost]==1.2
23
23
 
24
24
  [all]
25
- optimum[onnxruntime]<1.20,>=1.17
26
25
 
27
26
  [chronos-onnx]
28
27
  optimum[onnxruntime]<1.20,>=1.17