torchaudio 2.4.0__cp39-cp39-manylinux2014_aarch64.whl → 2.5.0__cp39-cp39-manylinux2014_aarch64.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 torchaudio might be problematic. Click here for more details.

Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
@@ -1,6 +1,7 @@
1
1
  from dataclasses import dataclass
2
2
 
3
- from torchaudio._internal import load_state_dict_from_url
3
+ import torch
4
+ import torchaudio
4
5
 
5
6
  from torchaudio.models import squim_objective_base, squim_subjective_base, SquimObjective, SquimSubjective
6
7
 
@@ -42,26 +43,16 @@ class SquimObjectiveBundle:
42
43
  _path: str
43
44
  _sample_rate: float
44
45
 
45
- def _get_state_dict(self, dl_kwargs):
46
- url = f"https://download.pytorch.org/torchaudio/models/{self._path}"
47
- dl_kwargs = {} if dl_kwargs is None else dl_kwargs
48
- state_dict = load_state_dict_from_url(url, **dl_kwargs)
49
- return state_dict
50
-
51
- def get_model(self, *, dl_kwargs=None) -> SquimObjective:
46
+ def get_model(self) -> SquimObjective:
52
47
  """Construct the SquimObjective model, and load the pretrained weight.
53
48
 
54
- The weight file is downloaded from the internet and cached with
55
- :func:`torch.hub.load_state_dict_from_url`
56
-
57
- Args:
58
- dl_kwargs (dictionary of keyword arguments): Passed to :func:`torch.hub.load_state_dict_from_url`.
59
-
60
49
  Returns:
61
50
  Variation of :py:class:`~torchaudio.models.SquimObjective`.
62
51
  """
63
52
  model = squim_objective_base()
64
- model.load_state_dict(self._get_state_dict(dl_kwargs))
53
+ path = torchaudio.utils.download_asset(f"models/{self._path}")
54
+ state_dict = torch.load(path, weights_only=True)
55
+ model.load_state_dict(state_dict)
65
56
  model.eval()
66
57
  return model
67
58
 
@@ -128,26 +119,15 @@ class SquimSubjectiveBundle:
128
119
  _path: str
129
120
  _sample_rate: float
130
121
 
131
- def _get_state_dict(self, dl_kwargs):
132
- url = f"https://download.pytorch.org/torchaudio/models/{self._path}"
133
- dl_kwargs = {} if dl_kwargs is None else dl_kwargs
134
- state_dict = load_state_dict_from_url(url, **dl_kwargs)
135
- return state_dict
136
-
137
- def get_model(self, *, dl_kwargs=None) -> SquimSubjective:
122
+ def get_model(self) -> SquimSubjective:
138
123
  """Construct the SquimSubjective model, and load the pretrained weight.
139
-
140
- The weight file is downloaded from the internet and cached with
141
- :func:`torch.hub.load_state_dict_from_url`
142
-
143
- Args:
144
- dl_kwargs (dictionary of keyword arguments): Passed to :func:`torch.hub.load_state_dict_from_url`.
145
-
146
124
  Returns:
147
125
  Variation of :py:class:`~torchaudio.models.SquimObjective`.
148
126
  """
149
127
  model = squim_subjective_base()
150
- model.load_state_dict(self._get_state_dict(dl_kwargs))
128
+ path = torchaudio.utils.download_asset(f"models/{self._path}")
129
+ state_dict = torch.load(path, weights_only=True)
130
+ model.load_state_dict(state_dict)
151
131
  model.eval()
152
132
  return model
153
133
 
torchaudio/version.py CHANGED
@@ -1,2 +1,2 @@
1
- __version__ = '2.4.0'
2
- git_version = '69d40773dc4ed86643820c21a8a880e4d074a46e'
1
+ __version__ = '2.5.0'
2
+ git_version = '56bc006d56a0d4960de6a1e0b6340cba4eda05cd'
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.1
2
2
  Name: torchaudio
3
- Version: 2.4.0
3
+ Version: 2.5.0
4
4
  Summary: An audio package for PyTorch
5
5
  Home-page: https://github.com/pytorch/audio
6
6
  Author: Soumith Chintala, David Pollack, Sean Naren, Peter Goldsborough, Moto Hira, Caroline Chen, Jeff Hwang, Zhaoheng Ni, Xiaohui Zhang
