hahunavth commited on
Commit
089d567
1 Parent(s): 2493da2

additional

Browse files
config.json ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ {
2
+ "_name_or_path": "hahunavth/sb-slu-direct-default"
3
+ }
handler.py ADDED
@@ -0,0 +1,127 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+
2
+
3
+ import torch
4
+ import speechbrain as sb
5
+ from hyperpyyaml import load_hyperpyyaml
6
+ from speechbrain.utils.distributed import run_on_main
7
+
8
+ show_results_every = 100 # plots results every N iterations
9
+ run_opts = {
10
+ "device": "cuda" if torch.cuda.is_available() else "cpu"
11
+ }
12
+
13
+ class PipelineSLUTask(sb.pretrained.interfaces.Pretrained):
14
+ HPARAMS_NEEDED = [
15
+ "slu_enc",
16
+ "output_emb",
17
+ "dec",
18
+ "seq_lin",
19
+ "env_corrupt",
20
+ "tokenizer",
21
+ ]
22
+ MODULES_NEEDED = [
23
+ "slu_enc",
24
+ "output_emb",
25
+ "dec",
26
+ "seq_lin",
27
+ "env_corrupt",
28
+ ]
29
+
30
+ def __init__(self, *args, **kwargs):
31
+ super().__init__(*args, **kwargs)
32
+ pass
33
+
34
+ def encode_file(self, path):
35
+
36
+ tokens_bos = torch.tensor([[0]]).to(self.device)
37
+ tokens = torch.tensor([], dtype=torch.int64).to(self.device)
38
+
39
+ waveform = self.load_audio(path)
40
+ wavs = waveform.unsqueeze(0)
41
+ wav_lens = torch.tensor([1.0])
42
+ # Fake a batch:
43
+ # batch = waveform.unsqueeze(0)
44
+ rel_length = torch.tensor([1.0])
45
+ with torch.no_grad():
46
+ rel_lens = rel_length.to(self.device)
47
+ # ASR encoder forward pass
48
+ ASR_encoder_out = self.hparams.asr_model.encode_batch(
49
+ wavs.detach(), wav_lens
50
+ )
51
+
52
+ # SLU forward pass
53
+ encoder_out = self.hparams.slu_enc(ASR_encoder_out)
54
+ e_in = self.hparams.output_emb(tokens_bos)
55
+ # print(e_in.shape)
56
+ # print(encoder_out.shape)
57
+ # print(wav_lens.shape)
58
+ h, _ = self.hparams.dec(e_in, encoder_out, wav_lens)
59
+
60
+ # Output layer for seq2seq log-probabilities
61
+ logits = self.hparams.seq_lin(h)
62
+ p_seq = self.hparams.log_softmax(logits)
63
+
64
+ # Compute outputs
65
+ # if (
66
+ # stage == sb.Stage.TRAIN
67
+ # and self.batch_count % show_results_every != 0
68
+ # ):
69
+ # return p_seq, wav_lens
70
+ # else:
71
+ p_tokens, scores = self.hparams.beam_searcher(encoder_out, wav_lens)
72
+ return p_seq, wav_lens, p_tokens
73
+
74
+ # return ASR_encoder_out
75
+
76
+ def decode(self, p_seq, wav_lens, predicted_tokens):
77
+ tokens_eos = torch.tensor([[0]]).to(self.device)
78
+ tokens_eos_lens = torch.tensor([0]).to(self.device)
79
+
80
+ # Decode token terms to words
81
+ predicted_semantics = [
82
+ self.hparams.tokenizer.decode_ids(utt_seq).split(" ")
83
+ for utt_seq in predicted_tokens
84
+ ]
85
+ return predicted_semantics
86
+
87
+
88
+ from typing import Dict, List, Any
89
+
90
+ class EndpointHandler():
91
+ def __init__(self, path=""):
92
+ hparams_file = f"{path}/better_tokenizer/1986/hyperparams.yaml"
93
+ overrides = {}
94
+ with open(hparams_file) as fin:
95
+ hparams = load_hyperpyyaml(fin, overrides)
96
+
97
+ run_opts = {
98
+ "device": "cuda" if torch.cuda.is_available() else "cpu"
99
+ }
100
+
101
+ # We download and pretrain the tokenizer
102
+ run_on_main(hparams["pretrainer"].collect_files)
103
+ hparams["pretrainer"].load_collected(device=run_opts["device"])
104
+
105
+ self.pipeline = PipelineSLUTask(
106
+ modules=hparams['modules'],
107
+ hparams=hparams,
108
+ run_opts=run_opts
109
+ )
110
+
111
+ def __call__(self, data: Dict[str, Any]) -> List[Dict[str, Any]]:
112
+ """
113
+ data args:
114
+ inputs (:obj: `str` | `PIL.Image` | `np.array`)
115
+ kwargs
116
+ Return:
117
+ A :obj:`list` | `dict`: will be serialized and returned
118
+ """
119
+ # pseudo
120
+ # self.model(input)
121
+ data = data.get("inputs", data)
122
+ print(data)
123
+ ps, wl, pt = self.pipeline.encode_file(data)
124
+ print(ps)
125
+ print(wl)
126
+ print(pt)
127
+ return self.pipeline.decode(ps, wl, pt)
hyperparams.yaml CHANGED
@@ -1,4 +1,4 @@
1
- # Generated 2023-06-16 from:
2
  # /kaggle/working/direct-train.yaml
3
  # yamllint disable
4
  # ############################################################################
 
1
+ # Generated 2023-06-18 from:
2
  # /kaggle/working/direct-train.yaml
3
  # yamllint disable
4
  # ############################################################################
