Autogluon

Latest version: v1.2

Safety actively analyzes 685670 Python packages for vulnerabilities to keep your Python projects secure.

Scan your dependencies

Page 2 of 6

0.8.2

As always, only load previously trained models using the same version of AutoGluon that they were originally trained on.
Loading models trained in different versions of AutoGluon is not supported.

See the full commit change-log here: https://github.com/autogluon/autogluon/compare/0.8.1...0.8.2

This version supports Python versions 3.8, 3.9, and 3.10.

Changes

* codespell: action, config + some typos fixed yarikoptic yinweisu (3323)
* Unpin sentencepiece zhiqiangdon (3368)
* Pin pydantic yinweisu (3370)

0.8.1

v0.8.1 is a bug fix release.

As always, only load previously trained models using the same version of AutoGluon that they were originally trained on.
Loading models trained in different versions of AutoGluon is not supported.

See the full commit change-log here: https://github.com/autogluon/autogluon/compare/0.8.0...0.8.1

This version supports Python versions 3.8, 3.9, and 3.10.

Changes

Documentation improvements

* Update google analytics property gidler (3330)
* Add Discord Link Innixma (3332)
* Add community section to website front page Innixma (3333)
* Update Windows Conda install instructions gidler (3346)
* Add some missing Colab buttons in tutorials gidler (3359)


Bug Fixes / General Improvements

* Move PyMuPDF to optional Innixma zhiqiangdon (3331)
* Remove TIMM in core setup Innixma (3334)
* Update persist_models max_memory 0.1 -> 0.4 Innixma (3338)
* Lint modules yinweisu (3337, 3339, 3344, 3347)
* Remove fairscale zhiqiangdon (3342)
* Fix refit crash Innixma (3348)
* Fix `DirectTabular` model failing for some metrics; hide warnings produced by `AutoARIMA` shchur (3350)
* Pin dependencies yinweisu (3358)
* Reduce per gpu batch size for AutoMM high_quality_hpo to avoid out of memory error for some corner cases zhiqiangdon (3360)
* Fix HPO crash by setting reuse_actor to False yinweisu (3361)

0.8.0

We're happy to announce the AutoGluon 0.8 release.

