autogluon.tabular 1.3.2b20250720__py3-none-any.whl → 1.3.2b20250722__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.
- autogluon/tabular/models/mitra/mitra_model.py +0 -3
- autogluon/tabular/models/mitra/sklearn_interface.py +2 -0
- autogluon/tabular/version.py +1 -1
- {autogluon.tabular-1.3.2b20250720.dist-info → autogluon.tabular-1.3.2b20250722.dist-info}/METADATA +12 -10
- {autogluon.tabular-1.3.2b20250720.dist-info → autogluon.tabular-1.3.2b20250722.dist-info}/RECORD +12 -12
- /autogluon.tabular-1.3.2b20250720-py3.9-nspkg.pth → /autogluon.tabular-1.3.2b20250722-py3.9-nspkg.pth +0 -0
- {autogluon.tabular-1.3.2b20250720.dist-info → autogluon.tabular-1.3.2b20250722.dist-info}/LICENSE +0 -0
- {autogluon.tabular-1.3.2b20250720.dist-info → autogluon.tabular-1.3.2b20250722.dist-info}/NOTICE +0 -0
- {autogluon.tabular-1.3.2b20250720.dist-info → autogluon.tabular-1.3.2b20250722.dist-info}/WHEEL +0 -0
- {autogluon.tabular-1.3.2b20250720.dist-info → autogluon.tabular-1.3.2b20250722.dist-info}/namespace_packages.txt +0 -0
- {autogluon.tabular-1.3.2b20250720.dist-info → autogluon.tabular-1.3.2b20250722.dist-info}/top_level.txt +0 -0
- {autogluon.tabular-1.3.2b20250720.dist-info → autogluon.tabular-1.3.2b20250722.dist-info}/zip-safe +0 -0
|
@@ -37,9 +37,6 @@ class MitraModel(AbstractModel):
|
|
|
37
37
|
if ResourceManager.get_gpu_count_torch(cuda_only=True) > 0:
|
|
38
38
|
logger.info("Using CUDA GPU")
|
|
39
39
|
return "cuda"
|
|
40
|
-
elif hasattr(torch.backends, "mps") and torch.backends.mps.is_available():
|
|
41
|
-
logger.info("Using MPS GPU")
|
|
42
|
-
return "mps" # Apple silicon
|
|
43
40
|
else:
|
|
44
41
|
return "cpu"
|
|
45
42
|
|
|
@@ -12,6 +12,7 @@ from ._internal.config.enums import ModelName
|
|
|
12
12
|
from ._internal.core.trainer_finetune import TrainerFinetune
|
|
13
13
|
from ._internal.data.dataset_split import make_stratified_dataset_split
|
|
14
14
|
from ._internal.models.tab2d import Tab2D
|
|
15
|
+
from ._internal.utils.set_seed import set_seed
|
|
15
16
|
|
|
16
17
|
# Hyperparameter search space
|
|
17
18
|
DEFAULT_FINE_TUNE = True # [True, False]
|
|
@@ -114,6 +115,7 @@ class MitraBase(BaseEstimator):
|
|
|
114
115
|
self.train_time = 0
|
|
115
116
|
self.seed = seed
|
|
116
117
|
|
|
118
|
+
set_seed(self.seed)
|
|
117
119
|
|
|
118
120
|
def _create_config(self, task, dim_output, time_limit=None):
|
|
119
121
|
cfg = ConfigRun(
|
autogluon/tabular/version.py
CHANGED
{autogluon.tabular-1.3.2b20250720.dist-info → autogluon.tabular-1.3.2b20250722.dist-info}/METADATA
RENAMED
|
@@ -1,6 +1,6 @@
|
|
|
1
1
|
Metadata-Version: 2.1
|
|
2
2
|
Name: autogluon.tabular
|
|
3
|
-
Version: 1.3.
|
|
3
|
+
Version: 1.3.2b20250722
|
|
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
|
|
@@ -41,20 +41,21 @@ Requires-Dist: scipy<1.17,>=1.5.4
|
|
|
41
41
|
Requires-Dist: pandas<2.4.0,>=2.0.0
|
|
42
42
|
Requires-Dist: scikit-learn<1.8.0,>=1.4.0
|
|
43
43
|
Requires-Dist: networkx<4,>=3.0
|
|
44
|
-
Requires-Dist: autogluon.core==1.3.
|
|
45
|
-
Requires-Dist: autogluon.features==1.3.
|
|
44
|
+
Requires-Dist: autogluon.core==1.3.2b20250722
|
|
45
|
+
Requires-Dist: autogluon.features==1.3.2b20250722
|
|
46
46
|
Provides-Extra: all
|
|
47
|
-
Requires-Dist: fastai<2.9,>=2.3.1; extra == "all"
|
|
48
|
-
Requires-Dist: spacy<3.9; extra == "all"
|
|
49
|
-
Requires-Dist: xgboost<3.1,>=2.0; extra == "all"
|
|
50
|
-
Requires-Dist: pytabkit<1.6,>=1.5; extra == "all"
|
|
51
47
|
Requires-Dist: einops<0.9,>=0.7; extra == "all"
|
|
52
|
-
Requires-Dist:
|
|
48
|
+
Requires-Dist: huggingface-hub[torch]; extra == "all"
|
|
49
|
+
Requires-Dist: spacy<3.9; extra == "all"
|
|
53
50
|
Requires-Dist: numpy<2.3.0,>=1.25; extra == "all"
|
|
54
51
|
Requires-Dist: catboost<1.3,>=1.2; extra == "all"
|
|
55
|
-
Requires-Dist:
|
|
52
|
+
Requires-Dist: pytabkit<1.6,>=1.5; extra == "all"
|
|
53
|
+
Requires-Dist: xgboost<3.1,>=2.0; extra == "all"
|
|
54
|
+
Requires-Dist: autogluon.core[all]==1.3.2b20250722; extra == "all"
|
|
55
|
+
Requires-Dist: fastai<2.9,>=2.3.1; extra == "all"
|
|
56
56
|
Requires-Dist: torch<2.8,>=2.2; extra == "all"
|
|
57
57
|
Requires-Dist: lightgbm<4.7,>=4.0; extra == "all"
|
|
58
|
+
Requires-Dist: blis<1.2.1,>=0.7.0; (platform_system == "Windows" and python_version == "3.9") and extra == "all"
|
|
58
59
|
Provides-Extra: catboost
|
|
59
60
|
Requires-Dist: numpy<2.3.0,>=1.25; extra == "catboost"
|
|
60
61
|
Requires-Dist: catboost<1.3,>=1.2; extra == "catboost"
|
|
@@ -62,6 +63,7 @@ Provides-Extra: fastai
|
|
|
62
63
|
Requires-Dist: spacy<3.9; extra == "fastai"
|
|
63
64
|
Requires-Dist: torch<2.8,>=2.2; extra == "fastai"
|
|
64
65
|
Requires-Dist: fastai<2.9,>=2.3.1; extra == "fastai"
|
|
66
|
+
Requires-Dist: blis<1.2.1,>=0.7.0; (platform_system == "Windows" and python_version == "3.9") and extra == "fastai"
|
|
65
67
|
Provides-Extra: imodels
|
|
66
68
|
Requires-Dist: imodels<2.1.0,>=1.3.10; extra == "imodels"
|
|
67
69
|
Provides-Extra: lightgbm
|
|
@@ -72,7 +74,7 @@ Requires-Dist: einx; extra == "mitra"
|
|
|
72
74
|
Requires-Dist: omegaconf; extra == "mitra"
|
|
73
75
|
Requires-Dist: transformers; extra == "mitra"
|
|
74
76
|
Provides-Extra: ray
|
|
75
|
-
Requires-Dist: autogluon.core[all]==1.3.
|
|
77
|
+
Requires-Dist: autogluon.core[all]==1.3.2b20250722; extra == "ray"
|
|
76
78
|
Provides-Extra: realmlp
|
|
77
79
|
Requires-Dist: pytabkit<1.6,>=1.5; extra == "realmlp"
|
|
78
80
|
Provides-Extra: skex
|
{autogluon.tabular-1.3.2b20250720.dist-info → autogluon.tabular-1.3.2b20250722.dist-info}/RECORD
RENAMED
|
@@ -1,6 +1,6 @@
|
|
|
1
|
-
autogluon.tabular-1.3.
|
|
1
|
+
autogluon.tabular-1.3.2b20250722-py3.9-nspkg.pth,sha256=cQGwpuGPqg1GXscIwt-7PmME1OnSpD-7ixkikJ31WAY,554
|
|
2
2
|
autogluon/tabular/__init__.py,sha256=2OXpJCvENRHubBTYNIPpHX93WWuFZzsJBtTZbNVHVas,400
|
|
3
|
-
autogluon/tabular/version.py,sha256=
|
|
3
|
+
autogluon/tabular/version.py,sha256=CdIaQfJPPjnE9mEFR_3W2YJdiCuNqvKW-cgu00I6i3w,91
|
|
4
4
|
autogluon/tabular/configs/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
5
5
|
autogluon/tabular/configs/config_helper.py,sha256=JsdVGmpcYL88GPKBznPtqJ1sGaByOSvLn7KWU-HyVoQ,21085
|
|
6
6
|
autogluon/tabular/configs/feature_generator_presets.py,sha256=EV5Ym8VW15q92MwOUpTi7wZFS2QooM51fLg3RdUsn-M,1223
|
|
@@ -68,8 +68,8 @@ autogluon/tabular/models/lr/hyperparameters/__init__.py,sha256=47DEQpj8HBSa-_TIm
|
|
|
68
68
|
autogluon/tabular/models/lr/hyperparameters/parameters.py,sha256=Hr5YC13zjbt3CfCbzGj8iXUIuDn-Q7FvDT2uSuiSVlM,1414
|
|
69
69
|
autogluon/tabular/models/lr/hyperparameters/searchspaces.py,sha256=Igywc-B6qJ9EBLdasrDhW-Ot5FGirIzbXLwv5HRe5Xo,276
|
|
70
70
|
autogluon/tabular/models/mitra/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
71
|
-
autogluon/tabular/models/mitra/mitra_model.py,sha256=
|
|
72
|
-
autogluon/tabular/models/mitra/sklearn_interface.py,sha256=
|
|
71
|
+
autogluon/tabular/models/mitra/mitra_model.py,sha256=SQehZMs9WBP9o51CJ6L8njuEq0UcunXbbOM3eedhokw,10263
|
|
72
|
+
autogluon/tabular/models/mitra/sklearn_interface.py,sha256=p3keXfA3cdQhoT24jAytrC1uHOK8tQXpE2tSWagAQzU,18588
|
|
73
73
|
autogluon/tabular/models/mitra/_internal/__init__.py,sha256=dN2dz1pGMgQTFiSf9oYbyq23iJUxV8QNlOX3qw3KUO4,35
|
|
74
74
|
autogluon/tabular/models/mitra/_internal/config/__init__.py,sha256=Exu_Sx6-K-D5peDQ_TibsjZpqAALs2-9IXfq8hu1mwU,40
|
|
75
75
|
autogluon/tabular/models/mitra/_internal/config/config_pretrain.py,sha256=CeaD96EcDX69LdcLTYGlFmYLdBNINEJXRMWmJ6LbhTg,6038
|
|
@@ -188,11 +188,11 @@ autogluon/tabular/trainer/model_presets/presets.py,sha256=hoWADaOG576Q_XLV1nY_ju
|
|
|
188
188
|
autogluon/tabular/trainer/model_presets/presets_distill.py,sha256=MnFC2GJc6RmDBNAGbsO2XMfo3PjR8cUrZoilWW8gTYQ,3295
|
|
189
189
|
autogluon/tabular/tuning/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
190
190
|
autogluon/tabular/tuning/feature_pruner.py,sha256=9iNku8gVbYEkjuKlyITPJDicsNkoraaQOlINQq9iZlQ,6877
|
|
191
|
-
autogluon.tabular-1.3.
|
|
192
|
-
autogluon.tabular-1.3.
|
|
193
|
-
autogluon.tabular-1.3.
|
|
194
|
-
autogluon.tabular-1.3.
|
|
195
|
-
autogluon.tabular-1.3.
|
|
196
|
-
autogluon.tabular-1.3.
|
|
197
|
-
autogluon.tabular-1.3.
|
|
198
|
-
autogluon.tabular-1.3.
|
|
191
|
+
autogluon.tabular-1.3.2b20250722.dist-info/LICENSE,sha256=CeipvOyAZxBGUsFoaFqwkx54aPnIKEtm9a5u2uXxEws,10142
|
|
192
|
+
autogluon.tabular-1.3.2b20250722.dist-info/METADATA,sha256=wtSNYXyA4ratSdv6547JHxGPrJOyU8Xq-8j8hFhZcho,14875
|
|
193
|
+
autogluon.tabular-1.3.2b20250722.dist-info/NOTICE,sha256=7nPQuj8Kp-uXsU0S5so3-2dNU5EctS5hDXvvzzehd7E,114
|
|
194
|
+
autogluon.tabular-1.3.2b20250722.dist-info/WHEEL,sha256=tZoeGjtWxWRfdplE7E3d45VPlLNQnvbKiYnx7gwAy8A,92
|
|
195
|
+
autogluon.tabular-1.3.2b20250722.dist-info/namespace_packages.txt,sha256=giERA4R78OkJf2ijn5slgjURlhRPzfLr7waIcGkzYAo,10
|
|
196
|
+
autogluon.tabular-1.3.2b20250722.dist-info/top_level.txt,sha256=giERA4R78OkJf2ijn5slgjURlhRPzfLr7waIcGkzYAo,10
|
|
197
|
+
autogluon.tabular-1.3.2b20250722.dist-info/zip-safe,sha256=AbpHGcgLb-kRsJGnwFEktk7uzpZOCcBY74-YBdrKVGs,1
|
|
198
|
+
autogluon.tabular-1.3.2b20250722.dist-info/RECORD,,
|
|
File without changes
|
{autogluon.tabular-1.3.2b20250720.dist-info → autogluon.tabular-1.3.2b20250722.dist-info}/LICENSE
RENAMED
|
File without changes
|
{autogluon.tabular-1.3.2b20250720.dist-info → autogluon.tabular-1.3.2b20250722.dist-info}/NOTICE
RENAMED
|
File without changes
|
{autogluon.tabular-1.3.2b20250720.dist-info → autogluon.tabular-1.3.2b20250722.dist-info}/WHEEL
RENAMED
|
File without changes
|
|
File without changes
|
|
File without changes
|
{autogluon.tabular-1.3.2b20250720.dist-info → autogluon.tabular-1.3.2b20250722.dist-info}/zip-safe
RENAMED
|
File without changes
|