autogluon.tabular 1.4.1b20251128__py3-none-any.whl → 1.4.1b20251212__py3-none-any.whl

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.

Potentially problematic release.


This version of autogluon.tabular might be problematic. Click here for more details.

@@ -151,13 +151,13 @@ class RFModel(AbstractModel):
151
151
  hyperparameters = {}
152
152
  n_estimators_final = hyperparameters.get("n_estimators", 300)
153
153
  if isinstance(n_estimators_final, int):
154
- n_estimators_minimum = min(40, n_estimators_final)
154
+ n_estimators = n_estimators_final
155
155
  else: # if search space
156
- n_estimators_minimum = 40
156
+ n_estimators = 40
157
157
  num_trees_per_estimator = cls._get_num_trees_per_estimator_static(problem_type=problem_type, num_classes=num_classes)
158
158
  bytes_per_estimator = num_trees_per_estimator * len(X) / 60000 * 1e6 # Underestimates by 3x on ExtraTrees
159
- expected_min_memory_usage = int(bytes_per_estimator * n_estimators_minimum)
160
- return expected_min_memory_usage
159
+ expected_memory_usage = int(bytes_per_estimator * n_estimators)
160
+ return expected_memory_usage
161
161
 
162
162
  def _validate_fit_memory_usage(self, mem_error_threshold: float = 0.5, mem_warning_threshold: float = 0.4, mem_size_threshold: int = 1e7, **kwargs):