log.txt ADDED
@@ -0,0 +1,869 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2023-06-18 23:24:00,418 - speechbrain.core - INFO - Beginning experiment!
2
+ 2023-06-18 23:24:00,419 - speechbrain.core - INFO - Experiment folder: results/better_tokenizer/1986
3
+ 2023-06-18 23:24:04,005 - speechbrain.utils.superpowers - DEBUG - absl-py==1.4.0
4
+ accelerate==0.12.0
5
+ access==1.1.9
6
+ affine==2.4.0
7
+ aiobotocore==2.5.0
8
+ aiofiles==22.1.0
9
+ aiohttp @ file:///home/conda/feedstock_root/build_artifacts/aiohttp_1676292661248/work
10
+ aiohttp-cors==0.7.0
11
+ aioitertools==0.11.0
12
+ aiorwlock==1.3.0
13
+ aiosignal @ file:///home/conda/feedstock_root/build_artifacts/aiosignal_1667935791922/work
14
+ aiosqlite==0.19.0
15
+ albumentations==1.3.1
16
+ alembic==1.11.1
17
+ altair==5.0.1
18
+ annoy==1.17.2
19
+ ansiwrap==0.8.4
20
+ anyio @ file:///home/conda/feedstock_root/build_artifacts/anyio_1666191106763/work/dist
21
+ apache-beam==2.46.0
22
+ aplus==0.11.0
23
+ appdirs==1.4.4
24
+ argon2-cffi @ file:///home/conda/feedstock_root/build_artifacts/argon2-cffi_1640817743617/work
25
+ argon2-cffi-bindings @ file:///home/conda/feedstock_root/build_artifacts/argon2-cffi-bindings_1666850768662/work
26
+ array-record==0.2.0
27
+ arrow==1.2.3
28
+ arviz==0.12.1
29
+ astroid==2.15.5
30
+ astropy==5.3
31
+ asttokens @ file:///home/conda/feedstock_root/build_artifacts/asttokens_1670263926556/work
32
+ astunparse==1.6.3
33
+ async-timeout @ file:///home/conda/feedstock_root/build_artifacts/async-timeout_1640026696943/work
34
+ atpublic==3.1.2
35
+ attrs @ file:///home/conda/feedstock_root/build_artifacts/attrs_1683424013410/work
36
+ audioread==3.0.0
37
+ autopep8==2.0.2
38
+ Babel==2.12.1
39
+ backcall @ file:///home/conda/feedstock_root/build_artifacts/backcall_1592338393461/work
40
+ backoff==2.2.1
41
+ backports.functools-lru-cache @ file:///home/conda/feedstock_root/build_artifacts/backports.functools_lru_cache_1618230623929/work
42
+ bayesian-optimization==1.4.3
43
+ bayespy==0.5.26
44
+ beatrix-jupyterlab @ file:///home/kbuilder/miniconda3/conda-bld/dlenv-tf-2-12-gpu_1683597552195/work/packages/beatrix_jupyterlab-2023.58.190319.tar.gz#sha256=5d0d9c77a86fcdd097390e863c1c12fc410cc84ab98b6ee16a43b6a84735e57e
45
+ beautifulsoup4 @ file:///home/conda/feedstock_root/build_artifacts/beautifulsoup4_1680888073205/work
46
+ bidict==0.22.1
47
+ biopython==1.81
48
+ blake3==0.2.1
49
+ bleach @ file:///home/conda/feedstock_root/build_artifacts/bleach_1674535352125/work
50
+ blessed==1.20.0
51
+ blinker==1.6.2
52
+ blis @ file:///home/conda/feedstock_root/build_artifacts/cython-blis_1668499088869/work
53
+ blosc2==2.0.0
54
+ bokeh==3.1.1
55
+ boltons @ file:///home/conda/feedstock_root/build_artifacts/boltons_1677499911949/work
56
+ Boruta==0.3
57
+ boto3==1.26.100
58
+ botocore==1.29.76
59
+ -e git+https://github.com/SohierDane/BigQuery_Helper@8615a7f6c1663e7f2d48aa2b32c2dbcb600a440f#egg=bq_helper
60
+ bqplot==0.12.39
61
+ branca==0.6.0
62
+ brewer2mpl==1.4.1
63
+ brotlipy==0.7.0
64
+ cached-property==1.5.2
65
+ cachetools==4.2.4
66
+ Cartopy @ file:///home/conda/feedstock_root/build_artifacts/cartopy_1679097974681/work
67
+ catalogue @ file:///home/conda/feedstock_root/build_artifacts/catalogue_1666891892909/work
68
+ catalyst==22.4
69
+ catboost==1.2
70
+ category-encoders==2.6.1
71
+ certifi==2023.5.7
72
+ cesium==0.12.1
73
+ cffi @ file:///home/conda/feedstock_root/build_artifacts/cffi_1671179353105/work
74
+ cftime==1.6.2
75
+ charset-normalizer @ file:///home/conda/feedstock_root/build_artifacts/charset-normalizer_1661170624537/work
76
+ chex==0.1.7
77
+ cleverhans==4.0.0
78
+ click @ file:///home/conda/feedstock_root/build_artifacts/click_1666798198223/work
79
+ click-plugins==1.1.1
80
+ cligj==0.7.2
81
+ cloud-tpu-client==0.10
82
+ cloud-tpu-profiler==2.4.0
83
+ cloudpickle @ file:///home/conda/feedstock_root/build_artifacts/cloudpickle_1674202310934/work
84
+ cmaes==0.9.1
85
+ cmdstanpy==1.1.0
86
+ cmudict==1.0.13
87
+ colorama @ file:///home/conda/feedstock_root/build_artifacts/colorama_1666700638685/work
88
+ colorcet==3.0.1
89
+ colorful==0.5.5
90
+ colorlog==6.7.0
91
+ colorlover==0.3.0
92
+ comm @ file:///home/conda/feedstock_root/build_artifacts/comm_1679481329611/work
93
+ commonmark==0.9.1
94
+ conda==23.3.1
95
+ conda-content-trust @ file:///tmp/build/80754af9/conda-content-trust_1617045594566/work
96
+ conda-package-handling @ file:///home/conda/feedstock_root/build_artifacts/conda-package-handling_1669907009957/work
97
+ conda_package_streaming @ file:///home/conda/feedstock_root/build_artifacts/conda-package-streaming_1669733752472/work
98
+ confection @ file:///home/conda/feedstock_root/build_artifacts/confection_1673621475775/work
99
+ contextily==1.3.0
100
+ contourpy @ file:///home/conda/feedstock_root/build_artifacts/contourpy_1673633665736/work
101
+ convertdate==2.4.0
102
+ crcmod==1.7
103
+ cryptography @ file:///home/conda/feedstock_root/build_artifacts/cryptography-split_1681508581703/work
104
+ cubinlinker @ file:///home/conda/feedstock_root/build_artifacts/cubinlinker_1684752888972/work
105
+ cuda-python @ file:///opt/conda/conda-bld/cuda-python_1684125314189/work
106
+ cudf==23.6.0
107
+ cufflinks==0.17.3
108
+ cuml==23.6.0
109
+ cupy @ file:///home/conda/feedstock_root/build_artifacts/cupy_1686195286566/work
110
+ CVXcanon==0.1.2
111
+ cycler @ file:///home/conda/feedstock_root/build_artifacts/cycler_1635519461629/work
112
+ cymem @ file:///home/conda/feedstock_root/build_artifacts/cymem_1666909672496/work
113
+ cysignals==1.11.2
114
+ Cython==0.29.34
115
+ cytoolz @ file:///home/conda/feedstock_root/build_artifacts/cytoolz_1666829662037/work
116
+ daal==2023.1.1
117
+ daal4py==2023.1.1
118
+ dask==2023.6.0
119
+ dask-cuda @ file:///opt/conda/conda-bld/work
120
+ dask-cudf==23.6.0
121
+ dataclasses @ file:///home/conda/feedstock_root/build_artifacts/dataclasses_1628958434797/work
122
+ dataclasses-json==0.5.8
123
+ datasets==2.1.0
124
+ datashader==0.15.0
125
+ datashape==0.5.2
126
+ datatile==1.0.3
127
+ db-dtypes==1.1.1
128
+ deap==1.3.3
129
+ debugpy @ file:///home/conda/feedstock_root/build_artifacts/debugpy_1680755465990/work
130
+ decorator @ file:///home/conda/feedstock_root/build_artifacts/decorator_1641555617451/work
131
+ defusedxml @ file:///home/conda/feedstock_root/build_artifacts/defusedxml_1615232257335/work
132
+ Delorean==1.0.0
133
+ deprecat==2.1.1
134
+ Deprecated==1.2.13
135
+ deprecation==2.1.0
136
+ descartes==1.1.0
137
+ dill==0.3.6
138
+ dipy==1.7.0
139
+ distlib==0.3.6
140
+ distributed @ file:///home/conda/feedstock_root/build_artifacts/distributed_1680715567006/work
141
+ dm-tree==0.1.8
142
+ docker==6.1.1
143
+ docker-pycreds==0.4.0
144
+ docopt==0.6.2
145
+ docstring-parser==0.15
146
+ docstring-to-markdown==0.12
147
+ docutils==0.20.1
148
+ earthengine-api==0.1.356
149
+ easydict==1.10
150
+ easyocr==1.7.0
151
+ ecos==2.0.12
152
+ eli5==0.13.0
153
+ emoji==2.5.0
154
+ en-core-web-lg @ https://github.com/explosion/spacy-models/releases/download/en_core_web_lg-3.5.0/en_core_web_lg-3.5.0-py3-none-any.whl#sha256=c8ac64840c1eb3e3ca7bd38bd1e1c48fb0faeb2449d54d01d5ce629af4595775
155
+ en-core-web-sm @ https://github.com/explosion/spacy-models/releases/download/en_core_web_sm-3.5.0/en_core_web_sm-3.5.0-py3-none-any.whl#sha256=0964370218b7e1672a30ac50d72cdc6b16f7c867496f1d60925691188f4d2510
156
+ entrypoints @ file:///home/conda/feedstock_root/build_artifacts/entrypoints_1643888246732/work
157
+ ephem==4.1.4
158
+ esda==2.4.3
159
+ essentia==2.1b6.dev1034
160
+ et-xmlfile==1.1.0
161
+ etils==1.2.0
162
+ exceptiongroup==1.1.1
163
+ executing @ file:///home/conda/feedstock_root/build_artifacts/executing_1667317341051/work
164
+ explainable-ai-sdk==1.3.3
165
+ fastai==2.7.12
166
+ fastapi==0.95.1
167
+ fastavro==1.7.4
168
+ fastcore==1.5.29
169
+ fastdownload==0.0.7
170
+ fasteners==0.18
171
+ fastjsonschema @ file:///home/conda/feedstock_root/build_artifacts/python-fastjsonschema_1677336799617/work/dist
172
+ fastprogress==1.0.3
173
+ fastrlock==0.8
174
+ fasttext==0.9.2
175
+ fbpca==1.0
176
+ feather-format==0.4.1
177
+ featuretools==1.26.0
178
+ filelock==3.12.0
179
+ Fiona==1.9.4.post1
180
+ fire==0.5.0
181
+ fitter==1.5.2
182
+ flake8==6.0.0
183
+ flashtext==2.7
184
+ Flask==2.3.2
185
+ flatbuffers==23.3.3
186
+ flax==0.6.10
187
+ flit_core @ file:///home/conda/feedstock_root/build_artifacts/flit-core_1667734568827/work/source/flit_core
188
+ folium==0.14.0
189
+ fonttools==4.39.3
190
+ fqdn==1.5.1
191
+ frozendict==2.3.8
192
+ frozenlist @ file:///home/conda/feedstock_root/build_artifacts/frozenlist_1667935435842/work
193
+ fsspec @ file:///home/conda/feedstock_root/build_artifacts/fsspec_1686342280219/work
194
+ funcy==2.0
195
+ fury==0.9.0
196
+ future @ file:///home/conda/feedstock_root/build_artifacts/future_1673596611778/work
197
+ fuzzywuzzy==0.18.0
198
+ gast==0.4.0
199
+ gatspy==0.3
200
+ gcsfs==2023.5.0
201
+ gdown==4.7.1
202
+ gensim==4.3.1
203
+ geographiclib==2.0
204
+ Geohash==1.0
205
+ geojson==3.0.1
206
+ geopandas==0.13.2
207
+ geoplot==0.5.1
208
+ geopy==2.3.0
209
+ geoviews==1.10.0
210
+ ggplot @ https://github.com/hbasria/ggpy/archive/0.11.5.zip#sha256=7df947ba3fd86d3757686afec264785ad8df38dc50ffb2d2d31064fb355f69b1
211
+ giddy==2.3.4
212
+ gitdb==4.0.10
213
+ GitPython==3.1.31
214
+ google-api-core==1.33.2
215
+ google-api-python-client==2.88.0
216
+ google-apitools==0.5.31
217
+ google-auth==2.17.3
218
+ google-auth-httplib2==0.1.0
219
+ google-auth-oauthlib==1.0.0
220
+ google-cloud-aiplatform==0.6.0a1
221
+ google-cloud-artifact-registry==1.8.1
222
+ google-cloud-automl==1.0.1
223
+ google-cloud-bigquery==2.34.4
224
+ google-cloud-bigtable==1.7.3
225
+ google-cloud-core==2.3.2
226
+ google-cloud-datastore==2.15.2
227
+ google-cloud-dlp==3.12.1
228
+ google-cloud-language==2.6.1
229
+ google-cloud-monitoring==2.14.2
230
+ google-cloud-pubsub==2.16.1
231
+ google-cloud-pubsublite==1.8.1
232
+ google-cloud-recommendations-ai==0.7.1
233
+ google-cloud-resource-manager==1.10.0
234
+ google-cloud-spanner==3.33.0
235
+ google-cloud-storage==1.44.0
236
+ google-cloud-translate==3.8.4
237
+ google-cloud-videointelligence==2.8.3
238
+ google-cloud-vision==2.8.0
239
+ google-crc32c==1.5.0
240
+ google-pasta==0.2.0
241
+ google-resumable-media==2.5.0
242
+ googleapis-common-protos==1.57.1
243
+ gplearn==0.4.2
244
+ gpustat==1.0.0
245
+ gpxpy==1.5.0
246
+ graphviz==0.20.1
247
+ greenlet==2.0.2
248
+ grpc-google-iam-v1==0.12.6
249
+ grpcio @ file:///home/conda/feedstock_root/build_artifacts/grpc-split_1677499296072/work
250
+ grpcio-status @ file:///home/conda/feedstock_root/build_artifacts/grpcio-status_1662108958711/work
251
+ gviz-api==1.10.0
252
+ gym==0.26.2
253
+ gym-notices==0.0.8
254
+ Gymnasium==0.26.3
255
+ gymnasium-notices==0.0.1
256
+ h11==0.14.0
257
+ h2o==3.40.0.4
258
+ h5py==3.8.0
259
+ haversine==2.8.0
260
+ hdfs==2.7.0
261
+ hep-ml==0.7.2
262
+ hijri-converter==2.3.1
263
+ hmmlearn==0.3.0
264
+ holidays==0.24
265
+ holoviews==1.16.2
266
+ hpsklearn==0.1.0
267
+ html5lib==1.1
268
+ htmlmin==0.1.12
269
+ httplib2==0.21.0
270
+ httptools==0.5.0
271
+ huggingface-hub==0.15.1
272
+ humanize==4.6.0
273
+ hunspell==0.5.5
274
+ husl==4.0.3
275
+ hydra-slayer==0.4.1
276
+ hyperopt==0.2.7
277
+ HyperPyYAML==1.2.1
278
+ hypertools==0.8.0
279
+ ibis-framework==5.1.0
280
+ idna @ file:///home/conda/feedstock_root/build_artifacts/idna_1663625384323/work
281
+ igraph==0.10.4
282
+ imagecodecs==2023.3.16
283
+ ImageHash==4.3.1
284
+ imageio==2.28.1
285
+ imbalanced-learn==0.10.1
286
+ imgaug==0.4.0
287
+ implicit @ file:///home/conda/feedstock_root/build_artifacts/implicit_1643471607379/work
288
+ importlib-metadata==5.2.0
289
+ importlib-resources @ file:///home/conda/feedstock_root/build_artifacts/importlib_resources_1676919000169/work
290
+ inequality==1.0.0
291
+ iniconfig==2.0.0
292
+ ipydatawidgets==4.3.4
293
+ ipykernel @ file:///home/conda/feedstock_root/build_artifacts/ipykernel_1683553336538/work
294
+ ipyleaflet==0.17.3
295
+ ipympl==0.7.0
296
+ ipython @ file:///home/conda/feedstock_root/build_artifacts/ipython_1683225895562/work
297
+ ipython-genutils==0.2.0
298
+ ipython-sql==0.5.0
299
+ ipyvolume==0.6.3
300
+ ipyvue==1.9.1
301
+ ipyvuetify==1.8.10
302
+ ipywebrtc==0.6.0
303
+ ipywidgets==7.7.1
304
+ isoduration==20.11.0
305
+ isort==5.12.0
306
+ isoweek==1.3.3
307
+ itsdangerous==2.1.2
308
+ Janome==0.4.2
309
+ jaraco.classes==3.2.3
310
+ jax==0.4.8
311
+ jaxlib==0.4.7+cuda11.cudnn86
312
+ jedi @ file:///home/conda/feedstock_root/build_artifacts/jedi_1669134318875/work
313
+ jeepney==0.8.0
314
+ jieba==0.42.1
315
+ Jinja2 @ file:///home/conda/feedstock_root/build_artifacts/jinja2_1654302431367/work
316
+ jmespath==1.0.1
317
+ joblib @ file:///home/conda/feedstock_root/build_artifacts/joblib_1663332044897/work
318
+ json5==0.9.11
319
+ jsonlines==3.1.0
320
+ jsonpatch @ file:///home/conda/feedstock_root/build_artifacts/jsonpatch_1632759296524/work
321
+ jsonpointer==2.0
322
+ jsonschema @ file:///home/conda/feedstock_root/build_artifacts/jsonschema-meta_1669810440410/work
323
+ jupyter-console==6.6.3
324
+ jupyter-events @ file:///home/conda/feedstock_root/build_artifacts/jupyter_events_1673559782596/work
325
+ jupyter-http-over-ws==0.0.8
326
+ jupyter-lsp==1.5.1
327
+ jupyter-server-mathjax==0.2.6
328
+ jupyter-ydoc==0.2.4
329
+ jupyter_client==7.4.9
330
+ jupyter_core @ file:///home/conda/feedstock_root/build_artifacts/jupyter_core_1678994169527/work
331
+ jupyter_server @ file:///home/conda/feedstock_root/build_artifacts/jupyter_server_1679073341944/work
332
+ jupyter_server_fileid==0.9.0
333
+ jupyter_server_proxy==4.0.0
334
+ jupyter_server_terminals @ file:///home/conda/feedstock_root/build_artifacts/jupyter_server_terminals_1673491454549/work
335
+ jupyter_server_ydoc==0.8.0
336
+ jupyterlab==3.6.4
337
+ jupyterlab-git==0.41.0
338
+ jupyterlab-lsp==4.2.0
339
+ jupyterlab-pygments @ file:///home/conda/feedstock_root/build_artifacts/jupyterlab_pygments_1649936611996/work
340
+ jupyterlab-widgets==3.0.7
341
+ jupyterlab_server==2.22.1
342
+ jupytext==1.14.5
343
+ kaggle==1.5.13
344
+ kaggle-environments==1.12.0
345
+ keras==2.12.0
346
+ keras-tuner==1.3.5
347
+ keyring==23.13.1
348
+ keyrings.google-artifactregistry-auth==1.1.2
349
+ kfp==1.8.21
350
+ kfp-pipeline-spec==0.1.16
351
+ kfp-server-api==1.8.5
352
+ kiwisolver @ file:///home/conda/feedstock_root/build_artifacts/kiwisolver_1666805701884/work
353
+ kmapper==2.0.1
354
+ kmodes==0.12.2
355
+ korean-lunar-calendar==0.3.1
356
+ kornia==0.6.12
357
+ kt-legacy==1.0.5
358
+ kubernetes==25.3.0
359
+ langcodes @ file:///home/conda/feedstock_root/build_artifacts/langcodes_1636741340529/work
360
+ langid==1.1.6
361
+ lazy-object-proxy==1.9.0
362
+ lazy_loader==0.2
363
+ learntools @ git+https://github.com/Kaggle/learntools@69bc6daec79619690e758841dc2df35708d226c8
364
+ leven==1.0.4
365
+ Levenshtein==0.21.1
366
+ libclang==16.0.0
367
+ libmambapy @ file:///home/conda/feedstock_root/build_artifacts/mamba-split_1680791035685/work/libmambapy
368
+ libpysal==4.7.0
369
+ librosa==0.10.0.post2
370
+ lightgbm @ file:///tmp/lightgbm/lightgbm-3.3.2-py3-none-any.whl#sha256=54af6814e8e82596cb886f2025b8b020c2ead19b7b956525285565b101b8cd51
371
+ lightning-utilities==0.8.0
372
+ lime==0.2.0.1
373
+ line-profiler==4.0.3
374
+ linkify-it-py==2.0.2
375
+ llvmlite==0.40.0
376
+ lml==0.1.0
377
+ locket @ file:///home/conda/feedstock_root/build_artifacts/locket_1650660393415/work
378
+ LunarCalendar==0.0.9
379
+ lxml==4.9.2
380
+ lz4 @ file:///home/conda/feedstock_root/build_artifacts/lz4_1675806673645/work
381
+ Mako==1.2.4
382
+ mamba @ file:///home/conda/feedstock_root/build_artifacts/mamba-split_1680791035685/work/mamba
383
+ mapclassify==2.5.0
384
+ marisa-trie==0.8.0
385
+ Markdown==3.4.3
386
+ markdown-it-py==2.2.0
387
+ markovify==0.9.4
388
+ MarkupSafe @ file:///home/conda/feedstock_root/build_artifacts/markupsafe_1674135787083/work
389
+ marshmallow==3.19.0
390
+ marshmallow-enum==1.5.1
391
+ matplotlib==3.6.3
392
+ matplotlib-inline @ file:///home/conda/feedstock_root/build_artifacts/matplotlib-inline_1660814786464/work
393
+ matplotlib-venn==0.11.9
394
+ mccabe==0.7.0
395
+ mdit-py-plugins==0.3.5
396
+ mdurl==0.1.2
397
+ memory-profiler==0.61.0
398
+ mercantile==1.2.1
399
+ mgwr==2.1.2
400
+ missingno==0.5.2
401
+ mistune==0.8.4
402
+ mizani==0.9.2
403
+ ml-dtypes==0.1.0
404
+ mlcrate==0.2.0
405
+ mlens==0.2.3
406
+ mlxtend==0.22.0
407
+ mmh3==4.0.0
408
+ mne==1.4.2
409
+ mnist==0.2.2
410
+ mock==5.0.2
411
+ momepy==0.6.0
412
+ more-itertools==9.1.0
413
+ mpld3==0.5.9
414
+ mpmath==1.3.0
415
+ msgpack @ file:///home/conda/feedstock_root/build_artifacts/msgpack-python_1678312712169/work
416
+ msgpack-numpy==0.4.8
417
+ multidict @ file:///home/conda/feedstock_root/build_artifacts/multidict_1672339403932/work
418
+ multimethod==1.9.1
419
+ multipledispatch==0.6.0
420
+ multiprocess==0.70.14
421
+ munkres==1.1.4
422
+ murmurhash @ file:///home/conda/feedstock_root/build_artifacts/murmurhash_1666946151787/work
423
+ mypy-extensions==1.0.0
424
+ nb-conda @ file:///home/conda/feedstock_root/build_artifacts/nb_conda_1654442778977/work
425
+ nb-conda-kernels @ file:///home/conda/feedstock_root/build_artifacts/nb_conda_kernels_1667060632461/work
426
+ nbclassic @ file:///home/conda/feedstock_root/build_artifacts/nbclassic_1683202085119/work
427
+ nbclient==0.5.13
428
+ nbconvert==6.4.5
429
+ nbdime==3.2.0
430
+ nbformat @ file:///home/conda/feedstock_root/build_artifacts/nbformat_1679336765223/work
431
+ nest-asyncio @ file:///home/conda/feedstock_root/build_artifacts/nest-asyncio_1664684991461/work
432
+ netCDF4==1.6.4
433
+ networkx==3.1
434
+ nibabel==5.1.0
435
+ nilearn==0.10.1
436
+ ninja==1.11.1
437
+ nltk==3.2.4
438
+ nose==1.3.7
439
+ notebook @ file:///home/conda/feedstock_root/build_artifacts/notebook_1680870634737/work
440
+ notebook-executor @ file:///home/kbuilder/miniconda3/conda-bld/dlenv-tf-2-12-gpu_1683597552195/work/packages/notebook_executor
441
+ notebook_shim @ file:///home/conda/feedstock_root/build_artifacts/notebook-shim_1682360583588/work
442
+ numba @ file:///home/conda/feedstock_root/build_artifacts/numba_1685544866904/work
443
+ numexpr==2.8.4
444
+ numpy==1.23.5
445
+ nvidia-ml-py==11.495.46
446
+ nvtx @ file:///home/conda/feedstock_root/build_artifacts/nvtx_1682005264204/work
447
+ oauth2client==4.1.3
448
+ oauthlib==3.2.2
449
+ objsize==0.6.1
450
+ odfpy==1.4.1
451
+ olefile==0.46
452
+ onnx==1.14.0
453
+ opencensus==0.11.2
454
+ opencensus-context==0.1.3
455
+ opencv-contrib-python==4.7.0.72
456
+ opencv-python==4.7.0.72
457
+ opencv-python-headless==4.7.0.72
458
+ openpyxl==3.1.2
459
+ openslide-python==1.2.0
460
+ opentelemetry-api==1.17.0
461
+ opentelemetry-exporter-otlp==1.17.0
462
+ opentelemetry-exporter-otlp-proto-grpc==1.17.0
463
+ opentelemetry-exporter-otlp-proto-http==1.17.0
464
+ opentelemetry-proto==1.17.0
465
+ opentelemetry-sdk==1.17.0
466
+ opentelemetry-semantic-conventions==0.38b0
467
+ opt-einsum==3.3.0
468
+ optax==0.1.5
469
+ optuna==3.2.0
470
+ orbax-checkpoint==0.2.2
471
+ orderedmultidict==1.0.1
472
+ orjson==3.8.12
473
+ ortools==9.4.1874
474
+ osmnx==1.1.1
475
+ overrides==6.5.0
476
+ packaging==21.3
477
+ pandas==1.5.3
478
+ pandas-datareader==0.10.0
479
+ pandas-profiling==3.6.6
480
+ pandas-summary==0.2.0
481
+ pandasql==0.7.3
482
+ pandocfilters @ file:///home/conda/feedstock_root/build_artifacts/pandocfilters_1631603243851/work
483
+ panel==1.1.0
484
+ papermill==2.4.0
485
+ param==1.13.0
486
+ parso @ file:///home/conda/feedstock_root/build_artifacts/parso_1638334955874/work
487
+ parsy==2.1
488
+ partd @ file:///home/conda/feedstock_root/build_artifacts/partd_1681246756246/work
489
+ path==16.6.0
490
+ path.py==12.5.0
491
+ pathos==0.3.0
492
+ pathtools==0.1.2
493
+ pathy @ file:///croot/pathy_1674585914374/work
494
+ patsy==0.5.3
495
+ pdf2image==1.16.3
496
+ pexpect @ file:///home/conda/feedstock_root/build_artifacts/pexpect_1667297516076/work
497
+ phik==0.12.3
498
+ pickleshare @ file:///home/conda/feedstock_root/build_artifacts/pickleshare_1602536217715/work
499
+ Pillow @ file:///home/conda/feedstock_root/build_artifacts/pillow_1680694272008/work
500
+ pkgutil_resolve_name @ file:///home/conda/feedstock_root/build_artifacts/pkgutil-resolve-name_1633981968097/work
501
+ platformdirs @ file:///home/conda/feedstock_root/build_artifacts/platformdirs_1682644429438/work
502
+ plotly==5.14.1
503
+ plotly-express==0.4.1
504
+ plotnine==0.10.1
505
+ pluggy @ file:///home/conda/feedstock_root/build_artifacts/pluggy_1667232663820/work
506
+ pointpats==2.3.0
507
+ polars==0.18.2
508
+ polyglot==16.7.4
509
+ pooch==1.6.0
510
+ pox==0.3.2
511
+ ppca==0.0.4
512
+ ppft==1.7.6.6
513
+ preprocessing==0.1.13
514
+ preshed @ file:///home/conda/feedstock_root/build_artifacts/preshed_1666991224827/work
515
+ prettytable==3.7.0
516
+ progressbar2==4.2.0
517
+ prometheus-client @ file:///home/conda/feedstock_root/build_artifacts/prometheus_client_1674535637125/work
518
+ promise==2.3
519
+ prompt-toolkit @ file:///home/conda/feedstock_root/build_artifacts/prompt-toolkit_1677600924538/work
520
+ pronouncing==0.2.0
521
+ prophet==1.1.1
522
+ proto-plus @ file:///home/conda/feedstock_root/build_artifacts/proto-plus_1673334163294/work
523
+ protobuf==3.20.3
524
+ psutil==5.9.3
525
+ ptxcompiler @ file:///home/conda/feedstock_root/build_artifacts/ptxcompiler_1684528370140/work
526
+ ptyprocess @ file:///home/conda/feedstock_root/build_artifacts/ptyprocess_1609419310487/work/dist/ptyprocess-0.7.0-py2.py3-none-any.whl
527
+ pudb==2022.1.3
528
+ PuLP==2.7.0
529
+ pure-eval @ file:///home/conda/feedstock_root/build_artifacts/pure_eval_1642875951954/work
530
+ py-cpuinfo==9.0.0
531
+ py-lz4framed==0.14.0
532
+ py-spy==0.3.14
533
+ py4j==0.10.9.7
534
+ pyaml==23.5.9
535
+ PyArabic==0.6.15
536
+ pyarrow==11.0.0
537
+ pyasn1==0.4.8
538
+ pyasn1-modules==0.2.7
539
+ PyAstronomy==0.19.0
540
+ pybind11==2.10.4
541
+ pyclipper==1.3.0.post4
542
+ pycodestyle==2.10.0
543
+ pycolmap @ file:///home/conda/feedstock_root/build_artifacts/pycolmap_1684621279577/work
544
+ pycosat @ file:///home/conda/feedstock_root/build_artifacts/pycosat_1666836542287/work
545
+ pycparser @ file:///tmp/build/80754af9/pycparser_1636541352034/work
546
+ pycryptodome==3.18.0
547
+ pyct==0.5.0
548
+ pycuda==2022.2.2
549
+ pydantic==1.10.7
550
+ pydegensac==0.1.2
551
+ pydicom==2.3.1
552
+ pydocstyle==6.3.0
553
+ pydot==1.4.2
554
+ pydub==0.25.1
555
+ pyemd==1.0.0
556
+ pyerfa==2.0.0.3
557
+ pyexcel-io==0.6.6
558
+ pyexcel-ods==0.6.0
559
+ pyfasttext==0.4.6
560
+ pyflakes==3.0.1
561
+ pygltflib==1.15.6
562
+ Pygments @ file:///home/conda/feedstock_root/build_artifacts/pygments_1681904169130/work
563
+ PyJWT==2.6.0
564
+ pykalman==0.9.5
565
+ pyLDAvis==3.2.2
566
+ pylibraft==23.6.1
567
+ pylint==2.17.4
568
+ pymc3==3.11.5
569
+ PyMeeus==0.5.12
570
+ pymongo==3.13.0
571
+ Pympler==1.0.1
572
+ pynndescent==0.5.10
573
+ pynvml @ file:///home/conda/feedstock_root/build_artifacts/pynvml_1639061605391/work
574
+ pynvrtc==9.2
575
+ pyocr==0.8.3
576
+ pyOpenSSL @ file:///home/conda/feedstock_root/build_artifacts/pyopenssl_1680037383858/work
577
+ pyparsing @ file:///home/conda/feedstock_root/build_artifacts/pyparsing_1652235407899/work
578
+ pypdf==3.9.1
579
+ pyproj @ file:///home/conda/feedstock_root/build_artifacts/pyproj_1686592534527/work
580
+ pyrsistent @ file:///home/conda/feedstock_root/build_artifacts/pyrsistent_1672681463845/work
581
+ pysal==23.1
582
+ pyshp @ file:///home/conda/feedstock_root/build_artifacts/pyshp_1659002966020/work
583
+ PySocks @ file:///home/builder/ci_310/pysocks_1640793678128/work
584
+ pytesseract==0.3.10
585
+ pytest==7.3.2
586
+ python-bidi==0.4.2
587
+ python-dateutil @ file:///home/conda/feedstock_root/build_artifacts/python-dateutil_1626286286081/work
588
+ python-dotenv==1.0.0
589
+ python-igraph==0.10.4
590
+ python-json-logger @ file:///home/conda/feedstock_root/build_artifacts/python-json-logger_1677079630776/work
591
+ python-Levenshtein==0.21.1
592
+ python-louvain==0.16
593
+ python-lsp-jsonrpc==1.0.0
594
+ python-lsp-server==1.7.3
595
+ python-slugify==8.0.1
596
+ python-utils==3.6.0
597
+ pythreejs==2.4.2
598
+ pytoolconfig==1.2.5
599
+ pytools==2022.1.14
600
+ pytorch-ignite==0.4.12
601
+ pytorch-lightning==2.0.3
602
+ pytz @ file:///home/conda/feedstock_root/build_artifacts/pytz_1680088766131/work
603
+ pyu2f @ file:///home/conda/feedstock_root/build_artifacts/pyu2f_1604248910016/work
604
+ PyUpSet==0.1.1.post7
605
+ pyviz-comms==2.3.1
606
+ PyWavelets==1.4.1
607
+ PyYAML==5.4.1
608
+ pyzmq @ file:///home/conda/feedstock_root/build_artifacts/pyzmq_1679316826707/work
609
+ qgrid==1.3.1
610
+ qtconsole==5.4.3
611
+ QtPy==2.3.1
612
+ quantecon==0.7.1
613
+ quantities==0.14.1
614
+ qudida==0.0.4
615
+ raft-dask==23.6.1
616
+ randomgen==1.23.1
617
+ rapidfuzz==3.1.1
618
+ rasterio==1.3.7
619
+ rasterstats==0.19.0
620
+ ray==2.4.0
621
+ ray-cpp==2.4.0
622
+ regex==2023.5.5
623
+ requests==2.28.2
624
+ requests-oauthlib==1.3.1
625
+ requests-toolbelt==0.10.1
626
+ responses==0.18.0
627
+ retrying==1.3.3
628
+ rfc3339-validator @ file:///home/conda/feedstock_root/build_artifacts/rfc3339-validator_1638811747357/work
629
+ rfc3986-validator @ file:///home/conda/feedstock_root/build_artifacts/rfc3986-validator_1598024191506/work
630
+ rgf-python==3.12.0
631
+ rich @ file:///home/conda/feedstock_root/build_artifacts/rich_1664752510089/work
632
+ rmm==23.6.0
633
+ rope==1.8.0
634
+ rsa @ file:///home/conda/feedstock_root/build_artifacts/rsa_1658328885051/work
635
+ Rtree==1.0.1
636
+ ruamel-yaml-conda @ file:///home/builder/ci_310/ruamel_yaml_1640794439226/work
637
+ ruamel.yaml @ file:///home/conda/feedstock_root/build_artifacts/ruamel.yaml_1683392649173/work
638
+ ruamel.yaml.clib @ file:///home/conda/feedstock_root/build_artifacts/ruamel.yaml.clib_1670412719074/work
639
+ s2sphere==0.2.5
640
+ s3fs==2023.6.0
641
+ s3transfer==0.6.1
642
+ safetensors==0.3.1
643
+ scattertext==0.1.19
644
+ scikit-image==0.20.0
645
+ scikit-learn==1.2.2
646
+ scikit-learn-intelex==2023.1.1
647
+ scikit-multilearn==0.2.0
648
+ scikit-optimize==0.9.0
649
+ scikit-plot==0.3.7
650
+ scikit-surprise==1.1.3
651
+ scipy==1.10.1
652
+ seaborn==0.12.2
653
+ SecretStorage==3.3.3
654
+ segment-anything @ git+https://github.com/facebookresearch/segment-anything.git@6fdee8f2727f4506cfbbe553e23b895e27956588
655
+ segregation==2.4.2
656
+ semver==3.0.0
657
+ Send2Trash @ file:///home/conda/feedstock_root/build_artifacts/send2trash_1682601222253/work
658
+ sentencepiece==0.1.99
659
+ sentry-sdk==1.25.1
660
+ setproctitle==1.3.2
661
+ setuptools-git==1.2
662
+ setuptools-scm==7.1.0
663
+ shap==0.41.0
664
+ Shapely==1.8.5.post1
665
+ shellingham @ file:///home/conda/feedstock_root/build_artifacts/shellingham_1676292972954/work
666
+ simpervisor==0.4
667
+ SimpleITK==2.2.1
668
+ simplejson==3.19.1
669
+ six @ file:///tmp/build/80754af9/six_1644875935023/work
670
+ sklearn-pandas==2.2.0
671
+ slicer==0.0.7
672
+ smart-open @ file:///home/conda/feedstock_root/build_artifacts/smart_open_split_1673202927732/work/dist
673
+ smhasher==0.150.1
674
+ smmap==5.0.0
675
+ sniffio @ file:///home/conda/feedstock_root/build_artifacts/sniffio_1662051266223/work
676
+ snowballstemmer==2.2.0
677
+ snuggs==1.4.7
678
+ sortedcontainers @ file:///home/conda/feedstock_root/build_artifacts/sortedcontainers_1621217038088/work
679
+ soundfile==0.12.1
680
+ soupsieve @ file:///home/conda/feedstock_root/build_artifacts/soupsieve_1658207591808/work
681
+ soxr==0.3.5
682
+ spacy @ file:///home/conda/feedstock_root/build_artifacts/spacy_1684226337030/work
683
+ spacy-legacy @ file:///home/conda/feedstock_root/build_artifacts/spacy-legacy_1674550301837/work
684
+ spacy-loggers @ file:///home/conda/feedstock_root/build_artifacts/spacy-loggers_1672303484730/work
685
+ spaghetti==1.7.3
686
+ spectral==0.23.1
687
+ speechbrain==0.5.14
688
+ spglm==1.0.8
689
+ sphinx-rtd-theme==0.2.4
690
+ spint==1.0.7
691
+ splot==1.1.5.post1
692
+ spopt==0.5.0
693
+ spreg==1.3.2
694
+ spvcm==0.3.0
695
+ SQLAlchemy==2.0.12
696
+ sqlglot==11.7.1
697
+ sqlparse==0.4.4
698
+ squarify==0.4.3
699
+ srsly @ file:///home/conda/feedstock_root/build_artifacts/srsly_1677657434449/work
700
+ stack-data @ file:///home/conda/feedstock_root/build_artifacts/stack_data_1669632077133/work
701
+ starlette==0.26.1
702
+ statsmodels==0.13.5
703
+ stemming==1.0.1
704
+ stop-words==2018.7.23
705
+ stopit==1.1.2
706
+ strip-hints==0.1.10
707
+ stumpy==1.11.1
708
+ sympy==1.12
709
+ tables==3.8.0
710
+ tabulate==0.9.0
711
+ tangled-up-in-unicode==0.2.0
712
+ tbb==2021.9.0
713
+ tblib @ file:///home/conda/feedstock_root/build_artifacts/tblib_1616261298899/work
714
+ tenacity==8.2.2
715
+ tensorboard==2.12.3
716
+ tensorboard-data-server==0.7.0
717
+ tensorboard-plugin-profile==2.11.2
718
+ tensorboardX==2.6
719
+ tensorflow==2.12.0
720
+ tensorflow-addons==0.20.0
721
+ tensorflow-cloud==0.1.16
722
+ tensorflow-datasets==4.9.2
723
+ tensorflow-decision-forests==1.3.0
724
+ tensorflow-estimator==2.12.0
725
+ tensorflow-gcs-config==2.12.0
726
+ tensorflow-hub==0.12.0
727
+ tensorflow-io==0.31.0
728
+ tensorflow-io-gcs-filesystem==0.31.0
729
+ tensorflow-metadata==0.14.0
730
+ tensorflow-probability==0.20.0
731
+ tensorflow-serving-api==2.12.1
732
+ tensorflow-text==2.12.1
733
+ tensorflow-transform==0.14.0
734
+ tensorflowjs==3.15.0
735
+ tensorpack==0.11
736
+ tensorstore==0.1.37
737
+ termcolor==2.3.0
738
+ terminado @ file:///home/conda/feedstock_root/build_artifacts/terminado_1670253674810/work
739
+ testpath==0.6.0
740
+ text-unidecode==1.3
741
+ textblob==0.17.1
742
+ texttable==1.6.7
743
+ textwrap3==0.9.2
744
+ Theano==1.0.5
745
+ Theano-PyMC==1.1.2
746
+ thinc @ file:///home/conda/feedstock_root/build_artifacts/thinc_1683130983739/work
747
+ threadpoolctl==3.1.0
748
+ tifffile==2023.4.12
749
+ timm==0.9.2
750
+ tinycss2 @ file:///home/conda/feedstock_root/build_artifacts/tinycss2_1666100256010/work
751
+ tobler==0.10
752
+ tokenizers==0.13.3
753
+ toml==0.10.2
754
+ tomli==2.0.1
755
+ tomlkit==0.11.8
756
+ toolz @ file:///home/conda/feedstock_root/build_artifacts/toolz_1657485559105/work
757
+ torch @ file:///tmp/torch/torch-2.0.0-cp310-cp310-linux_x86_64.whl#sha256=3a7abcaa5ae70fd4eb83c2cc43abc8ba94995316c6433e171d7454f107d41b58
758
+ torchaudio @ file:///tmp/torch/torchaudio-2.0.1-cp310-cp310-linux_x86_64.whl#sha256=83e258b68459f1ff64301c19c2fc791a692fd372271abeef8414854aafd03b06
759
+ torchdata==0.6.0
760
+ torchinfo==1.8.0
761
+ torchmetrics==0.11.4
762
+ torchtext @ file:///tmp/torch/torchtext-0.15.1-cp310-cp310-linux_x86_64.whl#sha256=110ca71f44e505c040ea2f41dcaf798cd7de1b55cbedaa6687b9e21eec759844
763
+ torchvision @ file:///tmp/torch/torchvision-0.15.1-cp310-cp310-linux_x86_64.whl#sha256=3b0e4e01ab713c145b7e20684eb79f983e75c8c13034901f21e3e8a36a1b3292
764
+ tornado==6.3.1
765
+ TPOT==0.12.0
766
+ tqdm==4.64.1
767
+ traceml==1.0.8
768
+ traitlets @ file:///home/conda/feedstock_root/build_artifacts/traitlets_1675110562325/work
769
+ traittypes==0.2.1
770
+ transformers==4.30.1
771
+ treelite==3.2.0
772
+ treelite-runtime==3.2.0
773
+ trueskill==0.4.5
774
+ tsfresh==0.20.0
775
+ typeguard==2.13.3
776
+ typer @ file:///home/conda/feedstock_root/build_artifacts/typer_1667832226065/work
777
+ typing-inspect==0.9.0
778
+ typing_extensions @ file:///home/conda/feedstock_root/build_artifacts/typing_extensions_1678559861143/work
779
+ tzlocal==5.0.1
780
+ uc-micro-py==1.0.2
781
+ ucx-py @ file:///opt/conda/conda-bld/work
782
+ ujson==5.8.0
783
+ umap-learn==0.5.3
784
+ unicodedata2 @ file:///home/conda/feedstock_root/build_artifacts/unicodedata2_1667239886688/work
785
+ Unidecode==1.3.6
786
+ update-checker==0.18.0
787
+ uri-template==1.2.0
788
+ uritemplate==3.0.1
789
+ urllib3 @ file:///home/conda/feedstock_root/build_artifacts/urllib3_1678635778344/work
790
+ urwid==2.1.2
791
+ urwid-readline==0.13
792
+ uvicorn==0.22.0
793
+ uvloop==0.17.0
794
+ vaex==4.16.0
795
+ vaex-astro==0.9.3
796
+ vaex-core==4.16.1
797
+ vaex-hdf5==0.14.1
798
+ vaex-jupyter==0.8.1
799
+ vaex-ml==0.18.1
800
+ vaex-server==0.8.1
801
+ vaex-viz==0.5.4
802
+ vecstack==0.4.0
803
+ virtualenv==20.21.0
804
+ visions==0.7.5
805
+ vowpalwabbit==9.8.0
806
+ vtk==9.2.6
807
+ Wand==0.6.11
808
+ wandb==0.15.4
809
+ wasabi @ file:///home/conda/feedstock_root/build_artifacts/wasabi_1686131297168/work
810
+ watchfiles==0.19.0
811
+ wavio==0.0.7
812
+ wcwidth @ file:///home/conda/feedstock_root/build_artifacts/wcwidth_1673864653149/work
813
+ webcolors==1.13
814
+ webencodings==0.5.1
815
+ websocket-client @ file:///home/conda/feedstock_root/build_artifacts/websocket-client_1675567828044/work
816
+ websockets==11.0.3
817
+ Werkzeug==2.3.6
818
+ wfdb==4.1.1
819
+ whatthepatch==1.0.5
820
+ widgetsnbextension==3.6.4
821
+ witwidget==1.8.1
822
+ woodwork==0.24.0
823
+ Wordbatch==1.4.9
824
+ wordcloud==1.9.2
825
+ wordsegment==1.3.1
826
+ wrapt==1.14.1
827
+ wurlitzer==3.0.3
828
+ xarray==2023.5.0
829
+ xarray-einstats==0.5.1
830
+ xgboost==1.7.5
831
+ xvfbwrapper==0.2.9
832
+ xxhash==3.2.0
833
+ xyzservices==2023.5.0
834
+ y-py==0.5.9
835
+ yapf==0.33.0
836
+ yarl @ file:///home/conda/feedstock_root/build_artifacts/yarl_1682426574163/work
837
+ ydata-profiling==4.1.2
838
+ yellowbrick==1.5
839
+ ypy-websocket==0.8.2
840
+ zict @ file:///home/conda/feedstock_root/build_artifacts/zict_1681770155528/work
841
+ zipp @ file:///home/conda/feedstock_root/build_artifacts/zipp_1677313463193/work
842
+ zstandard==0.19.0
843
+
844
+
845
+ 2023-06-18 23:24:04,356 - speechbrain.utils.parameter_transfer - DEBUG - Collecting files (or symlinks) for pretraining in results/better_tokenizer/1986/save/SLURM_tokenizer.
846
+ 2023-06-18 23:24:04,356 - speechbrain.pretrained.fetching - INFO - Fetch 58_unigram.model?dl=1: Using existing file/symlink in results/better_tokenizer/1986/save/SLURM_tokenizer/tokenizer.ckpt.
847
+ 2023-06-18 23:24:04,358 - speechbrain.utils.parameter_transfer - INFO - Loading pretrained files for: tokenizer
848
+ 2023-06-18 23:24:04,366 - speechbrain.utils.checkpoints - INFO - Loading a checkpoint from results/better_tokenizer/1986/save/CKPT+2023-06-16+12-15-08+00
849
+ 2023-06-18 23:24:07,162 - speechbrain.core - INFO - Info: ckpt_interval_minutes arg from hparam file is used
850
+ 2023-06-18 23:24:07,183 - speechbrain.core - INFO - 9.3M trainable parameters in SLU
851
+ 2023-06-18 23:32:35,953 - speechbrain.pretrained.fetching - INFO - Fetch hyperparams.yaml: Delegating to Huggingface hub, source speechbrain/asr-crdnn-rnnlm-librispeech.
852
+ 2023-06-18 23:32:35,959 - urllib3.connectionpool - DEBUG - Resetting dropped connection: huggingface.co
853
+ 2023-06-18 23:32:36,118 - urllib3.connectionpool - DEBUG - https://huggingface.co:443 "HEAD /speechbrain/asr-crdnn-rnnlm-librispeech/resolve/main/hyperparams.yaml HTTP/1.1" 200 0
854
+ 2023-06-18 23:32:36,119 - speechbrain.pretrained.fetching - INFO - Fetch custom.py: Delegating to Huggingface hub, source speechbrain/asr-crdnn-rnnlm-librispeech.
855
+ 2023-06-18 23:32:36,199 - urllib3.connectionpool - DEBUG - https://huggingface.co:443 "HEAD /speechbrain/asr-crdnn-rnnlm-librispeech/resolve/main/custom.py HTTP/1.1" 404 0
856
+ 2023-06-18 23:32:43,019 - speechbrain.utils.parameter_transfer - DEBUG - Collecting files (or symlinks) for pretraining in pretrained_models/EncoderDecoderASR-4e23c27d817b14bb418343bfc4c8ad5c.
857
+ 2023-06-18 23:32:43,020 - speechbrain.pretrained.fetching - INFO - Fetch normalizer.ckpt: Delegating to Huggingface hub, source speechbrain/asr-crdnn-rnnlm-librispeech.
858
+ 2023-06-18 23:32:43,092 - urllib3.connectionpool - DEBUG - https://huggingface.co:443 "HEAD /speechbrain/asr-crdnn-rnnlm-librispeech/resolve/main/normalizer.ckpt HTTP/1.1" 302 0
859
+ 2023-06-18 23:32:43,093 - speechbrain.pretrained.fetching - INFO - Fetch asr.ckpt: Delegating to Huggingface hub, source speechbrain/asr-crdnn-rnnlm-librispeech.
860
+ 2023-06-18 23:32:43,163 - urllib3.connectionpool - DEBUG - https://huggingface.co:443 "HEAD /speechbrain/asr-crdnn-rnnlm-librispeech/resolve/main/asr.ckpt HTTP/1.1" 302 0
861
+ 2023-06-18 23:32:43,164 - speechbrain.pretrained.fetching - INFO - Fetch lm.ckpt: Delegating to Huggingface hub, source speechbrain/asr-crdnn-rnnlm-librispeech.
862
+ 2023-06-18 23:32:43,236 - urllib3.connectionpool - DEBUG - https://huggingface.co:443 "HEAD /speechbrain/asr-crdnn-rnnlm-librispeech/resolve/main/lm.ckpt HTTP/1.1" 302 0
863
+ 2023-06-18 23:32:43,238 - speechbrain.pretrained.fetching - INFO - Fetch tokenizer.ckpt: Delegating to Huggingface hub, source speechbrain/asr-crdnn-rnnlm-librispeech.
864
+ 2023-06-18 23:32:43,319 - urllib3.connectionpool - DEBUG - https://huggingface.co:443 "HEAD /speechbrain/asr-crdnn-rnnlm-librispeech/resolve/main/tokenizer.ckpt HTTP/1.1" 302 0
865
+ 2023-06-18 23:32:43,321 - speechbrain.utils.parameter_transfer - INFO - Loading pretrained files for: normalizer, asr, lm, tokenizer
866
+ 2023-06-18 23:32:47,083 - speechbrain.utils.parameter_transfer - DEBUG - Collecting files (or symlinks) for pretraining in results/better_tokenizer/1986/save/SLURM_tokenizer.
867
+ 2023-06-18 23:32:47,083 - speechbrain.pretrained.fetching - INFO - Fetch 58_unigram.model?dl=1: Downloading from normal URL https://www.dropbox.com/s/tmwq12r5vgcsif9/58_unigram.model?dl=1.
868
+ 2023-06-18 23:32:48,200 - speechbrain.utils.parameter_transfer - INFO - Loading pretrained files for: tokenizer
869
+ 2023-06-18 23:32:48,228 - speechbrain.pretrained.fetching - INFO - Fetch audio-1502897056-headset.flac: Linking to local file in /kaggle/working/slurp/slurp_real/audio-1502897056-headset.flac.
log/events.out.tfevents.1687130562.056f301f261f.28.0 ADDED
Binary file (88 Bytes). View file
 
requirements.txt ADDED
@@ -0,0 +1,4 @@
 
 
 
 
 
1
+
2
+ speechbrain
3
+ jsonlines
4
+ gdown