@@ -24,7 +24,7 @@ Classifier: Topic :: Multimedia :: Sound/Audio
24
24
  Classifier: Topic :: Scientific/Engineering :: Artificial Intelligence
25
25
  Description-Content-Type: text/markdown
26
26
  License-File: LICENSE
27
- Requires-Dist: torch ==2.4.0
27
+ Requires-Dist: torch (==2.5.0)
28
28
 
29
29
  torchaudio: an audio library for PyTorch
30
30
  ========================================
@@ -79,7 +79,7 @@ If you find this package useful, please cite as:
79
79
  ```bibtex
80
80
  @article{yang2021torchaudio,
81
81
  title={TorchAudio: Building Blocks for Audio and Speech Processing},
82
- author={Yao-Yuan Yang and Moto Hira and Zhaoheng Ni and Anjali Chourdia and Artyom Astafurov and Caroline Chen and Ching-Feng Yeh and Christian Puhrsch and David Pollack and Dmitriy Genzel and Donny Greenberg and Edward Z. Yang and Jason Lian and Jay Mahadeokar and Jeff Hwang and Ji Chen and Peter Goldsborough and Prabhat Roy and Sean Narenthiran and Shinji Watanabe and Soumith Chintala and Vincent Quenneville-Bélair and Yangyang Shi},
82
+ author={Yao-Yuan Yang and Moto Hira and Zhaoheng Ni and Anjali Chourdia and Artyom Astafurov and Caroline Chen and Ching-Feng Yeh and Christian Puhrsch and David Pollack and Dmitriy Genzel and Donny Greenberg and Edward Z. Yang and Jason Lian and Jay Mahadeokar and Jeff Hwang and Ji Chen and Peter Goldsborough and Prabhat Roy and Sean Narenthiran and Shinji Watanabe and Soumith Chintala and Vincent Quenneville-B��lair and Yangyang Shi},
83
83
  journal={arXiv preprint arXiv:2110.15018},
84
84
  year={2021}
85
85
  }
@@ -1,6 +1,6 @@
1
1
  torchaudio/__init__.py,sha256=VSnZ6s4e5clAj7f7aCXBZt9amskeXg1j19txAQBQ2Iw,892
2
2
  torchaudio/kaldi_io.py,sha256=TwS2YgSLlJwOXjNNsHBuXyxhKeKKpptVHLBV7QYZCas,5073
3
- torchaudio/version.py,sha256=JUO1bPDj-WIPcr-DwAEpP5gRiwdtsHyJViOL86zXNxQ,79
3
+ torchaudio/version.py,sha256=OAqErR7sj83_w1z5wQ20r9YwFkll8NQIGB8v8_ZJuGg,79
4
4
  torchaudio/_backend/__init__.py,sha256=6zMYGajHaaCXUE_U7HuGLp0fqcviYAjBZdFDI4E7C-0,1631
5
5
  torchaudio/_backend/backend.py,sha256=hSrfZcj5FMzx5ZpwubN-LLMvBFb7ENyw7HvT_6pVYVU,1565
6
6
  torchaudio/_backend/common.py,sha256=55Y0r0MsdW6gvTOT_Zy60UGFXc60DfdJ7uvycJKK3is,1783
@@ -53,10 +53,12 @@ torchaudio/io/__init__.py,sha256=8nd6s_xuBh5iVzIvQ-qNlforukZzuCx36DyvCmHK748,297
53
53
  torchaudio/io/_effector.py,sha256=APDrIU2biwFsSVmhrXjelmc4ndcmb0JL-H189Zp689g,11870
54
54
  torchaudio/io/_playback.py,sha256=70IxGrGPkI1h4rz8_04SFCGsbbGZkTiUdRhbPOMLLgQ,2321
55
55
  torchaudio/lib/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
56
- torchaudio/lib/_torchaudio.so,sha256=F-vJd-7y6R7gq-MYyHjUkWkQ5ekVwHsSlBZ-JtVqDMc,167736
57
- torchaudio/lib/_torchaudio_sox.so,sha256=HwkfdtN5rYqBTFp7hUyI0-U-6IlCAPZ-FLqzTlaEJB8,269272
58
- torchaudio/lib/libtorchaudio.so,sha256=CzVYk--0dEr4x85128cexB026r0rt4WHWtAL9s8TD7I,642136
59
- torchaudio/lib/libtorchaudio_sox.so,sha256=PGWnV_sfn_DwyfJRlG8IfoTn474N0JZ45P9Vpa2M_O8,160536
56
+ torchaudio/lib/_torchaudio.so,sha256=A149aZkNE6m_DAjXNLgUM662d4xp15tPEzOncB5xTOQ,169664
57
+ torchaudio/lib/_torchaudio_sox.so,sha256=HGMXc2eo1Lq99tig3_-HHdOSL0_fgAXCzFmp6AaGh6I,277720
58
+ torchaudio/lib/libctc_prefix_decoder.so,sha256=vU_ivW6VsRGfFx5tpqW3QkvtyHRxMRvNBftgDUAPq78,4872120
59
+ torchaudio/lib/libtorchaudio.so,sha256=1U9K0X-bFTTDW6uUK-8kFe2-hlgJXvr6Z2opNY3XyHM,2374416
60
+ torchaudio/lib/libtorchaudio_sox.so,sha256=auURi4-pordIt43F7LE9rzNSTuOobhKs6717t0vTSrg,162536
61
+ torchaudio/lib/pybind11_prefixctc.so,sha256=3jxWNFC2mMXv3SxqXv3d-U3VP3UIo852x0donEROLjU,172360
60
62
  torchaudio/models/__init__.py,sha256=BNMNGuwpJAFRsdtwHYQ6slGClkrUTu31_7mXh7FjeV4,1995
61
63
  torchaudio/models/_hdemucs.py,sha256=VPnQ73lA9lfAxRjZ85NCGJYP36mPNwTjS-TU4qelu_k,38242
62
64
  torchaudio/models/conformer.py,sha256=5IceU-jcZKofkHTTqRKoytubQ75MzZPrPlfkLsIlxeA,10068
@@ -83,7 +85,7 @@ torchaudio/models/wav2vec2/utils/import_fairseq.py,sha256=oCwG6qpG0bCXue2V56fjDc
83
85
  torchaudio/models/wav2vec2/utils/import_huggingface.py,sha256=1nVCipp-lOUAyl_-P103DWLUeTOZi9X_ffX93bOXxEk,5946
84
86
  torchaudio/pipelines/__init__.py,sha256=Xy8NmInKwTcNBHwLTTjHjrfczRLuQq8a67ENt1OTVXM,2745
85
87
  torchaudio/pipelines/_source_separation_pipeline.py,sha256=WxngB1d13H5IVqs4RPqSL53ZGYsJ3tnfCpxgc5FNSOM,4224
86
- torchaudio/pipelines/_squim_pipeline.py,sha256=JROOpywuRFl6JnWVMhgqM2eu3REKeXj-_Te5QJzOwoA,7170
88
+ torchaudio/pipelines/_squim_pipeline.py,sha256=eCimTeoqNX8LilIQNGmb8UaRtnLIXa4LNShXFjodcZM,6280
87
89
  torchaudio/pipelines/rnnt_pipeline.py,sha256=Qy37z7v6d1jLOHd67zbRu21dgL6Fml1rTd7j4Jl1NsM,13749
88
90
  torchaudio/pipelines/_tts/__init__.py,sha256=PP7l8XzVURqelwuMJFgfOCv4fvzZunDiy90ZQlRkv7g,426
89
91
  torchaudio/pipelines/_tts/impl.py,sha256=Tig4_5sITJADwxN5eZGek7Ath_-e3sV8CTM5t6UpeUU,15374
@@ -131,16 +133,16 @@ torio/io/__init__.py,sha256=xz7REkkyfRhAASzVCAfoNruFtAGIx1I--usPAa2tMww,226
131
133
  torio/io/_streaming_media_decoder.py,sha256=vSylEWAB_JXOW-0E1n0zDM3Q3Vf1jc1-CNpdUSs13XU,34376
132
134
  torio/io/_streaming_media_encoder.py,sha256=rSTYmHdi7RPJ6YPgAyGJhbQvn4mcxLem3nlnr_ophTs,19722
133
135
  torio/lib/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
134
- torio/lib/_torio_ffmpeg4.so,sha256=HxV3HVEDXTXjFEy0flGBlFfRjDu7m2d5q20Jpd-p1v4,485016
135
- torio/lib/_torio_ffmpeg5.so,sha256=vTXqUWsc689A1nhPY5Q9NsO0a6s8QuX-3vYAz_vW8Vw,485016
136
- torio/lib/_torio_ffmpeg6.so,sha256=yTO5c_BNYJ2FrxYUU42mDhbGDPNK84s70kiuWsiMeQE,485016
137
- torio/lib/libtorio_ffmpeg4.so,sha256=wGRLsRsNqGmWkbHDNlH4gM9r6lxOvxbM2AtU3g-S0Hg,598952
138
- torio/lib/libtorio_ffmpeg5.so,sha256=d0vYdgLAYMfwAoRos1FIT9cYI4MMccdmTsfG6_vr1m4,598952
139
- torio/lib/libtorio_ffmpeg6.so,sha256=wPLnoTtgkL3EqAuiVzaNsrRdKx1FyKN8C7QBjlYSkzA,598952
136
+ torio/lib/_torio_ffmpeg4.so,sha256=NjuYycF9mGr2Cz834tI5W0HEHNKYW5GTbTo4HYjqr3I,498120
137
+ torio/lib/_torio_ffmpeg5.so,sha256=ebll9GNU2-0kBfIRDI-_dSVLKGfBc-6OO_YLujGwKsU,498120
138
+ torio/lib/_torio_ffmpeg6.so,sha256=UB9MxCT4uHeBB0L2aBXkTljXzUJZTLbxBn3ivzoK0fs,498120
139
+ torio/lib/libtorio_ffmpeg4.so,sha256=EN8LWoF-n7Mw-4-3Nqm0Gm3wV8P4VGo9TDfrw0X_j2o,621664
140
+ torio/lib/libtorio_ffmpeg5.so,sha256=pQR6wsAYhuFU5Y6NRTZ3EfjOW3FCej2bddZL_mq-jr4,621664
141
+ torio/lib/libtorio_ffmpeg6.so,sha256=P0brZxuxacnxTCM9kNSV-EOtwvxpEXhjWGd1suqMwSs,621664
140
142
  torio/utils/__init__.py,sha256=ScHtnontymRDNn9qEIC0neue5mfG82yhB8bwETOb0Z4,56
141
143
  torio/utils/ffmpeg_utils.py,sha256=JsP2ptjQAE4U7Z_CSauQKH_k72wdu6nrBMfNHl9pIXQ,8026
142
- torchaudio-2.4.0.dist-info/LICENSE,sha256=k6WIYahYzBCOa2uDPgjnbosqZjOeSoAHyKWowf-cQNY,1338
143
- torchaudio-2.4.0.dist-info/METADATA,sha256=h_ca-IgoHbW5vyqG0nZ8A_wal0rB3TXj7M-uOkagteU,6349
144
- torchaudio-2.4.0.dist-info/WHEEL,sha256=SiTB-TT6RTfH2k1CR4Re6_8was4k1KvPQ3fTSNKoczw,103
145
- torchaudio-2.4.0.dist-info/top_level.txt,sha256=GT0MktEbHKoLnvd-6ii7_dhJVvshupOujk840BcHU4U,17
146
- torchaudio-2.4.0.dist-info/RECORD,,
144
+ torchaudio-2.5.0.dist-info/LICENSE,sha256=k6WIYahYzBCOa2uDPgjnbosqZjOeSoAHyKWowf-cQNY,1338
145
+ torchaudio-2.5.0.dist-info/METADATA,sha256=i3S98TlBHgnw49cW7QAEuT2KO7X172UwXprekeOfE-4,6355
146
+ torchaudio-2.5.0.dist-info/WHEEL,sha256=KOV3ZyHTxJBAHqM-DFZZjfeqa6iJsa5EhllyY87m6WA,103
147
+ torchaudio-2.5.0.dist-info/top_level.txt,sha256=GT0MktEbHKoLnvd-6ii7_dhJVvshupOujk840BcHU4U,17
148
+ torchaudio-2.5.0.dist-info/RECORD,,
@@ -1,5 +1,5 @@
1
1
  Wheel-Version: 1.0
2
- Generator: setuptools (70.1.1)
2
+ Generator: setuptools (75.1.0)
3
3
  Root-Is-Purelib: false
4
4
  Tag: cp39-cp39-linux_aarch64
5
5
 
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file