163
163
  return super()._validate_fit_memory_usage(
@@ -371,7 +371,6 @@ class TabularNeuralNetTorchModel(AbstractNeuralNetworkModel):
371
371
  best_epoch = 0
372
372
  best_val_metric = -np.inf # higher = better
373
373
  best_val_update = 0
374
- val_improve_epoch = 0 # most recent epoch where validation-score strictly improved
375
374
  start_fit_time = time.time()
376
375
  if time_limit is not None:
377
376
  time_limit = time_limit - (start_fit_time - start_time)
@@ -1,4 +1,4 @@
1
1
  """This is the autogluon version file."""
2
2
 
3
- __version__ = "1.4.1b20251128"
3
+ __version__ = "1.4.1b20251212"
4
4
  __lite__ = False
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.4
2
2
  Name: autogluon.tabular
3
- Version: 1.4.1b20251128
3
+ Version: 1.4.1b20251212
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
@@ -40,8 +40,8 @@ Requires-Dist: scipy<1.17,>=1.5.4
40
40
  Requires-Dist: pandas<2.4.0,>=2.0.0
41
41
  Requires-Dist: scikit-learn<1.8.0,>=1.4.0
42
42
  Requires-Dist: networkx<4,>=3.0
43
- Requires-Dist: autogluon.core==1.4.1b20251128
44
- Requires-Dist: autogluon.features==1.4.1b20251128
43
+ Requires-Dist: autogluon.core==1.4.1b20251212
44
+ Requires-Dist: autogluon.features==1.4.1b20251212
45
45
  Provides-Extra: lightgbm
46
46
  Requires-Dist: lightgbm<4.7,>=4.0; extra == "lightgbm"
47
47
  Provides-Extra: catboost
@@ -55,86 +55,86 @@ Provides-Extra: interpret
55
55
  Requires-Dist: interpret-core<0.8,>=0.7.2; extra == "interpret"
56
56
  Provides-Extra: fastai
57
57
  Requires-Dist: spacy<3.9; extra == "fastai"
58
- Requires-Dist: torch<2.8,>=2.6; extra == "fastai"
58
+ Requires-Dist: torch<2.10,>=2.6; extra == "fastai"
59
59
  Requires-Dist: fastai<2.9,>=2.3.1; extra == "fastai"
60
60
  Provides-Extra: tabm
61
- Requires-Dist: torch<2.8,>=2.6; extra == "tabm"
61
+ Requires-Dist: torch<2.10,>=2.6; extra == "tabm"
62
62
  Provides-Extra: tabpfn
63
63
  Requires-Dist: tabpfn<2.2,>=2.0.9; extra == "tabpfn"
64
64
  Provides-Extra: tabpfnmix
65
- Requires-Dist: torch<2.8,>=2.6; extra == "tabpfnmix"
65
+ Requires-Dist: torch<2.10,>=2.6; extra == "tabpfnmix"
66
66
  Requires-Dist: huggingface_hub[torch]<1.0; extra == "tabpfnmix"
67
67
  Requires-Dist: einops<0.9,>=0.7; extra == "tabpfnmix"
68
68
  Provides-Extra: mitra
69
69
  Requires-Dist: loguru; extra == "mitra"
70
70
  Requires-Dist: einx; extra == "mitra"
71
71
  Requires-Dist: omegaconf; extra == "mitra"
72
- Requires-Dist: torch<2.8,>=2.6; extra == "mitra"
72
+ Requires-Dist: torch<2.10,>=2.6; extra == "mitra"
73
73
  Requires-Dist: transformers; extra == "mitra"
74
74
  Requires-Dist: huggingface_hub[torch]<1.0; extra == "mitra"
75
75
  Requires-Dist: einops<0.9,>=0.7; extra == "mitra"
76
76
  Provides-Extra: tabicl
77
77
  Requires-Dist: tabicl<0.2,>=0.1.3; extra == "tabicl"
78
78
  Provides-Extra: ray
79
- Requires-Dist: autogluon.core[all]==1.4.1b20251128; extra == "ray"
79
+ Requires-Dist: autogluon.core[all]==1.4.1b20251212; extra == "ray"
80
80
  Provides-Extra: skex
81
81
  Requires-Dist: scikit-learn-intelex<2025.5,>=2024.0; extra == "skex"
82
82
  Provides-Extra: imodels
83
83
  Requires-Dist: imodels<2.1.0,>=1.3.10; extra == "imodels"
84
84
  Provides-Extra: skl2onnx
85
- Requires-Dist: onnx<1.16.2,>=1.13.0; platform_system == "Windows" and extra == "skl2onnx"
86
- Requires-Dist: onnx<1.18.0,>=1.13.0; platform_system != "Windows" and extra == "skl2onnx"
87
- Requires-Dist: skl2onnx<1.18.0,>=1.15.0; extra == "skl2onnx"
88
- Requires-Dist: onnxruntime<1.20.0,>=1.17.0; extra == "skl2onnx"
89
- Requires-Dist: onnxruntime-gpu<1.20.0,>=1.17.0; extra == "skl2onnx"
85
+ Requires-Dist: skl2onnx<1.20.0,>=1.15.0; extra == "skl2onnx"
86
+ Requires-Dist: onnx!=1.16.2,<1.21.0,>=1.13.0; platform_system == "Windows" and extra == "skl2onnx"
87
+ Requires-Dist: onnx<1.21.0,>=1.13.0; platform_system != "Windows" and extra == "skl2onnx"
88
+ Requires-Dist: onnxruntime<1.24.0,>=1.17.0; extra == "skl2onnx"
89
+ Requires-Dist: onnxruntime-gpu<1.24.0,>=1.17.0; (platform_system != "Darwin" and platform_machine != "aarch64") and extra == "skl2onnx"
90
90
  Provides-Extra: all
91
- Requires-Dist: omegaconf; extra == "all"
92
- Requires-Dist: numpy<2.3.0,>=1.25; extra == "all"
93
- Requires-Dist: spacy<3.9; extra == "all"
94
91
  Requires-Dist: einops<0.9,>=0.7; extra == "all"
92
+ Requires-Dist: numpy<2.3.0,>=1.25; extra == "all"
95
93
  Requires-Dist: lightgbm<4.7,>=4.0; extra == "all"
96
- Requires-Dist: einx; extra == "all"
97
- Requires-Dist: autogluon.core[all]==1.4.1b20251128; extra == "all"
98
94
  Requires-Dist: fastai<2.9,>=2.3.1; extra == "all"
99
- Requires-Dist: torch<2.8,>=2.6; extra == "all"
95
+ Requires-Dist: torch<2.10,>=2.6; extra == "all"
96
+ Requires-Dist: xgboost<3.1,>=2.0; extra == "all"
100
97
  Requires-Dist: loguru; extra == "all"
101
- Requires-Dist: catboost<1.3,>=1.2; extra == "all"
98
+ Requires-Dist: autogluon.core[all]==1.4.1b20251212; extra == "all"
102
99
  Requires-Dist: transformers; extra == "all"
103
- Requires-Dist: xgboost<3.1,>=2.0; extra == "all"
104
100
  Requires-Dist: huggingface_hub[torch]<1.0; extra == "all"
101
+ Requires-Dist: spacy<3.9; extra == "all"
102
+ Requires-Dist: omegaconf; extra == "all"
103
+ Requires-Dist: einx; extra == "all"
104
+ Requires-Dist: catboost<1.3,>=1.2; extra == "all"
105
105
  Provides-Extra: tabarena
106
- Requires-Dist: catboost<1.3,>=1.2; extra == "tabarena"
107
- Requires-Dist: omegaconf; extra == "tabarena"
108
- Requires-Dist: numpy<2.3.0,>=1.25; extra == "tabarena"
109
- Requires-Dist: spacy<3.9; extra == "tabarena"
110
106
  Requires-Dist: einops<0.9,>=0.7; extra == "tabarena"
111
- Requires-Dist: tabpfn<2.2,>=2.0.9; extra == "tabarena"
107
+ Requires-Dist: numpy<2.3.0,>=1.25; extra == "tabarena"
112
108
  Requires-Dist: lightgbm<4.7,>=4.0; extra == "tabarena"
113
- Requires-Dist: einx; extra == "tabarena"
114
- Requires-Dist: autogluon.core[all]==1.4.1b20251128; extra == "tabarena"
115
- Requires-Dist: interpret-core<0.8,>=0.7.2; extra == "tabarena"
109
+ Requires-Dist: tabicl<0.2,>=0.1.3; extra == "tabarena"
116
110
  Requires-Dist: fastai<2.9,>=2.3.1; extra == "tabarena"
111
+ Requires-Dist: torch<2.10,>=2.6; extra == "tabarena"
112
+ Requires-Dist: xgboost<3.1,>=2.0; extra == "tabarena"
117
113
  Requires-Dist: loguru; extra == "tabarena"
114
+ Requires-Dist: autogluon.core[all]==1.4.1b20251212; extra == "tabarena"
118
115
  Requires-Dist: pytabkit<1.7,>=1.6; extra == "tabarena"
119
- Requires-Dist: torch<2.8,>=2.6; extra == "tabarena"
120
116
  Requires-Dist: transformers; extra == "tabarena"
121
- Requires-Dist: tabicl<0.2,>=0.1.3; extra == "tabarena"
122
- Requires-Dist: xgboost<3.1,>=2.0; extra == "tabarena"
117
+ Requires-Dist: tabpfn<2.2,>=2.0.9; extra == "tabarena"
123
118
  Requires-Dist: huggingface_hub[torch]<1.0; extra == "tabarena"
119
+ Requires-Dist: interpret-core<0.8,>=0.7.2; extra == "tabarena"
120
+ Requires-Dist: spacy<3.9; extra == "tabarena"
121
+ Requires-Dist: omegaconf; extra == "tabarena"
122
+ Requires-Dist: einx; extra == "tabarena"
123
+ Requires-Dist: catboost<1.3,>=1.2; extra == "tabarena"
124
124
  Provides-Extra: tests
125
125
  Requires-Dist: interpret-core<0.8,>=0.7.2; extra == "tests"
126
126
  Requires-Dist: tabicl<0.2,>=0.1.3; extra == "tests"
127
127
  Requires-Dist: tabpfn<2.2,>=2.0.9; extra == "tests"
128
128
  Requires-Dist: pytabkit<1.7,>=1.6; extra == "tests"
129
- Requires-Dist: torch<2.8,>=2.6; extra == "tests"
129
+ Requires-Dist: torch<2.10,>=2.6; extra == "tests"
130
130
  Requires-Dist: huggingface_hub[torch]<1.0; extra == "tests"
131
131
  Requires-Dist: einops<0.9,>=0.7; extra == "tests"
132
132
  Requires-Dist: imodels<2.1.0,>=1.3.10; extra == "tests"
133
- Requires-Dist: onnx<1.16.2,>=1.13.0; platform_system == "Windows" and extra == "tests"
134
- Requires-Dist: onnx<1.18.0,>=1.13.0; platform_system != "Windows" and extra == "tests"
135
- Requires-Dist: skl2onnx<1.18.0,>=1.15.0; extra == "tests"
136
- Requires-Dist: onnxruntime<1.20.0,>=1.17.0; extra == "tests"
137
- Requires-Dist: onnxruntime-gpu<1.20.0,>=1.17.0; extra == "tests"
133
+ Requires-Dist: skl2onnx<1.20.0,>=1.15.0; extra == "tests"
134
+ Requires-Dist: onnx!=1.16.2,<1.21.0,>=1.13.0; platform_system == "Windows" and extra == "tests"
135
+ Requires-Dist: onnx<1.21.0,>=1.13.0; platform_system != "Windows" and extra == "tests"
136
+ Requires-Dist: onnxruntime<1.24.0,>=1.17.0; extra == "tests"
137
+ Requires-Dist: onnxruntime-gpu<1.24.0,>=1.17.0; (platform_system != "Darwin" and platform_machine != "aarch64") and extra == "tests"
138
138
  Dynamic: author
139
139
  Dynamic: classifier
140
140
  Dynamic: description
@@ -1,6 +1,6 @@
1
- autogluon.tabular-1.4.1b20251128-py3.11-nspkg.pth,sha256=kAlKxjI5mE3Pwwqphu2maN5OBQk8W8ew70e_qbI1c6A,482
1
+ autogluon.tabular-1.4.1b20251212-py3.11-nspkg.pth,sha256=kAlKxjI5mE3Pwwqphu2maN5OBQk8W8ew70e_qbI1c6A,482
2
2
  autogluon/tabular/__init__.py,sha256=2OXpJCvENRHubBTYNIPpHX93WWuFZzsJBtTZbNVHVas,400
3
- autogluon/tabular/version.py,sha256=o2ibx9JDxffYcPPTJ0EoXvrDEj6CqbeXY2VjOS3j_WA,91
3
+ autogluon/tabular/version.py,sha256=0mbAiIGq_EhDp9cHb-TFRx9KRI5rLcXhrs02x0148D0,91
4
4
  autogluon/tabular/configs/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
5
5
  autogluon/tabular/configs/config_helper.py,sha256=Rby5gRhuY5IlZWdKbtsmzbSt948B97qxwQ2f1MbH_38,21070
6
6
  autogluon/tabular/configs/feature_generator_presets.py,sha256=EV5Ym8VW15q92MwOUpTi7wZFS2QooM51fLg3RdUsn-M,1223
@@ -103,7 +103,7 @@ autogluon/tabular/models/mitra/_internal/utils/set_seed.py,sha256=UnXzYfhmfT_tNA
103
103
  autogluon/tabular/models/realmlp/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
104
104
  autogluon/tabular/models/realmlp/realmlp_model.py,sha256=3pe_yhOGW8cbX3KgNs25s3FP0P3FzVSAS-hd4jMFjDg,14573
105
105
  autogluon/tabular/models/rf/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
106
- autogluon/tabular/models/rf/rf_model.py,sha256=smL9Ifi94lGjAmFUTRXUxbj7gdvmVteS_ePiJbj0wSk,21762
106
+ autogluon/tabular/models/rf/rf_model.py,sha256=auvNHx0qD9Pz8rS6yNIuG9cHzFNquv8fOVS7FWZNIAw,21721
107
107
  autogluon/tabular/models/rf/rf_quantile.py,sha256=2S8FE8po9lMnZaeKuVkzOUFOcdil46ZbFqm49OuvNZY,36460
108
108
  autogluon/tabular/models/rf/rf_rapids_model.py,sha256=3s-8M11dzCl_2Lu5iB3H8YjHLgyP_SElrm_4w_HfmqY,2028
109
109
  autogluon/tabular/models/rf/compilers/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
@@ -159,7 +159,7 @@ autogluon/tabular/models/tabular_nn/hyperparameters/__init__.py,sha256=47DEQpj8H
159
159
  autogluon/tabular/models/tabular_nn/hyperparameters/parameters.py,sha256=kGvfuDZa9wDCCTEeytVLKhOAeR0pCcoVNJcWjketmBI,6375
160
160
  autogluon/tabular/models/tabular_nn/hyperparameters/searchspaces.py,sha256=pT9cJ3MaWPnaQwAf47Yz6f0-L9qDBknahERbggAp52U,2810
161
161
  autogluon/tabular/models/tabular_nn/torch/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
162
- autogluon/tabular/models/tabular_nn/torch/tabular_nn_torch.py,sha256=s76Ca8Vgr65gsjCbU_W8A4o6wk7GHcOerQc5XL9ftTU,43070
162
+ autogluon/tabular/models/tabular_nn/torch/tabular_nn_torch.py,sha256=TGVMv_ClKh0iYVVCqgd19DE-1fXk_VODpsXIMvzI3Sw,42978
163
163
  autogluon/tabular/models/tabular_nn/torch/tabular_torch_dataset.py,sha256=RdnQGZSrvY1iuJB4JTANniH3Dorw-DP0Em_JK3_h7RM,13497
164
164
  autogluon/tabular/models/tabular_nn/torch/torch_network_modules.py,sha256=Qc3PwXTD8A7PgXi6EGuaBCrN3jsFAXDLCW7i6tE5wYI,11338
165
165
  autogluon/tabular/models/tabular_nn/utils/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
@@ -195,11 +195,11 @@ autogluon/tabular/trainer/model_presets/presets.py,sha256=hoWADaOG576Q_XLV1nY_ju
195
195
  autogluon/tabular/trainer/model_presets/presets_distill.py,sha256=MnFC2GJc6RmDBNAGbsO2XMfo3PjR8cUrZoilWW8gTYQ,3295
196
196
  autogluon/tabular/tuning/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
197
197
  autogluon/tabular/tuning/feature_pruner.py,sha256=9iNku8gVbYEkjuKlyITPJDicsNkoraaQOlINQq9iZlQ,6877
198
- autogluon_tabular-1.4.1b20251128.dist-info/licenses/LICENSE,sha256=CeipvOyAZxBGUsFoaFqwkx54aPnIKEtm9a5u2uXxEws,10142
199
- autogluon_tabular-1.4.1b20251128.dist-info/licenses/NOTICE,sha256=7nPQuj8Kp-uXsU0S5so3-2dNU5EctS5hDXvvzzehd7E,114
200
- autogluon_tabular-1.4.1b20251128.dist-info/METADATA,sha256=nfjp5O1DhRltAy5GwDyvbauYM7iey7CQRfDOGjuPlvs,16854
201
- autogluon_tabular-1.4.1b20251128.dist-info/WHEEL,sha256=SmOxYU7pzNKBqASvQJ7DjX3XGUF92lrGhMb3R6_iiqI,91
202
- autogluon_tabular-1.4.1b20251128.dist-info/namespace_packages.txt,sha256=giERA4R78OkJf2ijn5slgjURlhRPzfLr7waIcGkzYAo,10
203
- autogluon_tabular-1.4.1b20251128.dist-info/top_level.txt,sha256=giERA4R78OkJf2ijn5slgjURlhRPzfLr7waIcGkzYAo,10
204
- autogluon_tabular-1.4.1b20251128.dist-info/zip-safe,sha256=AbpHGcgLb-kRsJGnwFEktk7uzpZOCcBY74-YBdrKVGs,1
205
- autogluon_tabular-1.4.1b20251128.dist-info/RECORD,,
198
+ autogluon_tabular-1.4.1b20251212.dist-info/licenses/LICENSE,sha256=CeipvOyAZxBGUsFoaFqwkx54aPnIKEtm9a5u2uXxEws,10142
199
+ autogluon_tabular-1.4.1b20251212.dist-info/licenses/NOTICE,sha256=7nPQuj8Kp-uXsU0S5so3-2dNU5EctS5hDXvvzzehd7E,114
200
+ autogluon_tabular-1.4.1b20251212.dist-info/METADATA,sha256=zz1d_XxR_rQbF0YVjfQfro0mV3xwJR1AqaEdf8tIYSY,17015
201
+ autogluon_tabular-1.4.1b20251212.dist-info/WHEEL,sha256=SmOxYU7pzNKBqASvQJ7DjX3XGUF92lrGhMb3R6_iiqI,91
202
+ autogluon_tabular-1.4.1b20251212.dist-info/namespace_packages.txt,sha256=giERA4R78OkJf2ijn5slgjURlhRPzfLr7waIcGkzYAo,10
203
+ autogluon_tabular-1.4.1b20251212.dist-info/top_level.txt,sha256=giERA4R78OkJf2ijn5slgjURlhRPzfLr7waIcGkzYAo,10
204
+ autogluon_tabular-1.4.1b20251212.dist-info/zip-safe,sha256=AbpHGcgLb-kRsJGnwFEktk7uzpZOCcBY74-YBdrKVGs,1
205
+ autogluon_tabular-1.4.1b20251212.dist-info/RECORD,,