autogluon.multimodal 1.3.2b20250707__py3-none-any.whl → 1.3.2b20250709__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.
@@ -99,10 +99,10 @@ class TFewModel(nn.Module):
99
99
  self.checkpoint_name = checkpoint_name
100
100
  self.num_classes = num_classes
101
101
 
102
- self.config = AutoConfig.from_pretrained(checkpoint_name)
102
+ self.config = AutoConfig.from_pretrained(checkpoint_name) # nosec B615
103
103
 
104
104
  if pretrained:
105
- self.model = AutoModelForSeq2SeqLM.from_pretrained(checkpoint_name, low_cpu_mem_usage=low_cpu_mem_usage)
105
+ self.model = AutoModelForSeq2SeqLM.from_pretrained(checkpoint_name, low_cpu_mem_usage=low_cpu_mem_usage) # nosec B615
106
106
  else:
107
107
  self.model = AutoModelForSeq2SeqLM.from_config(self.config)
108
108
 
@@ -639,10 +639,10 @@ def get_hf_config_and_model(
639
639
  -------
640
640
  A Huggingface config and model.
641
641
  """
642
- config = AutoConfig.from_pretrained(checkpoint_name)
642
+ config = AutoConfig.from_pretrained(checkpoint_name) # nosec B615
643
643
 
644
644
  if pretrained:
645
- model = AutoModel.from_pretrained(checkpoint_name, low_cpu_mem_usage=low_cpu_mem_usage)
645
+ model = AutoModel.from_pretrained(checkpoint_name, low_cpu_mem_usage=low_cpu_mem_usage) # nosec B615
646
646
  else:
647
647
  model = AutoModel.from_config(config)
648
648
  # Explicitly set the model to train mode after loading as by default it is in eval mode
@@ -929,7 +929,7 @@ def get_pretrained_tokenizer(
929
929
  )
930
930
  except TypeError as e:
931
931
  try:
932
- tokenizer = BertTokenizer.from_pretrained(checkpoint_name)
932
+ tokenizer = BertTokenizer.from_pretrained(checkpoint_name) # nosec B615
933
933
  warnings.warn(
934
934
  f"Current checkpoint {checkpoint_name} does not support AutoTokenizer. "
935
935
  "Switch to BertTokenizer instead.",
@@ -1,4 +1,4 @@
1
1
  """This is the autogluon version file."""
2
2
 
3
- __version__ = "1.3.2b20250707"
3
+ __version__ = "1.3.2b20250709"
4
4
  __lite__ = False
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.1
2
2
  Name: autogluon.multimodal
3
- Version: 1.3.2b20250707
3
+ Version: 1.3.2b20250709
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
@@ -36,7 +36,7 @@ Requires-Python: >=3.9, <3.13
36
36
  Description-Content-Type: text/markdown
37
37
  License-File: ../LICENSE
38
38
  License-File: ../NOTICE
39
- Requires-Dist: numpy<2.3.0,>=1.25.0
39
+ Requires-Dist: numpy<2.4.0,>=1.25.0
40
40
  Requires-Dist: scipy<1.16,>=1.5.4
41
41
  Requires-Dist: pandas<2.3.0,>=2.0.0
42
42
  Requires-Dist: scikit-learn<1.7.0,>=1.4.0
@@ -57,9 +57,9 @@ Requires-Dist: scikit-image<0.26.0,>=0.19.1
57
57
  Requires-Dist: text-unidecode<1.4,>=1.3
58
58
  Requires-Dist: torchmetrics<1.8,>=1.2.0
59
59
  Requires-Dist: omegaconf<2.4.0,>=2.1.1
60
- Requires-Dist: autogluon.core[raytune]==1.3.2b20250707
61
- Requires-Dist: autogluon.features==1.3.2b20250707
62
- Requires-Dist: autogluon.common==1.3.2b20250707
60
+ Requires-Dist: autogluon.core[raytune]==1.3.2b20250709
61
+ Requires-Dist: autogluon.features==1.3.2b20250709
62
+ Requires-Dist: autogluon.common==1.3.2b20250709
63
63
  Requires-Dist: pytorch-metric-learning<2.9,>=1.3.0
64
64
  Requires-Dist: nlpaug<1.2.0,>=1.1.10
65
65
  Requires-Dist: nltk<3.10,>=3.4.5
@@ -1,8 +1,8 @@
1
- autogluon.multimodal-1.3.2b20250707-py3.9-nspkg.pth,sha256=cQGwpuGPqg1GXscIwt-7PmME1OnSpD-7ixkikJ31WAY,554
1
+ autogluon.multimodal-1.3.2b20250709-py3.9-nspkg.pth,sha256=cQGwpuGPqg1GXscIwt-7PmME1OnSpD-7ixkikJ31WAY,554
2
2
  autogluon/multimodal/__init__.py,sha256=6WuDt3sMP1QLJs9se-20mmHCsFR-q2ZttPc8s0k1QWA,204
3
3
  autogluon/multimodal/constants.py,sha256=eLF3t-447nw3aNrYPh4Y8pycdECGu__wv6TC-amfXw8,9509
4
4
  autogluon/multimodal/predictor.py,sha256=4lou5yGysY1O86A-PX8AgsJvjB5bq2eHJ9zB1DyZFew,42847
5
- autogluon/multimodal/version.py,sha256=IebRI2Q0atTUv8rWSc_8yu4145O5yZEvMpDa5juM2tI,91
5
+ autogluon/multimodal/version.py,sha256=i94MnHj0mC5hagl5l62VVr1Yvo-TQ1K7Kjtpqfc_cYk,91
6
6
  autogluon/multimodal/cli/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
7
7
  autogluon/multimodal/cli/prepare_detection_dataset.py,sha256=9NCYmCUMPRWbxxbN_C7YQjMYlrAm8gbwJ3Qd-79JWH4,5218
8
8
  autogluon/multimodal/cli/voc2coco.py,sha256=LXVu9RIfOZs_1URrzO-_3Nrvb9uGEgPxCY4-B6m1coc,9605
@@ -89,9 +89,9 @@ autogluon/multimodal/models/mmocr_text_recognition.py,sha256=DVpR3hf9kGSJC4aWis_
89
89
  autogluon/multimodal/models/ner_text.py,sha256=KzfzweWplUdVrD75AVuScKJSlcGFkZt9DjG0ZJy_bb0,10075
90
90
  autogluon/multimodal/models/numerical_mlp.py,sha256=OaMyShEqqeEo9rWc_dyvOPkC4z6Y4IyGSgcKhnE1e_g,4341
91
91
  autogluon/multimodal/models/sam.py,sha256=uGCj2k5VuToHb8_obOerC5DmwjsT2xrP_2ujMa9fpAg,18854
92
- autogluon/multimodal/models/t_few.py,sha256=KQ6QPwWjmbv9sBVTK-qqb-KIxNPmxsk0eeaEfyQRhJc,13905
92
+ autogluon/multimodal/models/t_few.py,sha256=ANZw_CmBVpsr-zpN8w32_PDn35Hc-ilD1goIWpu4Lnw,13936
93
93
  autogluon/multimodal/models/timm_image.py,sha256=6WSYoMwpRLuorxOWV40ZL4eLuvHzME1aoUJz9yrdL1o,13947
94
- autogluon/multimodal/models/utils.py,sha256=npe_qviN-rH-MxvC0VqUBqyeeCjlW3YTQWmAH-Hmvag,63508
94
+ autogluon/multimodal/models/utils.py,sha256=vnSpOyp-wsqEg0AzmEt7EXLxOVS-3sQ3evZsn-lxbqw,63551
95
95
  autogluon/multimodal/models/custom_hf_models/modeling_sam_for_conv_lora.py,sha256=zsdXyzF29x_os6L-Kjflmwn50fo5l7dQYirAA46Ts7A,66856
96
96
  autogluon/multimodal/models/fusion/__init__.py,sha256=Fy7eEsOddtGy5L0sav0pWHDRqgukKdCPJPXzmBEM-uk,196
97
97
  autogluon/multimodal/models/fusion/base.py,sha256=fy1_1p3LAqYOBd9uG-S-sYxcRQcRBb_V_00Ha7L_WHo,2525
@@ -153,11 +153,11 @@ autogluon/multimodal/utils/registry.py,sha256=vqvONWweZP44aBo1jCvlqLdL0Agn2kyTK8
153
153
  autogluon/multimodal/utils/save.py,sha256=aXZa_iue34dAEfTz7nCaRowktG1emEi5uVXe_tDmHBA,4408
154
154
  autogluon/multimodal/utils/strategy.py,sha256=tT9PWh_ZLwNdGFgPsXgZsgKRhpnfBQDjh1mB1_y8G18,833
155
155
  autogluon/multimodal/utils/visualizer.py,sha256=qAc4_36r3MBDPq1R1jBeb_gcfzIrsylL1S31sRf3wuw,22562
156
- autogluon.multimodal-1.3.2b20250707.dist-info/LICENSE,sha256=CeipvOyAZxBGUsFoaFqwkx54aPnIKEtm9a5u2uXxEws,10142
157
- autogluon.multimodal-1.3.2b20250707.dist-info/METADATA,sha256=qXhxIyZFuNWgtYjeITndouwOyLemIwAr1E1dTKHxUco,13223
158
- autogluon.multimodal-1.3.2b20250707.dist-info/NOTICE,sha256=7nPQuj8Kp-uXsU0S5so3-2dNU5EctS5hDXvvzzehd7E,114
159
- autogluon.multimodal-1.3.2b20250707.dist-info/WHEEL,sha256=tZoeGjtWxWRfdplE7E3d45VPlLNQnvbKiYnx7gwAy8A,92
160
- autogluon.multimodal-1.3.2b20250707.dist-info/namespace_packages.txt,sha256=giERA4R78OkJf2ijn5slgjURlhRPzfLr7waIcGkzYAo,10
161
- autogluon.multimodal-1.3.2b20250707.dist-info/top_level.txt,sha256=giERA4R78OkJf2ijn5slgjURlhRPzfLr7waIcGkzYAo,10
162
- autogluon.multimodal-1.3.2b20250707.dist-info/zip-safe,sha256=AbpHGcgLb-kRsJGnwFEktk7uzpZOCcBY74-YBdrKVGs,1
163
- autogluon.multimodal-1.3.2b20250707.dist-info/RECORD,,
156
+ autogluon.multimodal-1.3.2b20250709.dist-info/LICENSE,sha256=CeipvOyAZxBGUsFoaFqwkx54aPnIKEtm9a5u2uXxEws,10142
157
+ autogluon.multimodal-1.3.2b20250709.dist-info/METADATA,sha256=3lT_HavSDpStg628XSN2AXRMZJv4JfbopLVwbqsXBFo,13223
158
+ autogluon.multimodal-1.3.2b20250709.dist-info/NOTICE,sha256=7nPQuj8Kp-uXsU0S5so3-2dNU5EctS5hDXvvzzehd7E,114
159
+ autogluon.multimodal-1.3.2b20250709.dist-info/WHEEL,sha256=tZoeGjtWxWRfdplE7E3d45VPlLNQnvbKiYnx7gwAy8A,92
160
+ autogluon.multimodal-1.3.2b20250709.dist-info/namespace_packages.txt,sha256=giERA4R78OkJf2ijn5slgjURlhRPzfLr7waIcGkzYAo,10
161
+ autogluon.multimodal-1.3.2b20250709.dist-info/top_level.txt,sha256=giERA4R78OkJf2ijn5slgjURlhRPzfLr7waIcGkzYAo,10
162
+ autogluon.multimodal-1.3.2b20250709.dist-info/zip-safe,sha256=AbpHGcgLb-kRsJGnwFEktk7uzpZOCcBY74-YBdrKVGs,1
163
+ autogluon.multimodal-1.3.2b20250709.dist-info/RECORD,,