NEW: [![](https://img.shields.io/discord/1043248669505368144?logo=discord&style=flat)](https://discord.gg/wjUmjqAc2N) Join our official community discord server to ask questions and get involved!

Note: Loading models trained in different versions of AutoGluon is not supported.

This release contains 196 commits from 20 contributors!

See the full commit change-log here: https://github.com/autogluon/autogluon/compare/0.7.0...0.8.0

Special thanks to geoalgo for the joint work in generating the experimental tabular Zeroshot-HPO portfolio this release!

Full Contributor List (ordered by of commits):

shchur, Innixma, yinweisu, gradientsky, FANGAreNotGnu, zhiqiangdon, gidler, liangfu, tonyhoo, cheungdaven, cnpgs, giswqs, suzhoum, yongxinw, isunli, jjaeyeon, xiaochenbin9527, yzhliu, jsharpna, sxjscience

AutoGluon 0.8 supports Python versions 3.8, 3.9, and 3.10.

Changes

Highlights
* AutoGluon TimeSeries introduced several major improvements, including new models, upgraded presets that lead to better forecast accuracy, and optimizations that speed up training & inference.
* AutoGluon Tabular now supports **[calibrating the decision threshold in binary classification](https://auto.gluon.ai/stable/tutorials/tabular/tabular-indepth.html#decision-threshold-calibration)** ([API](https://auto.gluon.ai/stable/api/autogluon.tabular.TabularPredictor.calibrate_decision_threshold.html)), leading to massive improvements in metrics such as `f1` and `balanced_accuracy`. It is not uncommon to see `f1` scores improve from `0.70` to `0.73` as an example. We **strongly** encourage all users who are using these metrics to try out the new decision threshold calibration logic.
* AutoGluon MultiModal introduces two new features: 1) [**PDF document classification**](https://auto.gluon.ai/stable/tutorials/multimodal/document/pdf_classification.html), and 2) [**Open Vocabulary Object Detection**](https://auto.gluon.ai/stable/tutorials/multimodal/object_detection/quick_start/quick_start_ovd.html).
* AutoGluon MultiModal upgraded the presets for object detection, now offering `medium_quality`, `high_quality`, and `best_quality` options. The empirical results demonstrate significant ~20% relative improvements in the mAP (mean Average Precision) metric, using the same preset.
* AutoGluon Tabular has added an experimental **Zeroshot HPO config** which performs well on small datasets <10000 rows when at least an hour of training time is provided (~60% win-rate vs `best_quality`). To try it out, specify `presets="experimental_zeroshot_hpo_hybrid"` when calling `fit()`.
* AutoGluon EDA added support for [**Anomaly Detection**](https://auto.gluon.ai/stable/tutorials/eda/eda-auto-anomaly-detection.html) and [**Partial Dependence Plots**](https://auto.gluon.ai/stable/tutorials/eda/eda-auto-analyze-interaction.html#using-interaction-charts-to-learn-information-about-the-data).
* AutoGluon Tabular has added experimental support for **[TabPFN](https://github.com/automl/TabPFN)**, a pre-trained tabular transformer model. Try it out via `pip install autogluon.tabular[all,tabpfn]` (hyperparameter key is "TABPFN")! You can also try it out via specifying `presets="experimental_extreme_quality"`.

General
* General doc improvements tonyhoo Innixma yinweisu gidler cnpgs isunli giswqs (2940, 2953, 2963, 3007, 3027, 3059, 3068, 3083, 3128, 3129, 3130, 3147, 3174, 3187, 3256, 3258, 3280, 3306, 3307, 3311, 3313)
* General code fixes and improvements yinweisu Innixma (2921, 3078, 3113, 3140, 3206)
* CI improvements yinweisu gidler yzhliu liangfu gradientsky (2965, 3008, 3013, 3020, 3046, 3053, 3108, 3135, 3159, 3283, 3185)
* New AutoGluon Webpage gidler shchur (2924)
* Support sample_weight in RMSE jjaeyeon (3052)
* Move AG search space to common yinweisu (3192)
* Deprecation utils yinweisu (3206, 3209)
* Update namespace packages for PEP420 compatibility gradientsky (3228)

Multimodal

AutoGluon MultiModal (also known as AutoMM) introduces two new features: 1) PDF document classification, and 2) Open Vocabulary Object Detection. Additionally, we have upgraded the presets for object detection, now offering `medium_quality`, `high_quality`, and `best_quality` options. The empirical results demonstrate significant ~20% relative improvements in the mAP (mean Average Precision) metric, using the same preset.

New Features
* PDF Document Classification. See [tutorial](https://auto.gluon.ai/stable/tutorials/multimodal/document/pdf_classification.html) cheungdaven (#2864, 3043)
* Open Vocabulary Object Detection. See [tutorial](https://auto.gluon.ai/stable/tutorials/multimodal/object_detection/quick_start/quick_start_ovd.html) FANGAreNotGnu (#3164)

Performance Improvements
* Upgrade the detection engine from mmdet 2.x to mmdet 3.x, and upgrade our presets FANGAreNotGnu (3262)
* `medium_quality`: yolo-s -> yolox-l
* `high_quality`: yolox-l -> DINO-Res50
* `best_quality`: yolox-x -> DINO-Swin_l
* Speedup fusion model training with deepspeed strategy. liangfu (2932)
* Enable detection backbone freezing to boost finetuning speed and save GPU usage FANGAreNotGnu (3220)

Other Enhancements
* Support passing data path to the fit() API zhiqiangdon (3006)
* Upgrade TIMM to the latest v0.9.* zhiqiangdon (3282)
* Support xywh output for object detection FANGAreNotGnu (2948)
* Fusion model inference acceleration with TensorRT liangfu (2836, 2987)
* Support customizing advanced image data augmentation. Users can pass a list of [torchvision transform](https://pytorch.org/vision/stable/transforms.html#geometry) objects as image augmentation. zhiqiangdon (3022)
* Add yoloxm and yoloxtiny FangAreNotGnu (3038)
* Add MultiImageMix Dataset for Object Detection FangAreNotGnu (3094)
* Support loading specific checkpoints. Users can load the intermediate checkpoints other than model.ckpt and last.ckpt. zhiqiangdon (3244)
* Add some predictor properties for model statistics zhiqiangdon (3289)
* `trainable_parameters` returns the number of trainable parameters.
* `total_parameters` returns the number of total parameters.
* `model_size` returns the model size measured by megabytes.

Bug Fixes / Code and Doc Improvements
* General bug fixes and improvements zhiqiangdon liangfu cheungdaven xiaochenbin9527 Innixma FANGAreNotGnu gradientsky yinweisu yongxinw (2939, 2989, 2983, 2998, 3001, 3004, 3006, 3025, 3026, 3048, 3055, 3064, 3070, 3081, 3090, 3103, 3106, 3119, 3155, 3158, 3167, 3180, 3188, 3222, 3261, 3266, 3277, 3279, 3261, 3267)
* General doc improvements suzhoum (3295, 3300)
* Remove clip from fusion models liangfu (2946)
* Refactor inferring problem type and output shape zhiqiangdon (3227)
* Log GPU info including GPU total memory, free memory, GPU card name, and CUDA version during training zhiqaingdon (3291)


Tabular

New Features
* Added `calibrate_decision_threshold` ([tutorial](https://auto.gluon.ai/stable/tutorials/tabular/tabular-indepth.html#decision-threshold-calibration)), which allows to optimize a given metric's decision threshold for predictions to strongly enhance the metric score. Innixma (3298)
* We've added an experimental Zeroshot HPO config, which performs well on small datasets <10000 rows when at least an hour of training time is provided. To try it out, specify `presets="experimental_zeroshot_hpo_hybrid"` when calling `fit()` Innixma geoalgo (3312)
* The [TabPFN model](https://auto.gluon.ai/stable/api/autogluon.tabular.models.html#tabpfnmodel) is now supported as an experimental model. TabPFN is a viable model option when inference speed is not a concern, and the number of rows of training data is less than 10,000. Try it out via `pip install autogluon.tabular[all,tabpfn]`! Innixma (3270)
* Backend support for distributed training, which will be available with the next Cloud module release. yinweisu (3054, 3110, 3115, 3131, 3142, 3179, 3216)
Performance Improvements
* Accelerate boolean preprocessing Innixma (2944)
Other Enhancements
* Add quantile regression support for CatBoost shchur (3165)
* Implement quantile regression for LGBModel shchur (3168)
* Log to file support yinweisu (3232)
* Add support for `included_model_types` yinweisu (3239)
* Add enable_categorical=True support to XGBoost Innixma (3286)
Bug Fixes / Code and Doc Improvements
* Cross-OS loading of a fit TabularPredictor should now work properly yinweisu Innixma
* General bug fixes and improvements Innixma cnpgs shchur yinweisu gradientsky (2865, 2936, 2990, 3045, 3060, 3069, 3148, 3182, 3199, 3226, 3257, 3259, 3268, 3269, 3287, 3288, 3285, 3293, 3294, 3302)
* Move interpretable logic to InterpretableTabularPredictor Innixma (2981)
* Enhance drop_duplicates, enable by default Innixma (3010)
* Refactor params_aux & memory checks Innixma (3033)
* Raise regression `pred_proba` Innixma (3240)


TimeSeries
In v0.8 we introduce several major improvements to the Time Series module, including new models, upgraded presets that lead to better forecast accuracy, and optimizations that speed up training & inference.

Highlights
- New models: `PatchTST` and `DLinear` from GluonTS, and `RecursiveTabular` based on integration with the [`mlforecast`](https://github.com/Nixtla/mlforecast) library shchur (#3177, 3184, 3230)
- Improved accuracy and reduced overall training time thanks to updated presets shchur (3281, 3120)
- 3-6x faster training and inference for `AutoARIMA`, `AutoETS`, `Theta`, `DirectTabular`, `WeightedEnsemble` models shchur (3062, 3214, 3252)

New Features
- Dramatically faster repeated calls to `predict()`, `leaderboard()` and `evaluate()` thanks to prediction caching shchur (3237)
- Reduce overfitting by using multiple validation windows with the `num_val_windows` argument to `fit()` shchur (3080)
- Exclude certain models from presets with the `excluded_model_types` argument to `fit()` shchur (3231)
- New method `refit_full()` that refits models on combined train and validation data shchur (3157)
- Train multiple configurations of the same model by providing lists in the `hyperparameters` argument shchur (3183)
- Time limit set by `time_limit` is now respected by all models shchur (3214)

Enhancements
- Improvements to the `DirectTabular` model (previously called `AutoGluonTabular`): faster featurization, trained as a quantile regression model if `eval_metric` is set to `"mean_wQuantileLoss"` shchur (2973, 3211)
- Use correct seasonal period when computing the MASE metric shchur (2970)
- Check the AutoGluon version when loading `TimeSeriesPredictor` from disk shchur (3233)

Minor Improvements / Documentation / Bug Fixes
* Update documentation and tutorials shchur (2960, 2964, 3296, 3297)
* General bug fixes and improvements shchur (2977, 3058, 3066, 3160, 3193, 3202, 3236, 3255, 3275, 3290)

Exploratory Data Analysis (EDA) tools
In 0.8 we introduce a few new tools to help with data exploration and feature engineering:
* **Anomaly Detection** gradientsky (3124, 3137) - helps to identify unusual patterns or behaviors in data that deviate significantly from the norm. It's best used when finding outliers, rare events, or suspicious activities that could indicate fraud, defects, or system failures. Check the [Anomaly Detection Tutorial](https://auto.gluon.ai/stable/tutorials/eda/eda-auto-anomaly-detection.html) to explore the functionality.
* **Partial Dependence Plots** gradientsky (3071, 3079) - visualize the relationship between a feature and the model's output for each individual instance in the dataset. Two-way variant can visualize potential interactions between any two features. Please see this tutorial for more detail: [Using Interaction Charts To Learn Information About the Data](https://auto.gluon.ai/stable/tutorials/eda/eda-auto-analyze-interaction.html#using-interaction-charts-to-learn-information-about-the-data)
Bug Fixes / Code and Doc Improvements
* Switch regression analysis in `quick_fit` to use residuals plot gradientsky (3039)
* Added `explain_rows` method to `autogluon.eda.auto` - Kernel SHAP visualization gradientsky (3014)
* General improvements and fixes gradientsky (2991, 3056, 3102, 3107, 3138)

0.7.0

We're happy to announce the AutoGluon 0.7 release. This release contains a new experimental module `autogluon.eda` for exploratory
data analysis. AutoGluon 0.7 offers **conda-forge support**, enhancements to Tabular, MultiModal, and Time Series
modules, and many quality of life improvements and fixes.

As always, only load previously trained models using the same version of AutoGluon that they were originally trained on.
Loading models trained in different versions of AutoGluon is not supported.

This release contains [**170** commits from **19** contributors](https://github.com/autogluon/autogluon/graphs/contributors?from=2023-01-10&to=2023-02-16&type=c)!

See the full commit change-log here: https://github.com/autogluon/autogluon/compare/v0.6.2...v0.7.0

Special thanks to MountPOTATO who is a first time contributor to AutoGluon this release!

Full Contributor List (ordered by of commits):

Innixma, zhiqiangdon, yinweisu, gradientsky, shchur, sxjscience, FANGAreNotGnu, yongxinw, cheungdaven,
liangfu, tonyhoo, bryanyzhu, suzhoum, canerturkmen, giswqs, gidler, yzhliu, Linuxdex and MountPOTATO

AutoGluon 0.7 supports Python versions 3.8, 3.9, and **3.10**. Python 3.7 is no longer supported as of this release.

Changes

NEW: AutoGluon available on conda-forge

As of AutoGluon 0.7 release, AutoGluon is now available on [conda-forge](https://anaconda.org/conda-forge/autogluon) (#612)!

Kudos to the following individuals for making this happen:
* giswqs for leading the entire effort and being a 1-man army driving this forward.
* h-vetinari for providing excellent advice for working with conda-forge and some truly exceptional feedback.
* arturdaraujo, PertuyF, ngam and priyanga24 for their encouragement, suggestions, and feedback.
* The conda-forge team for their prompt and effective reviews of our (many) PRs.
* gradientsky for testing M1 support during the early stages.
* sxjscience, zhiqiangdon, canerturkmen, shchur, and Innixma for helping upgrade our downstream dependency versions to be compatible with conda.
* Everyone else who has supported this process either directly or indirectly.

NEW: `autogluon.eda` (Exploratory Data Analysis)

We are happy to announce AutoGluon Exploratory Data Analysis (EDA) toolkit. Starting with v0.7, AutoGluon now can analyze and visualize different aspects of data and models. We invite you to explore the following tutorials: [Quick Fit](https://auto.gluon.ai/dev/tutorials/stable/eda-auto-quick-fit.html), [Dataset Overview](https://auto.gluon.ai/stable/tutorials/eda/eda-auto-dataset-overview.html), [Target Variable Analysis](https://auto.gluon.ai/stable/tutorials/eda/eda-auto-target-analysis.html), [Covariate Shift Analysis](https://auto.gluon.ai/stable/tutorials/eda/eda-auto-covariate-shift.html). Other materials can be found in [EDA Section](https://auto.gluon.ai/stable/tutorials/eda/index.html) of the website.

General

- Added Python 3.10 support. Innixma (2721)
- Dropped Python 3.7 support. Innixma (2722)
- Removed `dask` and `distributed` dependencies. Innixma (2691)
- Removed `autogluon.text` and `autogluon.vision` modules. We recommend using `autogluon.multimodal` for text and vision tasks going forward.

AutoMM

AutoGluon MultiModal (a.k.a AutoMM) supports three new features: 1) document classification; 2) named entity recognition
for Chinese language; 3) few shot learning with SVM

Meanwhile, we removed `autogluon.text` and `autogluon.vision` as these features are supported in `autogluon.multimodal`

New features

- Document Classification
- Add scanned document classification (experimental).
- Customers can train models for scanned document classification in a few lines of codes
- See [tutorials](https://auto.gluon.ai/stable/tutorials/multimodal/document/document_classification.html)
- Contributors and commits: cheungdaven (2765, 2826, 2833, 2928)
- NER for Chinese Language
- Support Chinese named entity recognition
- See [tutorials](https://auto.gluon.ai/stable/tutorials/multimodal/document/document_classification.html)
- Contributors and commits: cheungdaven (2676, 2709)
- Few Shot Learning with SVM
- Improved few shot learning by adding SVM support
- See [tutorials](https://auto.gluon.ai/stable/tutorials/multimodal/advanced_topics/few_shot_learning.html)
- Contributors and commits: yongxinw (2850)

Other Enhancements

- Add new loss function `FocalLoss`. yongxinw (2860)
- Add matcher realtime inference support. zhiqiangdon (2613)
- Add matcher HPO. zhiqiangdon (2619)
- Add YOLOX models (small, large, and x-large) and update presets for object detection. FANGAreNotGnu (2644, 2867, 2927, 2933)
- Add AutoMM presets zhiqiangdon. (2620, 2749, 2839)
- Add model dump for models from HuggingFace, timm and mmdet. suzhoum FANGAreNotGnu liangfu (2682, 2700, 2737, 2840)
- Bug fix / refactor for NER. cheungdaven (2659, 2696, 2759, 2773)
- MultiModalPredictor import time reduction. sxjscience (2718)

Bug Fixes / Code and Doc Improvements

- NER example with visualization. sxjscience (2698)
- Bug fixes / Code and Doc Improvements. sxjscience tonyhoo giswqs (2708, 2714, 2739, 2782, 2787, 2857, 2818, 2858, 2859, 2891, 2918, 2940, 2906, 2907)
- Support of [Label-Studio](https://labelstud.io/) file export in AutoMM and added [examples](https://github.com/autogluon/autogluon/tree/master/examples/automm/label_studio_export_reader). MountPOTATO (#2615)
- Added example of few-shot memory bank model with feature extraction based on [Tip-adapter](https://arxiv.org/abs/2111.03930). Linuxdex (#2822)

Deprecations

* `autogluon.vision` namespace is deprecated. bryanyzhu (2790, 2819, 2832)
* `autogluon.text` namespace is deprecated. sxjscience Innixma (2695, 2847)

Tabular

1) TabularPredictor’s inference speed has been heavily optimized, with an average **250% speedup** for real-time inference. This means that TabularPredictor can satisfy <10 ms end-to-end latency on many datasets when using `infer_limit`, and the `high_quality` preset can satisfy <100 ms end-to-end latency on many datasets by default.
2) TabularPredictor’s `"multimodal"` hyperparameter preset now leverages the full capabilities of MultiModalPredictor, resulting in stronger performance on datasets containing a mix of tabular, image, and text features.

Performance Improvements

- Upgraded versions of all dependency packages to use the latest releases. Innixma (2823, 2829, 2834, 2887, 2915)
- Accelerated ensemble inference speed by 150% by removing TorchThreadManager context switching. liangfu (2472)
- Accelerated FastAI neural network inference speed by 100x+ and training speed by 10x on datasets with many features. Innixma (2909)
- (From 0.6.1) Avoid unnecessary DataFrame copies to accelerate feature preprocessing by 25%. liangfu (2532)
- (From 0.6.1) Refactor `NN_TORCH` model to be dataset iterable, leading to a 100% inference speedup. liangfu (2395)
- MultiModalPredictor is now used as a member of the ensemble when `TabularPredictor.fit` is passed `hyperparameters="multimodal"`. Innixma (2890)

API Enhancements

- Added `predict_multi` and `predict_proba_multi` methods to `TabularPredictor` to efficiently get predictions from multiple models. Innixma (2727)
- Allow label column to not be present in `leaderboard` calls when scoring is disabled. Innixma (2912)

Deprecations

- Added a deprecation warning when calling `predict_proba` with `problem_type="regression"`. This will raise an exception in a future release. Innixma (2684)

Bug Fixes / Doc Improvements

- Fixed incorrect time_limit estimation in `NN_TORCH` model. Innixma (2909)
- Fixed error when fitting with only text features. Innixma (2705)
- Fixed error when `calibrate=True, use_bag_holdout=True` in `TabularPredictor.fit`. Innixma (2715)
- Fixed error when tuning `n_estimators` with RandomForest / ExtraTrees models. Innixma (2735)
- Fixed missing onnxruntime dependency on Linux/MacOS when installing optional dependency `skl2onnx`. liangfu (2923)
- Fixed edge-case RandomForest error on Windows. yinweisu (2851)
- Added improved logging for `refit_full`. Innixma (2913)
- Added `compile_models` to the deployment tutorial. liangfu (2717)
- Various internal code refactoring. Innixma (2744, 2887)
- Various doc and logging improvements. Innixma (2668)

autogluon.timeseries

New features

- `TimeSeriesPredictor` now supports **past covariates** (a.k.a.dynamic features or related time series which is not known for time steps to be predicted). shchur (2665, 2680)
- New models from [StatsForecast](https://github.com/Nixtla/statsforecast) got introduced in `TimeSeriesPredictor` for various presets (`medium_quality`, `high_quality` and `best_quality`). shchur (#2758)
- Support missing value imputation for TimeSeriesDataFrame which allows users to customize filling logics for missing values and fill gaps in an irregular sampled times series. shchur (2781)
- Improve quantile forecasting performance of the AutoGluon-Tabular forecaster using the empirical noise distribution. shchur (2740)

Bug Fixes / Doc Improvements

- Bug fixes and code improvements. shchur canerturkmen (2703, 2712, 2713, 2769, 2771, 2816, 2817, 2875, 2877, 2919)
- Doc improvements. shchur gidler (2772, 2783, 2800)

0.6.2

v0.6.2 is a security and bug fix release.

As always, only load previously trained models using the same version of AutoGluon that they were originally trained on.
Loading models trained in different versions of AutoGluon is not supported.

See the full commit change-log here: https://github.com/autogluon/autogluon/compare/v0.6.1...v0.6.2

Special thanks to daikikatsuragawa and yzhliu who were first time contributors to AutoGluon this release!

This version supports Python versions 3.7 to 3.9. 0.6.x are the last releases that will support Python 3.7.

Changes

Documentation improvements

- Ray usage FAQ (2559) - yinweisu
- Fix missing Predictor API doc (2573) - gidler
- 2023 Roadmap Update (2590) - Innixma
- Image classifiction tutorial update for bytearray (2598) - suzhoum
- Fix broken tutorial index links (2617) - shchur
- Improve timeseries quickstart tutorial (2653) - shchur


Bug Fixes / Security

- [multimodal] Refactoring and bug fixes(2554, 2541, 2477, 2569, 2578, 2613, 2620, 2630, 2633, 2635, 2647, 2645, 2652, 2659) - zhiqiangdon, yongxinw, FANGAreNotGnu, sxjscience, Innixma
- [multimodal] Support of named entity recognition (2556) - cheungdaven
- [multimodal] bytearray support for image modality (2495) - suzhoum
- [multimodal] Support HPO for matcher (2619) - zhiqiangdon
- [multimodal] Support Onnx export for timm image model (2564) - liangfu
- [tabular] Refactoring and bug fixes (2387, 2595,2599, 2589, 2628, 2376, 2642, 2646, 2650, 2657) - Innixma, liangfu, yzhliu, daikikatsuragawa, yinweisu
- [tabular] Fix ensemble folding (2582) - yinweisu
- [tabular] Convert ColumnTransformer in tabular NN from sklearn to onnx (2503) - liangfu
- [tabular] Throw error on non-finite values in label column ($2509) - gidler
- [timeseries] Refactoring and bug fixes (2584, 2594, 2605, 2606) - shchur
- [timeseries] Speed up data preparation for local models (2587) - shchur
- [timeseries] Spped up prediction for GluonTS models (2593) - shchur
- [timeseries] Speed up the train/val splitter (2586) - shchur
[timeseries] Speed up TimeSeriesEnsembleSelection.fit (2602) - shchur
- [security] Update torch (2588) - gradientsky

0.6.1

Not secure
v0.6.1 is a security fix / bug fix release.

As always, only load previously trained models using the same version of AutoGluon that they were originally trained on.
Loading models trained in different versions of AutoGluon is not supported.

See the full commit change-log here: https://github.com/autogluon/autogluon/compare/v0.6.0...v0.6.1

Special thanks to lvwerra who is first time contributors to AutoGluon this release!

This version supports Python versions 3.7 to 3.9. 0.6.x are the last releases that will support Python 3.7.

Changes

Documentation improvements

- Fix object detection tutorial layout (2450) - bryanyzhu
- Add multimodal cheatsheet (2467) - sxjscience
- Refactoring detection inference quickstart and bug fix on fit->predict - yongxinw, zhiqiangdon, Innixma, BingzhaoZhu, tonyhoo
- Use Pothole Dataset in Tutorial for AutoMM Detection (2468) - FANGAreNotGnu
- add time series cheat sheet, add time series to doc titles (2478) - canerturkmen
- Update all repo references to autogluon/autogluon (2463) - gidler
- fix typo in object detection tutorial CI (2516) - tonyhoo

Bug Fixes / Security

- bump evaluate to 0.3.0 (2433) - lvwerra
- Add finetune/eval tests for AutoMM detection (2441) - FANGAreNotGnu
- Adding Joint IA3_LoRA as efficient finetuning strategy (2451) - Raldir
- Fix AutoMM warnings about object detection (2458) - zhiqiangdon
- [Tabular] Speed up feature transform in tabular NN model (2442) - liangfu
- fix matcher cpu inference bug (2461) - sxjscience
- [timeseries] Silence GluonTS JSON warning (2454) - shchur
- [timeseries] Fix pandas groupby bug + GluonTS index bug (2420) - shchur
- Simplified infer speed throughput calculation (2465) - Innixma
- [Tabular] make tabular nn dataset iterable (2395) - liangfu
- Remove old images and dataset download scripts (2471) - Innixma
- Support image bytearray in AutoMM (2490) - suzhoum
- [NER] add an NER visualizer (2500) - cheungdaven
- [Cloud] Lazy load TextPredcitor and ImagePredictor which will be deprecated (2517) - tonyhoo
- Use detectron2 visualizer and update quickstart (2502) - yongxinw, zhiqiangdon, Innixma, BingzhaoZhu, tonyhoo
- fix df preprocessor properties (2512) - zhiqiangdon
- [timeseries] Fix info and fit_summary for TimeSeriesPredictor (2510) - shchur
- [timeseries] Pass known_covariates to component models of the WeightedEnsemble - shchur
- [timeseries] Gracefully handle inconsistencies in static_features provided by user - shchur
- [security] update Pillow to >=9.3.0 (2519) - gradientsky
- [CI] upgrade codeql v1 to v2 as v1 will be deprecated (2528) - tonyhoo
- Upgrade scikit-learn-intelex version (2466) - Innixma
- Save AutoGluonTabular model to the correct folder (2530) - shchur
- support predicting with model fitted on v0.5.1 (2531) - liangfu
- [timeseries] Implement input validation for TimeSeriesPredictor and improve debug messages - shchur
- [timeseries] Ensure that timestamps are sorted when creating a TimeSeriesDataFrame - shchur
- Add tests for preprocessing mutation (2540) - Innixma
- Fix timezone datetime edgecase (2538) - Innixma, gradientsky
- Mmdet Fix Image Identifier (2492) - FANGAreNotGnu
- [timeseries] Warn if provided data has a frequency that is not supported - shchur
- Train and inference with different image data types (2535) - suzhoum
- Remove pycocotools (2548) - bryanyzhu
- avoid copying identical dataframes (2532) - liangfu
- Fix AutoMM Tokenizer (2550) - FANGAreNotGnu
- [Tabular] Resource Allocation Fix (2536) - yinweisu
- imodels version cap (2557) - yinweisu
- Fix int32/int64 difference between windows and other platforms; fix mutation issue (2558) - gradientsky

Page 2 of 6

© 2024 Safety CLI Cybersecurity Inc. All Rights Reserved.