Spaces:
Build error
Build error
anonymoussubmitter222
commited on
Commit
·
8663c6d
1
Parent(s):
998bc54
added wavlm
Browse files
partly_frozen_splitted_wavlm/1986/app.py
ADDED
@@ -0,0 +1,371 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
import os
|
2 |
+
import sys
|
3 |
+
import torch
|
4 |
+
import logging
|
5 |
+
import speechbrain as sb
|
6 |
+
from speechbrain.utils.distributed import run_on_main
|
7 |
+
from hyperpyyaml import load_hyperpyyaml
|
8 |
+
from pathlib import Path
|
9 |
+
import torchaudio.transforms as T
|
10 |
+
import torchaudio
|
11 |
+
import numpy as np
|
12 |
+
|
13 |
+
from pyctcdecode import build_ctcdecoder
|
14 |
+
hparams_file, run_opts, overrides = sb.parse_arguments(["wavlm_partly_frozen.yaml"])
|
15 |
+
|
16 |
+
# If distributed_launch=True then
|
17 |
+
# create ddp_group with the right communication protocol
|
18 |
+
sb.utils.distributed.ddp_init_group(run_opts)
|
19 |
+
|
20 |
+
with open(hparams_file) as fin:
|
21 |
+
hparams = load_hyperpyyaml(fin, overrides)
|
22 |
+
|
23 |
+
# Create experiment directory
|
24 |
+
sb.create_experiment_directory(
|
25 |
+
experiment_directory=hparams["output_folder"],
|
26 |
+
hyperparams_to_save=hparams_file,
|
27 |
+
overrides=overrides,
|
28 |
+
)
|
29 |
+
def read_labels_file(labels_file):
|
30 |
+
with open(labels_file, "r") as lf:
|
31 |
+
lines = lf.read().splitlines()
|
32 |
+
division = "==="
|
33 |
+
numbers = {}
|
34 |
+
for line in lines :
|
35 |
+
if division in line :
|
36 |
+
break
|
37 |
+
string, number = line.split("=>")
|
38 |
+
number = int(number)
|
39 |
+
string = string[1:-2]
|
40 |
+
numbers[number] = string
|
41 |
+
return [numbers[x] for x in range(len(numbers))]
|
42 |
+
labels = read_labels_file(os.path.join(hparams["save_folder"], "label_encoder.txt"))
|
43 |
+
print(labels)
|
44 |
+
labels = [""] + labels[1:]
|
45 |
+
print(len(labels))
|
46 |
+
|
47 |
+
# Dataset prep (parsing Librispeech)
|
48 |
+
|
49 |
+
resampler_8000 = T.Resample(8000, 16000, dtype=torch.float)
|
50 |
+
|
51 |
+
resampler_44100 =T.Resample(44100, 16000, dtype=torch.float)
|
52 |
+
resampler_48000 =T.Resample(48000, 16000, dtype=torch.float)
|
53 |
+
|
54 |
+
|
55 |
+
resamplers = {"8000": resampler_8000, "44100":resampler_44100, "48000": resampler_48000}
|
56 |
+
def dataio_prepare(hparams):
|
57 |
+
"""This function prepares the datasets to be used in the brain class.
|
58 |
+
It also defines the data processing pipeline through user-defined functions."""
|
59 |
+
data_folder = hparams["data_folder"]
|
60 |
+
|
61 |
+
train_data = sb.dataio.dataset.DynamicItemDataset.from_csv(
|
62 |
+
csv_path=hparams["train_csv"], replacements={"data_root": data_folder},
|
63 |
+
)
|
64 |
+
|
65 |
+
if hparams["sorting"] == "ascending":
|
66 |
+
# we sort training data to speed up training and get better results.
|
67 |
+
train_data = train_data.filtered_sorted(sort_key="duration")
|
68 |
+
# when sorting do not shuffle in dataloader ! otherwise is pointless
|
69 |
+
hparams["train_dataloader_opts"]["shuffle"] = False
|
70 |
+
|
71 |
+
elif hparams["sorting"] == "descending":
|
72 |
+
train_data = train_data.filtered_sorted(
|
73 |
+
sort_key="duration", reverse=True
|
74 |
+
)
|
75 |
+
# when sorting do not shuffle in dataloader ! otherwise is pointless
|
76 |
+
hparams["train_dataloader_opts"]["shuffle"] = False
|
77 |
+
|
78 |
+
elif hparams["sorting"] == "random":
|
79 |
+
pass
|
80 |
+
|
81 |
+
else:
|
82 |
+
raise NotImplementedError(
|
83 |
+
"sorting must be random, ascending or descending"
|
84 |
+
)
|
85 |
+
|
86 |
+
valid_data = sb.dataio.dataset.DynamicItemDataset.from_csv(
|
87 |
+
csv_path=hparams["valid_csv"], replacements={"data_root": data_folder},
|
88 |
+
)
|
89 |
+
valid_data = valid_data.filtered_sorted(sort_key="duration")
|
90 |
+
|
91 |
+
# test is separate
|
92 |
+
test_datasets = {}
|
93 |
+
for csv_file in hparams["test_csv"]:
|
94 |
+
name = Path(csv_file).stem
|
95 |
+
test_datasets[name] = sb.dataio.dataset.DynamicItemDataset.from_csv(
|
96 |
+
csv_path=csv_file, replacements={"data_root": data_folder}
|
97 |
+
)
|
98 |
+
test_datasets[name] = test_datasets[name].filtered_sorted(
|
99 |
+
sort_key="duration"
|
100 |
+
)
|
101 |
+
|
102 |
+
datasets = [train_data, valid_data] + [i for k, i in test_datasets.items()]
|
103 |
+
|
104 |
+
# 2. Define audio pipeline:
|
105 |
+
@sb.utils.data_pipeline.takes("wav", "sr")
|
106 |
+
@sb.utils.data_pipeline.provides("sig")
|
107 |
+
def audio_pipeline(wav, sr):
|
108 |
+
sig = sb.dataio.dataio.read_audio(wav)
|
109 |
+
sig = resamplers[sr](sig)
|
110 |
+
return sig
|
111 |
+
|
112 |
+
sb.dataio.dataset.add_dynamic_item(datasets, audio_pipeline)
|
113 |
+
label_encoder = sb.dataio.encoder.CTCTextEncoder()
|
114 |
+
|
115 |
+
# 3. Define text pipeline:
|
116 |
+
@sb.utils.data_pipeline.takes("wrd")
|
117 |
+
@sb.utils.data_pipeline.provides(
|
118 |
+
"wrd", "char_list", "tokens_list", "tokens_bos", "tokens_eos", "tokens"
|
119 |
+
)
|
120 |
+
def text_pipeline(wrd):
|
121 |
+
yield wrd
|
122 |
+
char_list = list(wrd)
|
123 |
+
yield char_list
|
124 |
+
tokens_list = label_encoder.encode_sequence(char_list)
|
125 |
+
yield tokens_list
|
126 |
+
tokens_bos = torch.LongTensor([hparams["bos_index"]] + (tokens_list))
|
127 |
+
yield tokens_bos
|
128 |
+
tokens_eos = torch.LongTensor(tokens_list + [hparams["eos_index"]])
|
129 |
+
yield tokens_eos
|
130 |
+
tokens = torch.LongTensor(tokens_list)
|
131 |
+
yield tokens
|
132 |
+
|
133 |
+
sb.dataio.dataset.add_dynamic_item(datasets, text_pipeline)
|
134 |
+
|
135 |
+
lab_enc_file = os.path.join(hparams["save_folder"], "label_encoder.txt")
|
136 |
+
special_labels = {
|
137 |
+
"bos_label": hparams["bos_index"],
|
138 |
+
"eos_label": hparams["eos_index"],
|
139 |
+
"blank_label": hparams["blank_index"],
|
140 |
+
}
|
141 |
+
label_encoder.load_or_create(
|
142 |
+
path=lab_enc_file,
|
143 |
+
from_didatasets=[train_data],
|
144 |
+
output_key="char_list",
|
145 |
+
special_labels=special_labels,
|
146 |
+
sequence_input=True,
|
147 |
+
)
|
148 |
+
|
149 |
+
# 4. Set output:
|
150 |
+
sb.dataio.dataset.set_output_keys(
|
151 |
+
datasets,
|
152 |
+
["id", "sig", "wrd", "char_list", "tokens_bos", "tokens_eos", "tokens"],
|
153 |
+
)
|
154 |
+
return train_data, valid_data, test_datasets, label_encoder
|
155 |
+
|
156 |
+
|
157 |
+
class ASR(sb.Brain):
|
158 |
+
def compute_forward(self, batch, stage):
|
159 |
+
"""Forward computations from the waveform batches to the output probabilities."""
|
160 |
+
batch = batch.to(self.device)
|
161 |
+
wavs, wav_lens = batch.sig
|
162 |
+
print(wavs)
|
163 |
+
tokens_bos, _ = batch.tokens_bos
|
164 |
+
wavs, wav_lens = wavs.to(self.device), wav_lens.to(self.device)
|
165 |
+
|
166 |
+
# Forward pass
|
167 |
+
feats = self.modules.wav2vec2(wavs)
|
168 |
+
x = self.modules.enc(feats)
|
169 |
+
# Compute outputs
|
170 |
+
p_tokens = None
|
171 |
+
logits = self.modules.ctc_lin(x)
|
172 |
+
p_ctc = self.hparams.log_softmax(logits)
|
173 |
+
if stage != sb.Stage.TRAIN:
|
174 |
+
p_tokens = sb.decoders.ctc_greedy_decode(
|
175 |
+
p_ctc, wav_lens, blank_id=self.hparams.blank_index
|
176 |
+
)
|
177 |
+
return p_ctc, wav_lens, p_tokens
|
178 |
+
|
179 |
+
def treat_wav(self,sig):
|
180 |
+
feats = self.modules.wav2vec2(sig.to(self.device))
|
181 |
+
x = self.modules.enc(feats)
|
182 |
+
p_tokens = None
|
183 |
+
logits = self.modules.ctc_lin(x)
|
184 |
+
p_ctc = self.hparams.log_softmax(logits)
|
185 |
+
predicted_words =[]
|
186 |
+
for logs in p_ctc:
|
187 |
+
text = decoder.decode(logs.detach().cpu().numpy())
|
188 |
+
predicted_words.append(text.split(" "))
|
189 |
+
return " ".join(predicted_words[0])
|
190 |
+
|
191 |
+
|
192 |
+
|
193 |
+
|
194 |
+
def compute_objectives(self, predictions, batch, stage):
|
195 |
+
"""Computes the loss (CTC+NLL) given predictions and targets."""
|
196 |
+
|
197 |
+
p_ctc, wav_lens, predicted_tokens = predictions
|
198 |
+
|
199 |
+
ids = batch.id
|
200 |
+
tokens_eos, tokens_eos_lens = batch.tokens_eos
|
201 |
+
tokens, tokens_lens = batch.tokens
|
202 |
+
|
203 |
+
if hasattr(self.modules, "env_corrupt") and stage == sb.Stage.TRAIN:
|
204 |
+
tokens_eos = torch.cat([tokens_eos, tokens_eos], dim=0)
|
205 |
+
tokens_eos_lens = torch.cat(
|
206 |
+
[tokens_eos_lens, tokens_eos_lens], dim=0
|
207 |
+
)
|
208 |
+
tokens = torch.cat([tokens, tokens], dim=0)
|
209 |
+
tokens_lens = torch.cat([tokens_lens, tokens_lens], dim=0)
|
210 |
+
|
211 |
+
loss_ctc = self.hparams.ctc_cost(p_ctc, tokens, wav_lens, tokens_lens)
|
212 |
+
loss = loss_ctc
|
213 |
+
if stage != sb.Stage.TRAIN:
|
214 |
+
# Decode token terms to words
|
215 |
+
predicted_words =[]
|
216 |
+
for logs in p_ctc:
|
217 |
+
text = decoder.decode(logs.detach().cpu().numpy())
|
218 |
+
predicted_words.append(text.split(" "))
|
219 |
+
|
220 |
+
target_words = [wrd.split(" ") for wrd in batch.wrd]
|
221 |
+
self.wer_metric.append(ids, predicted_words, target_words)
|
222 |
+
self.cer_metric.append(ids, predicted_words, target_words)
|
223 |
+
|
224 |
+
return loss
|
225 |
+
|
226 |
+
def fit_batch(self, batch):
|
227 |
+
"""Train the parameters given a single batch in input"""
|
228 |
+
predictions = self.compute_forward(batch, sb.Stage.TRAIN)
|
229 |
+
loss = self.compute_objectives(predictions, batch, sb.Stage.TRAIN)
|
230 |
+
loss.backward()
|
231 |
+
if self.check_gradients(loss):
|
232 |
+
self.wav2vec_optimizer.step()
|
233 |
+
self.model_optimizer.step()
|
234 |
+
|
235 |
+
self.wav2vec_optimizer.zero_grad()
|
236 |
+
self.model_optimizer.zero_grad()
|
237 |
+
|
238 |
+
return loss.detach()
|
239 |
+
|
240 |
+
def evaluate_batch(self, batch, stage):
|
241 |
+
"""Computations needed for validation/test batches"""
|
242 |
+
predictions = self.compute_forward(batch, stage=stage)
|
243 |
+
with torch.no_grad():
|
244 |
+
loss = self.compute_objectives(predictions, batch, stage=stage)
|
245 |
+
return loss.detach()
|
246 |
+
|
247 |
+
def on_stage_start(self, stage, epoch):
|
248 |
+
"""Gets called at the beginning of each epoch"""
|
249 |
+
if stage != sb.Stage.TRAIN:
|
250 |
+
self.cer_metric = self.hparams.cer_computer()
|
251 |
+
self.wer_metric = self.hparams.error_rate_computer()
|
252 |
+
|
253 |
+
def on_stage_end(self, stage, stage_loss, epoch):
|
254 |
+
"""Gets called at the end of an epoch."""
|
255 |
+
# Compute/store important stats
|
256 |
+
stage_stats = {"loss": stage_loss}
|
257 |
+
if stage == sb.Stage.TRAIN:
|
258 |
+
self.train_stats = stage_stats
|
259 |
+
else:
|
260 |
+
stage_stats["CER"] = self.cer_metric.summarize("error_rate")
|
261 |
+
stage_stats["WER"] = self.wer_metric.summarize("error_rate")
|
262 |
+
|
263 |
+
# Perform end-of-iteration things, like annealing, logging, etc.
|
264 |
+
if stage == sb.Stage.VALID:
|
265 |
+
old_lr_model, new_lr_model = self.hparams.lr_annealing_model(
|
266 |
+
stage_stats["loss"]
|
267 |
+
)
|
268 |
+
old_lr_wav2vec, new_lr_wav2vec = self.hparams.lr_annealing_wav2vec(
|
269 |
+
stage_stats["loss"]
|
270 |
+
)
|
271 |
+
sb.nnet.schedulers.update_learning_rate(
|
272 |
+
self.model_optimizer, new_lr_model
|
273 |
+
)
|
274 |
+
sb.nnet.schedulers.update_learning_rate(
|
275 |
+
self.wav2vec_optimizer, new_lr_wav2vec
|
276 |
+
)
|
277 |
+
self.hparams.train_logger.log_stats(
|
278 |
+
stats_meta={
|
279 |
+
"epoch": epoch,
|
280 |
+
"lr_model": old_lr_model,
|
281 |
+
"lr_wav2vec": old_lr_wav2vec,
|
282 |
+
},
|
283 |
+
train_stats=self.train_stats,
|
284 |
+
valid_stats=stage_stats,
|
285 |
+
)
|
286 |
+
self.checkpointer.save_and_keep_only(
|
287 |
+
meta={"WER": stage_stats["WER"]}, min_keys=["WER"],
|
288 |
+
)
|
289 |
+
elif stage == sb.Stage.TEST:
|
290 |
+
self.hparams.train_logger.log_stats(
|
291 |
+
stats_meta={"Epoch loaded": self.hparams.epoch_counter.current},
|
292 |
+
test_stats=stage_stats,
|
293 |
+
)
|
294 |
+
with open(self.hparams.wer_file, "w") as w:
|
295 |
+
self.wer_metric.write_stats(w)
|
296 |
+
|
297 |
+
def init_optimizers(self):
|
298 |
+
"Initializes the wav2vec2 optimizer and model optimizer"
|
299 |
+
self.wav2vec_optimizer = self.hparams.wav2vec_opt_class(
|
300 |
+
self.modules.wav2vec2.parameters()
|
301 |
+
)
|
302 |
+
self.model_optimizer = self.hparams.model_opt_class(
|
303 |
+
self.hparams.model.parameters()
|
304 |
+
)
|
305 |
+
|
306 |
+
if self.checkpointer is not None:
|
307 |
+
self.checkpointer.add_recoverable(
|
308 |
+
"wav2vec_opt", self.wav2vec_optimizer
|
309 |
+
)
|
310 |
+
self.checkpointer.add_recoverable("modelopt", self.model_optimizer)
|
311 |
+
|
312 |
+
label_encoder = sb.dataio.encoder.CTCTextEncoder()
|
313 |
+
|
314 |
+
train_data, valid_data, test_datasets, label_encoder = dataio_prepare(
|
315 |
+
hparams
|
316 |
+
)
|
317 |
+
|
318 |
+
|
319 |
+
# We dynamicaly add the tokenizer to our brain class.
|
320 |
+
# NB: This tokenizer corresponds to the one used for the LM!!
|
321 |
+
decoder = build_ctcdecoder(
|
322 |
+
labels,
|
323 |
+
kenlm_model_path="tunisian.arpa", # either .arpa or .bin file
|
324 |
+
alpha=0.5, # tuned on a val set
|
325 |
+
beta=1, # tuned on a val set
|
326 |
+
)
|
327 |
+
|
328 |
+
asr_brain = ASR(
|
329 |
+
modules=hparams["modules"],
|
330 |
+
hparams=hparams,
|
331 |
+
run_opts=run_opts,
|
332 |
+
checkpointer=hparams["checkpointer"],
|
333 |
+
)
|
334 |
+
asr_brain.device= "cpu"
|
335 |
+
asr_brain.modules.to("cpu")
|
336 |
+
asr_brain.tokenizer = label_encoder
|
337 |
+
|
338 |
+
from enum import Enum, auto
|
339 |
+
class Stage(Enum):
|
340 |
+
TRAIN = auto()
|
341 |
+
VALID = auto()
|
342 |
+
TEST = auto()
|
343 |
+
|
344 |
+
asr_brain.on_evaluate_start()
|
345 |
+
asr_brain.modules.eval()
|
346 |
+
import gradio as gr
|
347 |
+
def treat_wav_file(file_mic, file_upload, resamplers = resamplers,asr=asr_brain, device="cpu") :
|
348 |
+
|
349 |
+
if (file_mic is not None) and (file_upload is not None):
|
350 |
+
warn_output = "WARNING: You've uploaded an audio file and used the microphone. The recorded file from the microphone will be used and the uploaded audio will be discarded.\n"
|
351 |
+
wav = file_mic
|
352 |
+
elif (file_mic is None) and (file_upload is None):
|
353 |
+
return "ERROR: You have to either use the microphone or upload an audio file"
|
354 |
+
elif file_mic is not None:
|
355 |
+
wav = file_mic
|
356 |
+
else:
|
357 |
+
wav = file_upload
|
358 |
+
sig, sr = torchaudio.load(wav)
|
359 |
+
tensor_wav = sig.to(device)
|
360 |
+
resampled = resamplers[str(sr)](tensor_wav)
|
361 |
+
sentence = asr_brain.treat_wav(resampled)
|
362 |
+
return sentence
|
363 |
+
|
364 |
+
gr.Interface(
|
365 |
+
fn=treat_wav_file,
|
366 |
+
inputs=[gr.inputs.Audio(source="microphone", type='filepath', optional=True),
|
367 |
+
gr.inputs.Audio(source="upload", type='filepath', optional=True)]
|
368 |
+
,outputs="text").launch()
|
369 |
+
|
370 |
+
|
371 |
+
|
partly_frozen_splitted_wavlm/1986/env.log
CHANGED
@@ -397,6 +397,8 @@ youtokentome==1.0.6
|
|
397 |
youtube-dl==2021.6.6
|
398 |
zipp==3.6.0
|
399 |
==============================
|
400 |
-
|
|
|
|
|
401 |
CUDA version:
|
402 |
11.7
|
|
|
397 |
youtube-dl==2021.6.6
|
398 |
zipp==3.6.0
|
399 |
==============================
|
400 |
+
Git revision:
|
401 |
+
998bc54
|
402 |
+
==============================
|
403 |
CUDA version:
|
404 |
11.7
|
partly_frozen_splitted_wavlm/1986/hyperparams.yaml
CHANGED
@@ -1,5 +1,5 @@
|
|
1 |
-
# Generated 2023-01-
|
2 |
-
# /home/salah/
|
3 |
# yamllint disable
|
4 |
# ################################
|
5 |
# Model: wav2vec2 + DNN + CTC
|
|
|
1 |
+
# Generated 2023-01-14 from:
|
2 |
+
# /home/salah/tunisian_asr/wavlm_partly_frozen.yaml
|
3 |
# yamllint disable
|
4 |
# ################################
|
5 |
# Model: wav2vec2 + DNN + CTC
|
partly_frozen_splitted_wavlm/1986/log.txt
CHANGED
@@ -13666,3 +13666,489 @@ label 456:
|
|
13666 |
2023-01-09 12:09:13,323 - pydub.converter - DEBUG - subprocess.call(['ffmpeg', '-y', '-i', '/tmp/audio7zdmx3nh.wav', '-acodec', 'pcm_s32le', '-vn', '-f', 'wav', '-'])
|
13667 |
2023-01-09 14:08:36,999 - pydub.converter - DEBUG - subprocess.call(['ffmpeg', '-y', '-i', '/tmp/audiowqco3s07.wav', '-acodec', 'pcm_s32le', '-vn', '-f', 'wav', '-'])
|
13668 |
2023-01-09 14:09:50,859 - pydub.converter - DEBUG - subprocess.call(['ffmpeg', '-y', '-i', '/tmp/audiollawbske.wav', '-acodec', 'pcm_s32le', '-vn', '-f', 'wav', '-'])
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
13666 |
2023-01-09 12:09:13,323 - pydub.converter - DEBUG - subprocess.call(['ffmpeg', '-y', '-i', '/tmp/audio7zdmx3nh.wav', '-acodec', 'pcm_s32le', '-vn', '-f', 'wav', '-'])
|
13667 |
2023-01-09 14:08:36,999 - pydub.converter - DEBUG - subprocess.call(['ffmpeg', '-y', '-i', '/tmp/audiowqco3s07.wav', '-acodec', 'pcm_s32le', '-vn', '-f', 'wav', '-'])
|
13668 |
2023-01-09 14:09:50,859 - pydub.converter - DEBUG - subprocess.call(['ffmpeg', '-y', '-i', '/tmp/audiollawbske.wav', '-acodec', 'pcm_s32le', '-vn', '-f', 'wav', '-'])
|
13669 |
+
2023-01-14 18:34:53,242 - speechbrain.core - INFO - Beginning experiment!
|
13670 |
+
2023-01-14 18:34:53,243 - speechbrain.core - INFO - Experiment folder: partly_frozen_splitted_wavlm/1986/
|
13671 |
+
2023-01-14 18:34:54,077 - speechbrain.utils.superpowers - DEBUG - abkhazia==1.0
|
13672 |
+
absl-py==0.11.0
|
13673 |
+
aiohttp==3.8.0
|
13674 |
+
aiosignal==1.2.0
|
13675 |
+
alabaster==0.7.12
|
13676 |
+
alembic==1.7.4
|
13677 |
+
altair==4.2.0
|
13678 |
+
altgraph==0.17
|
13679 |
+
antlr4-python3-runtime==4.8
|
13680 |
+
anyio==3.6.2
|
13681 |
+
appdirs==1.4.4
|
13682 |
+
argcomplete==1.12.2
|
13683 |
+
argon2-cffi==20.1.0
|
13684 |
+
asgiref==3.6.0
|
13685 |
+
astunparse==1.6.3
|
13686 |
+
async-generator==1.10
|
13687 |
+
async-timeout==4.0.0
|
13688 |
+
attrdict==2.0.1
|
13689 |
+
attrs==20.3.0
|
13690 |
+
audeer==1.16.0
|
13691 |
+
audformat==0.11.5
|
13692 |
+
audinterface==0.7.0
|
13693 |
+
audiofile==1.0.0
|
13694 |
+
audiomentations==0.25.0
|
13695 |
+
audioread==2.1.9
|
13696 |
+
audobject==0.4.14
|
13697 |
+
audresample==0.1.6
|
13698 |
+
-e git+https://github.com/facebookresearch/WavAugment.git@54afcdb00ccc852c2f030f239f8532c9562b550e#egg=augment
|
13699 |
+
autopage==0.4.0
|
13700 |
+
Babel==2.9.0
|
13701 |
+
backcall==0.2.0
|
13702 |
+
beautifulsoup4==4.10.0
|
13703 |
+
black==19.10b0
|
13704 |
+
bleach==3.3.0
|
13705 |
+
boto3==1.20.2
|
13706 |
+
botocore==1.23.2
|
13707 |
+
braceexpand==0.1.7
|
13708 |
+
cachetools==4.2.0
|
13709 |
+
certifi @ file:///croot/certifi_1671487769961/work/certifi
|
13710 |
+
cffi==1.14.3
|
13711 |
+
cfgv==3.2.0
|
13712 |
+
chardet==3.0.4
|
13713 |
+
charset-normalizer==2.0.7
|
13714 |
+
click==7.1.2
|
13715 |
+
cliff==3.9.0
|
13716 |
+
clldutils==3.5.4
|
13717 |
+
cmaes==0.8.2
|
13718 |
+
cmake==3.18.4.post1
|
13719 |
+
cmd2==2.2.0
|
13720 |
+
colorama==0.4.4
|
13721 |
+
colorlog==4.6.2
|
13722 |
+
configparser==5.1.0
|
13723 |
+
cryptography==38.0.4
|
13724 |
+
csvw==1.8.1
|
13725 |
+
cycler==0.10.0
|
13726 |
+
Cython==0.29.21
|
13727 |
+
dataclasses==0.6
|
13728 |
+
datasets==1.5.0
|
13729 |
+
decorator==4.4.2
|
13730 |
+
deepspeech==0.9.1
|
13731 |
+
defusedxml==0.7.1
|
13732 |
+
denoiser==0.1.5
|
13733 |
+
dill==0.3.3
|
13734 |
+
Distance==0.1.3
|
13735 |
+
distlib==0.3.1
|
13736 |
+
Django==3.2.16
|
13737 |
+
django-auditlog==2.2.1
|
13738 |
+
django-filter==22.1
|
13739 |
+
django-js-asset==1.2.2
|
13740 |
+
django-mptt==0.14.0
|
13741 |
+
djangorestframework==3.14.0
|
13742 |
+
docker-pycreds==0.4.0
|
13743 |
+
docopt==0.6.2
|
13744 |
+
docutils==0.16
|
13745 |
+
drf-excel==2.2.0
|
13746 |
+
drf-flex-fields==1.0.0
|
13747 |
+
drf-renderer-xlsx==0.4.1
|
13748 |
+
easyocr==1.2.1
|
13749 |
+
editdistance==0.6.0
|
13750 |
+
emoji==2.2.0
|
13751 |
+
entrypoints==0.3
|
13752 |
+
et-xmlfile==1.1.0
|
13753 |
+
exceptiongroup==1.1.0
|
13754 |
+
farasapy==0.0.14
|
13755 |
+
fastapi==0.89.0
|
13756 |
+
fasttext==0.9.2
|
13757 |
+
ffmpeg-python==0.2.0
|
13758 |
+
ffmpy==0.3.0
|
13759 |
+
filelock==3.0.12
|
13760 |
+
flake8==3.7.9
|
13761 |
+
flatbuffers==1.12
|
13762 |
+
frozendict==2.0.7
|
13763 |
+
frozenlist==1.2.0
|
13764 |
+
fsspec==2021.11.0
|
13765 |
+
future==0.18.2
|
13766 |
+
g2p-en==2.1.0
|
13767 |
+
gast==0.3.3
|
13768 |
+
gdown==4.2.0
|
13769 |
+
gensim==4.0.1
|
13770 |
+
gitdb==4.0.9
|
13771 |
+
GitPython==3.1.24
|
13772 |
+
google-auth==1.24.0
|
13773 |
+
google-auth-oauthlib==0.4.2
|
13774 |
+
google-pasta==0.2.0
|
13775 |
+
gradio==3.16.0
|
13776 |
+
greenlet==1.1.2
|
13777 |
+
grpcio==1.32.0
|
13778 |
+
h11==0.14.0
|
13779 |
+
h5features==1.3.2
|
13780 |
+
h5py==2.10.0
|
13781 |
+
htk-io==0.5
|
13782 |
+
httpcore==0.16.3
|
13783 |
+
httpx==0.23.3
|
13784 |
+
huggingface-hub==0.9.1
|
13785 |
+
hydra-colorlog==0.1.4
|
13786 |
+
hydra-core==0.11.3
|
13787 |
+
HyperPyYAML==1.1.0
|
13788 |
+
hypothesis==6.61.2
|
13789 |
+
identify==1.5.10
|
13790 |
+
idna==2.10
|
13791 |
+
imageio==2.9.0
|
13792 |
+
imagesize==1.2.0
|
13793 |
+
importlib-metadata==4.8.1
|
13794 |
+
importlib-resources==5.2.2
|
13795 |
+
inflect==5.3.0
|
13796 |
+
ipadic==1.0.0
|
13797 |
+
ipykernel==5.3.4
|
13798 |
+
ipython==7.19.0
|
13799 |
+
ipython-genutils==0.2.0
|
13800 |
+
ipywebrtc==0.6.0
|
13801 |
+
ipywidgets==7.6.3
|
13802 |
+
iso-639==0.4.5
|
13803 |
+
isodate==0.6.0
|
13804 |
+
isort==4.3.21
|
13805 |
+
jedi==0.17.2
|
13806 |
+
jieba==0.42.1
|
13807 |
+
Jinja2==2.11.2
|
13808 |
+
jiwer==2.2.0
|
13809 |
+
jmespath==0.10.0
|
13810 |
+
joblib==0.17.0
|
13811 |
+
jsonschema==3.2.0
|
13812 |
+
julius==0.2.7
|
13813 |
+
jupyter-client==6.1.7
|
13814 |
+
jupyter-core==4.7.0
|
13815 |
+
jupyterlab-pygments==0.1.2
|
13816 |
+
jupyterlab-widgets==1.0.0
|
13817 |
+
kaitaistruct==0.9
|
13818 |
+
kaldi-io==0.9.4
|
13819 |
+
kaldi-python-io==1.2.2
|
13820 |
+
kaldiio==2.17.2
|
13821 |
+
kenlm @ https://github.com/kpu/kenlm/archive/master.zip
|
13822 |
+
Keras-Preprocessing==1.1.2
|
13823 |
+
kiwisolver==1.3.1
|
13824 |
+
lang-trans==0.6.0
|
13825 |
+
latexcodec==2.0.1
|
13826 |
+
ldap3==2.9.1
|
13827 |
+
librosa==0.9.0
|
13828 |
+
linkify-it-py==1.0.3
|
13829 |
+
llvmlite==0.35.0
|
13830 |
+
lxml==4.9.0
|
13831 |
+
Mako==1.1.5
|
13832 |
+
Markdown==3.3.3
|
13833 |
+
markdown-it-py==2.1.0
|
13834 |
+
MarkupSafe==1.1.1
|
13835 |
+
marshmallow==3.14.0
|
13836 |
+
matplotlib==3.3.3
|
13837 |
+
mccabe==0.6.1
|
13838 |
+
mcd==0.4
|
13839 |
+
mdit-py-plugins==0.3.3
|
13840 |
+
mdurl==0.1.2
|
13841 |
+
mecab-python3==1.0.3
|
13842 |
+
megatron-lm==2.2.0
|
13843 |
+
mido==1.2.10
|
13844 |
+
mistune==0.8.4
|
13845 |
+
more-itertools==8.6.0
|
13846 |
+
mpmath==1.2.1
|
13847 |
+
multidict==5.2.0
|
13848 |
+
multiprocess==0.70.11.1
|
13849 |
+
nbclient==0.5.3
|
13850 |
+
nbconvert==6.0.7
|
13851 |
+
nbformat==5.1.3
|
13852 |
+
NEMO==4.3.2
|
13853 |
+
nemo-toolkit==1.4.0
|
13854 |
+
nest-asyncio==1.5.1
|
13855 |
+
networkx==2.5
|
13856 |
+
nltk==3.5
|
13857 |
+
nodeenv==1.5.0
|
13858 |
+
notebook==6.3.0
|
13859 |
+
numba==0.52.0
|
13860 |
+
numpy==1.19.4
|
13861 |
+
nvidia-cublas-cu11==11.10.3.66
|
13862 |
+
nvidia-cuda-nvrtc-cu11==11.7.99
|
13863 |
+
nvidia-cuda-runtime-cu11==11.7.99
|
13864 |
+
nvidia-cudnn-cu11==8.5.0.96
|
13865 |
+
oauthlib==3.1.0
|
13866 |
+
omegaconf==1.4.1
|
13867 |
+
onnx==1.10.2
|
13868 |
+
OpenCC==1.1.2
|
13869 |
+
opencv-python==4.4.0.46
|
13870 |
+
openpyxl==3.0.9
|
13871 |
+
opensmile==2.2.0
|
13872 |
+
opt-einsum==3.3.0
|
13873 |
+
optuna==2.10.0
|
13874 |
+
orjson==3.8.4
|
13875 |
+
oyaml==1.0
|
13876 |
+
packaging==22.0
|
13877 |
+
pandas==1.2.5
|
13878 |
+
pandocfilters==1.4.3
|
13879 |
+
pangu==4.0.6.1
|
13880 |
+
parameterized==0.8.1
|
13881 |
+
parso==0.7.1
|
13882 |
+
pathspec==0.8.1
|
13883 |
+
pathtools==0.1.2
|
13884 |
+
pbr==5.6.0
|
13885 |
+
pefile==2019.4.18
|
13886 |
+
pescador==2.1.0
|
13887 |
+
pesq==0.0.3
|
13888 |
+
pexpect==4.8.0
|
13889 |
+
phonemizer==2.2.1
|
13890 |
+
pickleshare==0.7.5
|
13891 |
+
Pillow==9.3.0
|
13892 |
+
pip-api==0.0.23
|
13893 |
+
pipreqs==0.4.11
|
13894 |
+
pluggy==0.13.1
|
13895 |
+
pooch==1.3.0
|
13896 |
+
portalocker==2.3.2
|
13897 |
+
pre-commit==2.9.0
|
13898 |
+
pretty-midi==0.2.9
|
13899 |
+
prettytable==2.2.1
|
13900 |
+
progressbar2==3.53.1
|
13901 |
+
prometheus-client==0.10.1
|
13902 |
+
promise==2.3
|
13903 |
+
prompt-toolkit==3.0.8
|
13904 |
+
protobuf==3.14.0
|
13905 |
+
psutil==5.6.6
|
13906 |
+
ptyprocess==0.6.0
|
13907 |
+
py==1.9.0
|
13908 |
+
py-espeak-ng==0.1.8
|
13909 |
+
pyannote.audio==1.1.1
|
13910 |
+
pyannote.core==4.3
|
13911 |
+
pyannote.database==4.1.1
|
13912 |
+
pyannote.metrics==3.1
|
13913 |
+
pyannote.pipeline==1.5.2
|
13914 |
+
PyArabic==0.6.15
|
13915 |
+
pyarrow==3.0.0
|
13916 |
+
pyasn1==0.4.8
|
13917 |
+
pyasn1-modules==0.2.8
|
13918 |
+
pybind11==2.8.1
|
13919 |
+
pybtex==0.24.0
|
13920 |
+
pybtex-docutils==1.0.1
|
13921 |
+
pycodestyle==2.5.0
|
13922 |
+
pycparser==2.20
|
13923 |
+
pycryptodome==3.16.0
|
13924 |
+
pyctcdecode==0.4.0
|
13925 |
+
pydantic==1.10.4
|
13926 |
+
pyDeprecate==0.3.1
|
13927 |
+
pydub==0.25.1
|
13928 |
+
pyflakes==2.1.1
|
13929 |
+
Pygments==2.7.2
|
13930 |
+
pygtrie==2.5.0
|
13931 |
+
pymodbus==2.5.3
|
13932 |
+
pyparsing==2.4.7
|
13933 |
+
pyperclip==1.8.2
|
13934 |
+
pypinyin==0.43.0
|
13935 |
+
pyrsistent==0.17.3
|
13936 |
+
pyserial==3.5
|
13937 |
+
PySocks==1.7.1
|
13938 |
+
pystoi==0.3.3
|
13939 |
+
pytest==5.4.1
|
13940 |
+
pytest-runner==5.3.1
|
13941 |
+
python-bidi==0.4.2
|
13942 |
+
python-crfsuite==0.9.7
|
13943 |
+
python-dateutil==2.8.2
|
13944 |
+
python-Levenshtein==0.12.2
|
13945 |
+
python-multipart==0.0.5
|
13946 |
+
python-utils==2.4.0
|
13947 |
+
pytorch-lightning==1.4.9
|
13948 |
+
pytube==11.0.1
|
13949 |
+
pytz==2022.6
|
13950 |
+
PyWavelets==1.1.1
|
13951 |
+
PyYAML==5.3.1
|
13952 |
+
pyzmq==20.0.0
|
13953 |
+
rapidfuzz==1.8.2
|
13954 |
+
regex==2020.11.13
|
13955 |
+
requests==2.28.1
|
13956 |
+
requests-oauthlib==1.3.0
|
13957 |
+
resampy==0.2.2
|
13958 |
+
rfc3986==1.4.0
|
13959 |
+
rsa==4.7
|
13960 |
+
ruamel.yaml==0.17.21
|
13961 |
+
ruamel.yaml.clib==0.2.7
|
13962 |
+
s3m==1.1.0
|
13963 |
+
s3transfer==0.5.0
|
13964 |
+
sacrebleu==2.0.0
|
13965 |
+
sacremoses==0.0.44
|
13966 |
+
scikit-image==0.18.1
|
13967 |
+
scikit-learn==0.23.2
|
13968 |
+
scipy==1.5.4
|
13969 |
+
-e git+https://github.com/sanghack81/SDCIT@00d060dde733fde9345154a494f81e97fb395ca7#egg=SDCIT
|
13970 |
+
seaborn==0.11.1
|
13971 |
+
segments==2.1.3
|
13972 |
+
Send2Trash==1.5.0
|
13973 |
+
sentencepiece==0.1.94
|
13974 |
+
sentry-sdk==1.4.3
|
13975 |
+
shellingham==1.4.0
|
13976 |
+
shortuuid==1.0.7
|
13977 |
+
SIDEKIT==1.3.8.5.2
|
13978 |
+
simplejson==3.17.5
|
13979 |
+
six==1.15.0
|
13980 |
+
smart-open==5.0.0
|
13981 |
+
smmap==5.0.0
|
13982 |
+
sniffio==1.3.0
|
13983 |
+
snowballstemmer==2.0.0
|
13984 |
+
sortedcollections==2.1.0
|
13985 |
+
sortedcontainers==2.4.0
|
13986 |
+
sounddevice==0.4.5
|
13987 |
+
SoundFile==0.10.3.post1
|
13988 |
+
soupsieve==2.3
|
13989 |
+
sox==1.4.1
|
13990 |
+
sparsemax==0.1.9
|
13991 |
+
speechbrain==0.5.13
|
13992 |
+
sphfile==1.0.3
|
13993 |
+
Sphinx==3.3.1
|
13994 |
+
sphinx-rtd-theme==0.4.3
|
13995 |
+
sphinxcontrib-applehelp==1.0.2
|
13996 |
+
sphinxcontrib-bibtex==2.4.1
|
13997 |
+
sphinxcontrib-devhelp==1.0.2
|
13998 |
+
sphinxcontrib-htmlhelp==1.0.3
|
13999 |
+
sphinxcontrib-jsmath==1.0.1
|
14000 |
+
sphinxcontrib-qthelp==1.0.3
|
14001 |
+
sphinxcontrib-serializinghtml==1.1.4
|
14002 |
+
SQLAlchemy==1.4.25
|
14003 |
+
sqlparse==0.4.2
|
14004 |
+
stanza==1.4.2
|
14005 |
+
starlette==0.22.0
|
14006 |
+
stevedore==3.4.0
|
14007 |
+
subprocess32==3.5.4
|
14008 |
+
sympy==1.9
|
14009 |
+
tabulate==0.8.9
|
14010 |
+
tensorboard==2.4.0
|
14011 |
+
tensorboard-plugin-wit==1.7.0
|
14012 |
+
tensorflow==2.4.0
|
14013 |
+
tensorflow-estimator==2.4.0
|
14014 |
+
termcolor==1.1.0
|
14015 |
+
terminado==0.9.4
|
14016 |
+
testpath==0.4.4
|
14017 |
+
threadpoolctl==2.1.0
|
14018 |
+
tifffile==2020.12.8
|
14019 |
+
tikzplotlib==0.9.8
|
14020 |
+
tkseem==0.0.3
|
14021 |
+
tokenizers==0.10.2
|
14022 |
+
toml==0.10.2
|
14023 |
+
toolz==0.12.0
|
14024 |
+
torch==1.13.1
|
14025 |
+
torch-stft==0.1.4
|
14026 |
+
torchaudio==0.13.1
|
14027 |
+
torchmetrics==0.6.0
|
14028 |
+
torchvision==0.14.1
|
14029 |
+
tornado==6.1
|
14030 |
+
tqdm==4.61.1
|
14031 |
+
trackrip==1.2.1
|
14032 |
+
traitlets==5.0.5
|
14033 |
+
transformers==4.15.0
|
14034 |
+
typed-ast==1.4.1
|
14035 |
+
typer==0.4.0
|
14036 |
+
typing-extensions==4.4.0
|
14037 |
+
uc-micro-py==1.0.1
|
14038 |
+
Unidecode==1.3.2
|
14039 |
+
uritemplate==3.0.1
|
14040 |
+
urllib3==1.26.2
|
14041 |
+
uvicorn==0.20.0
|
14042 |
+
virtualenv==20.2.1
|
14043 |
+
wandb==0.12.6
|
14044 |
+
wcwidth==0.2.5
|
14045 |
+
webdataset==0.1.62
|
14046 |
+
webencodings==0.5.1
|
14047 |
+
websockets==10.4
|
14048 |
+
Werkzeug==1.0.1
|
14049 |
+
wget==3.2
|
14050 |
+
widgetsnbextension==3.5.1
|
14051 |
+
wordninja==2.0.0
|
14052 |
+
wrapt==1.12.1
|
14053 |
+
xmltodict==0.13.0
|
14054 |
+
xxhash==2.0.0
|
14055 |
+
yamllint==1.23.0
|
14056 |
+
yarg==0.1.9
|
14057 |
+
yarl==1.7.2
|
14058 |
+
yaspin==2.1.0
|
14059 |
+
youtokentome==1.0.6
|
14060 |
+
youtube-dl==2021.6.6
|
14061 |
+
zipp==3.6.0
|
14062 |
+
|
14063 |
+
|
14064 |
+
2023-01-14 18:34:54,121 - speechbrain.utils.superpowers - DEBUG - 998bc54
|
14065 |
+
|
14066 |
+
|
14067 |
+
2023-01-14 18:34:54,203 - speechbrain.dataio.encoder - DEBUG - Loaded categorical encoding from partly_frozen_splitted_wavlm/1986//save/label_encoder.txt
|
14068 |
+
2023-01-14 18:34:54,203 - speechbrain.dataio.encoder - INFO - Load called, but CTCTextEncoder is not empty. Loaded data will overwrite everything. This is normal if there is e.g. an unk label defined at init.
|
14069 |
+
2023-01-14 18:34:54,204 - speechbrain.dataio.encoder - DEBUG - Loaded categorical encoding from partly_frozen_splitted_wavlm/1986//save/label_encoder.txt
|
14070 |
+
2023-01-14 18:34:55,862 - pyctcdecode.decoder - INFO - Using arpa instead of binary LM file, decoder instantiation might be slow.
|
14071 |
+
2023-01-14 18:34:55,934 - pyctcdecode.alphabet - INFO - Alphabet determined to be of regular style.
|
14072 |
+
2023-01-14 18:34:55,934 - pyctcdecode.alphabet - WARNING - Found entries of length > 1 in alphabet. This is unusual unless style is BPE, but the alphabet was not recognized as BPE type. Is this correct?
|
14073 |
+
2023-01-14 18:34:56,578 - speechbrain.core - INFO - Info: auto_mix_prec arg from hparam file is used
|
14074 |
+
2023-01-14 18:34:56,578 - speechbrain.core - INFO - Info: ckpt_interval_minutes arg from hparam file is used
|
14075 |
+
2023-01-14 18:34:58,666 - speechbrain.core - INFO - 313.4M trainable parameters in ASR
|
14076 |
+
2023-01-14 18:34:59,342 - speechbrain.utils.checkpoints - INFO - Loading a checkpoint from partly_frozen_splitted_wavlm/1986/save/CKPT+2023-01-05+12-24-11+00
|
14077 |
+
2023-01-14 18:35:00,732 - matplotlib - DEBUG - (private) matplotlib data path: /home/salah/anaconda3/envs/salah/lib/python3.8/site-packages/matplotlib-3.3.3-py3.8-linux-x86_64.egg/matplotlib/mpl-data
|
14078 |
+
2023-01-14 18:35:00,732 - matplotlib - DEBUG - matplotlib data path: /home/salah/anaconda3/envs/salah/lib/python3.8/site-packages/matplotlib-3.3.3-py3.8-linux-x86_64.egg/matplotlib/mpl-data
|
14079 |
+
2023-01-14 18:35:00,736 - matplotlib - DEBUG - CONFIGDIR=/home/salah/.config/matplotlib
|
14080 |
+
2023-01-14 18:35:00,738 - matplotlib - DEBUG - matplotlib version 3.3.3
|
14081 |
+
2023-01-14 18:35:00,738 - matplotlib - DEBUG - interactive is False
|
14082 |
+
2023-01-14 18:35:00,738 - matplotlib - DEBUG - platform is linux
|
14083 |
+
2023-01-14 18:35:00,738 - matplotlib - DEBUG - loaded modules: ['sys', 'builtins', '_frozen_importlib', '_imp', '_warnings', '_frozen_importlib_external', '_io', 'marshal', 'posix', '_thread', '_weakref', 'time', 'zipimport', '_codecs', 'codecs', 'encodings.aliases', 'encodings', 'encodings.utf_8', '_signal', '__main__', 'encodings.latin_1', '_abc', 'abc', 'io', '_stat', 'stat', '_collections_abc', 'genericpath', 'posixpath', 'os.path', 'os', '_sitebuiltins', '_locale', '_bootlocale', 'types', 'importlib._bootstrap', 'importlib._bootstrap_external', 'warnings', 'importlib', 'importlib.machinery', 'importlib.abc', '_operator', 'operator', 'keyword', '_heapq', 'heapq', 'itertools', 'reprlib', '_collections', 'collections', '_functools', 'functools', 'contextlib', 'importlib.util', 'google', 'pyannote', 'ruamel', 'sphinxcontrib', 'site', 'enum', '_sre', 'sre_constants', 'sre_parse', 'sre_compile', 'copyreg', 're', 'platform', 'textwrap', '_ctypes', '_struct', 'struct', 'ctypes._endian', 'ctypes', '_opcode', 'opcode', 'dis', 'collections.abc', 'token', 'tokenize', 'linecache', 'inspect', 'traceback', 'typing.io', 'typing.re', 'typing', 'torch._utils', 'fnmatch', 'errno', 'zlib', '_compression', '_weakrefset', 'threading', '_bz2', 'bz2', '_lzma', 'lzma', 'pwd', 'grp', 'shutil', 'math', '_bisect', 'bisect', '_sha512', '_random', 'random', 'weakref', 'tempfile', 'torch._utils_internal', 'torch.version', 'torch.torch_version', 'torch._six', 'signal', '_posixsubprocess', 'select', 'selectors', 'subprocess', 'torch._C._onnx', 'torch._C._jit', 'torch._C._jit_tree_views', 'torch._C._te', 'torch._C._nvfuser', 'atexit', 'torch._C._monitor', 'torch._C._functorch', 'torch._C._profiler', 'torch._C.cpp', 'torch._C.cpp.nn', 'torch._C._lazy', 'torch._C._lazy_ts_backend', 'torch._C._itt', 'torch._C._cudart', 'torch._C._nvtx', 'torch._C._cudnn', 'torch._C._verbose', 'torch._C', 'torch._C._fft', 'torch._C._linalg', 'torch._C._nested', 'torch._C._nn', 'torch._C._return_types', 'torch._C._sparse', 'torch._C._special', 'copy', 'numbers', 'torch.utils.throughput_benchmark', 'ntpath', 'urllib', 'urllib.parse', 'pathlib', 'torch.utils._crash_handler', 'torch.utils.cpp_backtrace', 'torch.utils', 'torch.utils.hooks', 'torch._namedtensor_internals', '__future__', 'torch.overrides', 'torch._tensor', 'torch.types', 'numpy._globals', 'numpy.__config__', 'numpy.version', 'numpy._distributor_init', '_datetime', 'datetime', 'numpy.core._multiarray_umath', 'numpy.compat._inspect', '_compat_pickle', '_pickle', 'pickle', 'numpy.compat.py3k', 'numpy.compat', 'numpy.core.overrides', 'numpy.core.multiarray', 'numpy.core.umath', 'numpy.core._string_helpers', 'numpy.core._dtype', 'numpy.core._type_aliases', 'numpy.core.numerictypes', 'numpy.core._asarray', 'numpy.core._exceptions', 'numpy.core._methods', 'numpy.core.fromnumeric', 'numpy.core.shape_base', 'numpy.core._ufunc_config', 'numpy.core.arrayprint', 'numpy.core.numeric', 'numpy.core.defchararray', 'numpy.core.records', 'numpy.core.memmap', 'numpy.core.function_base', 'numpy.core.machar', 'numpy.core.getlimits', 'numpy.core.einsumfunc', 'numpy.core._multiarray_tests', 'numpy.core._add_newdocs', 'numpy.core._dtype_ctypes', '_ast', 'ast', 'numpy.core._internal', 'numpy._pytesttester', 'numpy.core', 'numpy.lib.mixins', 'numpy.lib.ufunclike', 'numpy.lib.type_check', 'numpy.lib.scimath', 'numpy.lib.twodim_base', 'numpy.linalg.lapack_lite', 'numpy.linalg._umath_linalg', 'numpy.linalg.linalg', 'numpy.linalg', 'numpy.matrixlib.defmatrix', 'numpy.matrixlib', 'numpy.lib.histograms', 'numpy.lib.function_base', 'numpy.lib.stride_tricks', 'numpy.lib.index_tricks', 'numpy.lib.nanfunctions', 'numpy.lib.shape_base', 'numpy.lib.polynomial', 'numpy.lib.utils', 'numpy.lib.arraysetops', 'numpy.lib.format', 'numpy.lib._datasource', 'numpy.lib._iotools', 'numpy.lib.npyio', '_decimal', 'decimal', 'numpy.lib.financial', 'numpy.lib.arrayterator', 'numpy.lib.arraypad', 'numpy.lib._version', 'numpy.lib', 'numpy.fft._pocketfft_internal', 'numpy.fft._pocketfft', 'numpy.fft.helper', 'numpy.fft', 'numpy.polynomial.polyutils', 'numpy.polynomial._polybase', 'numpy.polynomial.polynomial', 'numpy.polynomial.chebyshev', 'numpy.polynomial.legendre', 'numpy.polynomial.hermite', 'numpy.polynomial.hermite_e', 'numpy.polynomial.laguerre', 'numpy.polynomial', 'cython_runtime', '_cython_0_29_21', 'numpy.random._common', 'binascii', 'base64', '_hashlib', '_blake2', '_sha3', 'hashlib', 'hmac', 'secrets', 'numpy.random.bit_generator', 'numpy.random._bounded_integers', 'numpy.random._mt19937', 'numpy.random.mtrand', 'numpy.random._philox', 'numpy.random._pcg64', 'numpy.random._sfc64', 'numpy.random._generator', 'numpy.random._pickle', 'numpy.random', 'numpy.ctypeslib', 'numpy.ma.core', 'numpy.ma.extras', 'numpy.ma', 'numpy', 'torch.storage', 'torch.random', 'difflib', 'tarfile', 'torch._sources', 'typing_extensions', 'torch._weights_only_unpickler', 'torch.serialization', 'torch._tensor_str', 'torch.amp.autocast_mode', 'torch.amp', 'torch.cuda._utils', 'gc', 'torch.cuda.graphs', 'torch.cuda.streams', 'torch.cuda._memory_viz', 'torch.cuda.memory', 'torch.cuda.random', 'torch.cuda.sparse', 'torch.cuda.profiler', 'torch.cuda.nvtx', 'torch.cuda.amp.autocast_mode', 'torch.cuda.amp.common', 'torch.cuda.amp.grad_scaler', 'torch.cuda.amp', 'torch.cuda.jiterator', 'torch.cuda', 'torch.sparse', 'torch.backends', 'opt_einsum.parser', 'opt_einsum.helpers', 'opt_einsum.blas', 'opt_einsum.paths', 'opt_einsum.path_random', 'opt_einsum.sharing', 'opt_einsum.backends.cupy', 'opt_einsum.backends.object_arrays', 'opt_einsum.backends.jax', 'opt_einsum.backends.tensorflow', 'opt_einsum.backends.theano', 'opt_einsum.backends.torch', 'opt_einsum.backends.dispatch', 'opt_einsum.backends', 'opt_einsum.contract', '_json', 'json.scanner', 'json.decoder', 'json.encoder', 'json', 'opt_einsum._version', 'opt_einsum', 'torch.backends.opt_einsum', 'torch.nn.parameter', 'torch.nn.modules.module', 'torch._VF', 'torch._torch_docs', 'torch._C._distributed_c10d', '_string', 'string', 'logging', 'torch.distributed.constants', 'torch.distributed.rendezvous', 'torch.distributed.distributed_c10d', 'torch.distributed.remote_device', 'torch.distributed', 'torch._C._distributed_rpc', 'torch.futures', 'torch.distributed.rpc.internal', 'torch.distributed.rpc.constants', 'torch.distributed.rpc._utils', 'torch.distributed.rpc.api', 'torch.distributed.rpc.backend_registry', 'torch.distributed.rpc.functions', 'torch._C._distributed_autograd', 'torch.distributed.autograd', 'torch.distributed.rpc.options', 'torch.autograd.variable', 'torch.autograd.function', 'cmath', 'torch.testing._comparison', 'torch.testing._creation', 'torch.testing._legacy', 'torch.testing._deprecated', 'torch.testing', 'torch.utils._pytree', 'torch._vmap_internals', 'torch.autograd.gradcheck', 'torch.autograd.grad_mode', 'torch.autograd.anomaly_mode', 'torch.autograd.forward_ad', 'torch.autograd.functional', 'torch.autograd.graph', 'torch._C._autograd', 'torch.autograd.profiler_util', 'torch.autograd.profiler', 'torch.autograd', 'torch.autograd.profiler_legacy', 'torch.distributed.rpc.server_process_global_profiler', 'torch.distributed.rpc', 'pickletools', 'dataclasses', 'torch.package._digraph', 'torch.package._importlib', 'torch.package._mangling', 'torch.package.importer', 'torch.package._package_pickler', 'torch.package._stdlib', 'torch.package.find_file_dependencies', 'torch.package.glob_group', 'torch.package.package_exporter', 'torch.package.analyze.find_first_use_of_broken_modules', 'torch.package.analyze.trace_dependencies', 'torch.package.analyze', 'torch.package.analyze.is_from_package', 'torch.package.file_structure_representation', 'glob', 'torch.package._directory_reader', 'torch.package._package_unpickler', 'torch.package.package_importer', 'torch.package', 'torch._jit_internal', 'torch.nn._reduction', 'torch.nn.modules.utils', 'torch.nn.grad', 'torch.nn.functional', 'torch.nn.init', 'torch.nn.modules.lazy', 'torch.nn.modules.linear', 'torch.nn.common_types', 'torch.nn.modules.conv', 'torch.nn.modules.activation', 'torch.nn.modules.distance', 'torch.nn.modules.loss', 'torch.nn.modules.container', 'torch.nn.modules.pooling', 'torch.nn.modules._functions', 'torch.nn.modules.batchnorm', 'torch.nn.modules.instancenorm', 'torch.nn.modules.normalization', 'torch.nn.modules.dropout', 'torch.nn.modules.padding', 'torch.nn.modules.sparse', 'torch.nn.utils.rnn', 'torch.nn.utils.clip_grad', 'torch.nn.utils.weight_norm', 'torch.nn.utils.convert_parameters', 'torch.nn.utils.spectral_norm', 'torch.nn.utils.fusion', 'torch.nn.utils.memory_format', 'torch.nn.utils.parametrize', 'torch.nn.utils.parametrizations', 'torch.nn.utils.init', 'torch.nn.utils.stateless', 'torch.nn.utils', 'torch.nn.modules.rnn', 'torch.nn.modules.pixelshuffle', 'torch.nn.modules.upsampling', 'torch.nn.modules.fold', 'torch.nn.modules.adaptive', 'torch.nn.modules.transformer', 'torch.nn.modules.flatten', 'torch.nn.modules.channelshuffle', 'torch.nn.modules', 'torch.nn.parallel.parallel_apply', 'torch.cuda.nccl', 'torch.nn.parallel.comm', 'torch.nn.parallel.replicate', 'torch.nn.parallel._functions', 'torch.nn.parallel.scatter_gather', 'torch.nn.parallel.data_parallel', 'torch.distributed.algorithms.join', 'torch.distributed.algorithms', 'torch.distributed.utils', 'torch.nn.parallel._replicated_tensor_ddp_utils', 'torch.nn.parallel.distributed', 'torch.nn.parallel', 'torch.nn', 'torch._linalg_utils', 'torch._lowrank', 'torch.functional', 'torch.cpu.amp.autocast_mode', 'torch.cpu.amp', 'torch.cpu', 'torch.fft', 'torch.nested', 'torch.optim.optimizer', 'torch.optim.adadelta', 'torch.optim.adagrad', 'torch.optim.adam', 'torch.optim.adamw', 'torch.optim.adamax', 'torch.optim.asgd', 'torch.optim.nadam', 'torch.optim.radam', 'torch.optim.rmsprop', 'torch.optim.rprop', 'torch.optim.sgd', 'torch.optim._functional', 'torch.optim.sparse_adam', 'torch.optim.lbfgs', 'torch.optim.lr_scheduler', 'torch.optim.swa_utils', 'torch.optim', 'torch.optim._multi_tensor', 'multiprocessing.process', '_socket', 'socket', 'array', 'multiprocessing.reduction', 'multiprocessing.context', '__mp_main__', 'multiprocessing', 'multiprocessing.util', 'multiprocessing.resource_sharer', 'torch.multiprocessing.reductions', '_multiprocessing', 'multiprocessing.connection', 'torch.multiprocessing.spawn', 'torch.multiprocessing', 'torch.special', 'torch.utils.backcompat', 'torch.onnx._deprecation', 'torch.onnx._constants', 'torch.onnx._internal', 'torch.onnx._internal.diagnostics.infra.sarif._property_bag', 'torch.onnx._internal.diagnostics.infra.sarif._address', 'torch.onnx._internal.diagnostics.infra.sarif._multiformat_message_string', 'torch.onnx._internal.diagnostics.infra.sarif._artifact_content', 'torch.onnx._internal.diagnostics.infra.sarif._message', 'torch.onnx._internal.diagnostics.infra.sarif._artifact_location', 'torch.onnx._internal.diagnostics.infra.sarif._artifact', 'torch.onnx._internal.diagnostics.infra.sarif._region', 'torch.onnx._internal.diagnostics.infra.sarif._replacement', 'torch.onnx._internal.diagnostics.infra.sarif._artifact_change', 'torch.onnx._internal.diagnostics.infra.sarif._rectangle', 'torch.onnx._internal.diagnostics.infra.sarif._attachment', 'torch.onnx._internal.diagnostics.infra.sarif._location_relationship', 'torch.onnx._internal.diagnostics.infra.sarif._logical_location', 'torch.onnx._internal.diagnostics.infra.sarif._physical_location', 'torch.onnx._internal.diagnostics.infra.sarif._location', 'torch.onnx._internal.diagnostics.infra.sarif._tool_component_reference', 'torch.onnx._internal.diagnostics.infra.sarif._reporting_descriptor_reference', 'torch.onnx._internal.diagnostics.infra.sarif._stack_frame', 'torch.onnx._internal.diagnostics.infra.sarif._stack', 'torch.onnx._internal.diagnostics.infra.sarif._web_request', 'torch.onnx._internal.diagnostics.infra.sarif._web_response', 'torch.onnx._internal.diagnostics.infra.sarif._thread_flow_location', 'torch.onnx._internal.diagnostics.infra.sarif._thread_flow', 'torch.onnx._internal.diagnostics.infra.sarif._code_flow', 'torch.onnx._internal.diagnostics.infra.sarif._reporting_configuration', 'torch.onnx._internal.diagnostics.infra.sarif._configuration_override', 'torch.onnx._internal.diagnostics.infra.sarif._exception', 'torch.onnx._internal.diagnostics.infra.sarif._notification', 'torch.onnx._internal.diagnostics.infra.sarif._invocation', 'torch.onnx._internal.diagnostics.infra.sarif._reporting_descriptor_relationship', 'torch.onnx._internal.diagnostics.infra.sarif._reporting_descriptor', 'torch.onnx._internal.diagnostics.infra.sarif._translation_metadata', 'torch.onnx._internal.diagnostics.infra.sarif._tool_component', 'torch.onnx._internal.diagnostics.infra.sarif._tool', 'torch.onnx._internal.diagnostics.infra.sarif._conversion', 'torch.onnx._internal.diagnostics.infra.sarif._edge', 'torch.onnx._internal.diagnostics.infra.sarif._edge_traversal', 'torch.onnx._internal.diagnostics.infra.sarif._node', 'torch.onnx._internal.diagnostics.infra.sarif._graph', 'torch.onnx._internal.diagnostics.infra.sarif._fix', 'torch.onnx._internal.diagnostics.infra.sarif._graph_traversal', 'torch.onnx._internal.diagnostics.infra.sarif._result_provenance', 'torch.onnx._internal.diagnostics.infra.sarif._suppression', 'torch.onnx._internal.diagnostics.infra.sarif._result', 'torch.onnx._internal.diagnostics.infra.sarif._external_properties', 'torch.onnx._internal.diagnostics.infra.sarif._external_property_file_reference', 'torch.onnx._internal.diagnostics.infra.sarif._external_property_file_references', 'torch.onnx._internal.diagnostics.infra.sarif._run_automation_details', 'torch.onnx._internal.diagnostics.infra.sarif._special_locations', 'torch.onnx._internal.diagnostics.infra.sarif._version_control_details', 'torch.onnx._internal.diagnostics.infra.sarif._run', 'torch.onnx._internal.diagnostics.infra.sarif._sarif_log', 'torch.onnx._internal.diagnostics.infra.sarif', 'torch.onnx._internal.diagnostics.infra.formatter', 'torch.onnx._internal.diagnostics.infra._infra', 'torch.onnx._internal.diagnostics.infra.sarif.version', 'torch.onnx._internal.diagnostics.infra.engine', 'torch.onnx._internal.diagnostics.infra', 'torch.onnx._internal.diagnostics._rules', 'torch.onnx._internal.diagnostics._diagnostic', 'torch.onnx._internal.diagnostics', 'torch.onnx.errors', 'zipfile', 'torch.jit._dataclass_impls', 'torch.jit._monkeytype_config', 'torch.jit._state', 'torch._ops', 'torch.jit.annotations', 'six', 'six.moves', 'astunparse.unparser', 'astunparse.printer', 'astunparse', 'torch.jit.frontend', 'torch.backends.cudnn', 'torch.jit._builtins', 'torch.jit._check', 'torch.jit._recursive', 'torch.jit._fuser', 'torch.jit._serialization', 'torch._classes', 'torch.jit._script', 'torch.jit._trace', 'torch.jit._async', 'torch.jit._decomposition_utils', 'torch.jit._freeze', 'torch.jit._ir_utils', 'torch.jit', 'torch.onnx._exporter_states', 'torch.onnx._globals', 'torch.onnx._internal._beartype', 'torch.onnx._internal.jit_utils', 'torch.onnx._internal.registration', 'torch.onnx.utils', 'torch.onnx._patch_torch', 'torch.onnx._type_utils', 'torch.onnx.symbolic_helper', 'torch.onnx.symbolic_opset9', 'torch.onnx.symbolic_caffe2', 'torch.onnx.symbolic_opset7', 'torch.onnx.symbolic_opset8', 'torch.onnx.symbolic_opset10', 'torch.onnx.symbolic_opset11', 'torch.onnx.symbolic_opset12', 'torch.onnx.symbolic_opset13', 'torch.onnx.symbolic_opset14', 'torch.onnx.symbolic_opset15', 'torch.onnx.symbolic_opset16', 'torch.onnx.symbolic_opset17', 'torch.onnx', 'torch.linalg', 'urllib.response', 'urllib.error', 'email', 'http', 'email.errors', 'email.quoprimime', 'email.base64mime', 'quopri', 'email.encoders', 'email.charset', 'email.header', 'locale', 'calendar', 'email._parseaddr', 'email.utils', 'email._policybase', 'email.feedparser', 'email.parser', 'uu', 'email._encoded_words', 'email.iterators', 'email.message', '_ssl', 'ssl', 'http.client', 'urllib.request', 'tqdm._monitor', 'tqdm._tqdm_pandas', 'unicodedata', 'tqdm.utils', 'tqdm.std', 'tqdm._dist_ver', 'tqdm.version', 'tqdm.cli', 'tqdm.gui', 'tqdm', 'tqdm.autonotebook', 'concurrent', 'concurrent.futures._base', 'concurrent.futures', 'asyncio.constants', 'asyncio.format_helpers', 'asyncio.base_futures', 'asyncio.log', 'asyncio.coroutines', '_contextvars', 'contextvars', 'asyncio.exceptions', 'asyncio.base_tasks', '_asyncio', 'asyncio.events', 'asyncio.futures', 'asyncio.protocols', 'asyncio.transports', 'asyncio.sslproto', 'asyncio.locks', 'asyncio.tasks', 'asyncio.staggered', 'asyncio.trsock', 'asyncio.base_events', 'asyncio.runners', 'asyncio.queues', 'asyncio.streams', 'asyncio.subprocess', 'asyncio.base_subprocess', 'asyncio.selector_events', 'asyncio.unix_events', 'asyncio', 'tqdm.asyncio', 'tqdm.auto', 'torch.hub', 'torch.distributions.constraints', 'torch.distributions.utils', 'torch.distributions.distribution', 'torch.distributions.exp_family', 'torch.distributions.bernoulli', 'torch.distributions.dirichlet', 'torch.distributions.beta', 'torch.distributions.binomial', 'torch.distributions.categorical', 'torch.distributions.cauchy', 'torch.distributions.gamma', 'torch.distributions.chi2', 'torch.distributions.transforms', 'torch.distributions.constraint_registry', 'torch.distributions.continuous_bernoulli', 'torch.distributions.exponential', 'torch.distributions.fishersnedecor', 'torch.distributions.geometric', 'torch.distributions.uniform', 'torch.distributions.independent', 'torch.distributions.transformed_distribution', 'torch.distributions.gumbel', 'torch.distributions.half_cauchy', 'torch.distributions.normal', 'torch.distributions.half_normal', 'torch.distributions.laplace', 'torch.distributions.multivariate_normal', 'torch.distributions.lowrank_multivariate_normal', 'torch.distributions.one_hot_categorical', 'torch.distributions.pareto', 'torch.distributions.poisson', 'torch.distributions.kl', 'torch.distributions.kumaraswamy', 'torch.distributions.lkj_cholesky', 'torch.distributions.log_normal', 'torch.distributions.logistic_normal', 'torch.distributions.mixture_same_family', 'torch.distributions.multinomial', 'torch.distributions.negative_binomial', 'torch.distributions.relaxed_bernoulli', 'torch.distributions.relaxed_categorical', 'torch.distributions.studentT', 'torch.distributions.von_mises', 'torch.distributions.weibull', 'torch.distributions.wishart', 'torch.distributions', 'torch.backends.cuda', 'torch.backends.mps', 'torch.backends.mkl', 'torch.backends.mkldnn', 'torch.backends.openmp', 'torch.backends.quantized', 'torch.utils.data.sampler', 'torch.utils.data.dataset', 'torch.utils.data.datapipes._hook_iterator', 'torch.utils.data.datapipes._typing', 'torch.utils.data.datapipes.utils', '_queue', 'queue', 'torch.utils.data._utils.signal_handling', 'torch.utils.data._utils.worker', 'torch.utils.data._utils.pin_memory', 'torch.utils.data._utils.collate', 'torch.utils.data._utils.fetch', 'torch.utils.data._utils', 'dill.info', '_pyio', 'dill.settings', 'dill._dill', 'dill.source', 'dill.temp', 'dill.pointers', 'dill.detect', 'dill.objtypes', 'dill', 'torch.utils.data._utils.serialization', 'torch.utils.data.datapipes.utils.common', 'torch.utils.data.datapipes.datapipe', 'torch.utils.data.datapipes.iter.utils', 'torch.utils.data.datapipes._decorator', 'torch.utils.data.datapipes.dataframe.dataframe_wrapper', 'torch.utils.data.datapipes.dataframe.structures', 'torch.utils.data.datapipes.dataframe.dataframes', 'torch.utils.data.datapipes.dataframe.datapipes', 'torch.utils.data.datapipes.dataframe', 'torch.utils.data.datapipes.iter.callable', 'torch.utils.data.datapipes.iter.combinatorics', 'torch.utils.data.datapipes.iter.combining', 'torch.utils.data.datapipes.iter.filelister', 'torch.utils.data.datapipes.iter.fileopener', 'torch.utils.data.datapipes.iter.grouping', 'torch.utils.data.datapipes.utils.decoder', 'torch.utils.data.datapipes.iter.routeddecoder', 'torch.utils.data.datapipes.iter.selecting', 'torch.utils.data.datapipes.iter.streamreader', 'torch.utils.data.datapipes.iter', 'torch.utils.data.datapipes.map.callable', 'torch.utils.data.datapipes.map.combinatorics', 'torch.utils.data.datapipes.map.combining', 'torch.utils.data.datapipes.map.grouping', 'torch.utils.data.datapipes.map.utils', 'torch.utils.data.datapipes.map', 'torch.utils.data.datapipes', 'torch.utils.data.graph', 'torch.utils.data.graph_settings', 'torch.utils.data.dataloader', 'torch.utils.data.distributed', 'torch.utils.data.backward_compatibility', 'torch.utils.data.communication.eventloop', 'torch.utils.data.communication.iter', 'torch.utils.data.communication.map', 'torch.utils.data.communication.messages', 'torch.utils.data.communication.protocol', 'torch.utils.data.communication.queue', 'torch.utils.data.communication', 'torch.utils.data.dataloader_experimental', 'torch.utils.data', 'torch.__config__', 'torch.__future__', 'gzip', 'torch.profiler.profiler', 'torch.profiler.itt', 'torch.profiler', 'torch.ao', 'torch.ao.nn', 'torch.ao.nn.intrinsic.modules.fused', 'torch.ao.nn.intrinsic.modules', 'torch.ao.nn.intrinsic', 'torch.nn.intrinsic.modules.fused', 'torch.nn.intrinsic.modules', 'torch.nn.intrinsic', 'torch.ao.nn.quantizable.modules.activation', 'torch.ao.nn.quantizable.modules.rnn', 'torch.ao.nn.quantizable.modules', 'torch.ao.nn.quantizable', 'torch.nn.quantizable.modules', 'torch.nn.quantizable', 'torch.ao.nn.quantized.modules.activation', 'torch.ao.nn.quantized.modules.dropout', 'torch.ao.nn.quantized.modules.batchnorm', 'torch.ao.nn.quantized.modules.normalization', 'torch.ao.nn.qat.modules.linear', 'torch.ao.nn.qat.modules.conv', 'torch.ao.nn.qat.modules.embedding_ops', 'torch.ao.nn.qat.modules', 'torch.ao.nn.qat', 'torch.nn.intrinsic.qat.modules.linear_relu', 'torch.nn.intrinsic.qat.modules.linear_fused', 'torch.nn.intrinsic.qat.modules.conv_fused', 'torch.nn.intrinsic.qat.modules', 'torch.nn.intrinsic.qat', 'torch.ao.nn.quantized.modules.utils', 'torch.ao.nn.quantized.modules.conv', 'torch.ao.nn.quantized.modules.linear', 'torch.ao.nn.quantized.modules.embedding_ops', 'torch.ao.nn.quantized.modules.rnn', 'torch.ao.nn.quantized.modules.functional_modules', 'torch.ao.nn.quantized.modules', 'torch.ao.nn.quantized.functional', 'torch.ao.nn.quantized', 'torch.ao.nn.quantized.dynamic.modules.linear', 'torch.ao.nn.quantized.dynamic.modules.rnn', 'torch.ao.nn.quantized.dynamic.modules.conv', 'torch.ao.nn.quantized.dynamic.modules', 'torch.ao.nn.quantized.dynamic', 'torch.nn.quantized.dynamic', 'torch.nn.quantized.functional', 'torch.nn.quantized.modules', 'torch.nn.quantized', 'torch.ao.nn.qat.dynamic.modules.linear', 'torch.ao.nn.qat.dynamic.modules', 'torch.ao.nn.qat.dynamic', 'torch.nn.qat.dynamic.modules.linear', 'torch.nn.qat.dynamic.modules', 'torch.nn.qat.dynamic', 'torch.nn.qat.modules.conv', 'torch.nn.qat.modules.embedding_ops', 'torch.nn.qat.modules.linear', 'torch.nn.qat.modules', 'torch.nn.qat', 'torch._tensor_docs', 'torch._storage_docs', 'torch.ao.quantization.quant_type', 'torch.ao.quantization.utils', 'torch.ao.quantization.observer', 'torch.ao.quantization.fake_quantize', 'torch.ao.quantization.fuser_method_mappings', 'torch.ao.quantization.fuse_modules', 'torch.ao.quantization.qconfig', 'torch.ao.quantization.qconfig_mapping', 'torch.nn.intrinsic.quantized.modules.linear_relu', 'torch.nn.intrinsic.quantized.modules.conv_relu', 'torch.nn.intrinsic.quantized.modules.bn_relu', 'torch.nn.intrinsic.quantized.modules', 'torch.nn.intrinsic.quantized', 'torch.nn.intrinsic.quantized.dynamic.modules.linear_relu', 'torch.nn.intrinsic.quantized.dynamic.modules', 'torch.nn.intrinsic.quantized.dynamic', 'torch.ao.nn.quantized.reference.modules.utils', 'torch.ao.nn.quantized.reference.modules.linear', 'torch.ao.nn.quantized.reference.modules.conv', 'torch.ao.nn.quantized.reference.modules.rnn', 'torch.ao.nn.quantized.reference.modules.sparse', 'torch.ao.nn.quantized.reference.modules', 'torch.ao.nn.quantized.reference', 'torch.ao.nn.sparse.quantized.linear', 'torch.ao.nn.sparse.quantized.utils', 'torch.ao.nn.sparse.quantized.dynamic.linear', 'torch.ao.nn.sparse.quantized.dynamic', 'torch.ao.nn.sparse.quantized', 'torch.ao.nn.sparse', 'torch.ao.quantization.stubs', 'torch.ao.quantization.quantization_mappings', 'torch.ao.quantization.quantize', 'torch.ao.quantization.quantize_jit', 'torch.ao.quantization', 'torch.quantization.quantize', 'torch.quantization.observer', 'torch.quantization.qconfig', 'torch.quantization.fake_quantize', 'torch.quantization.fuser_method_mappings', 'torch.quantization.fuse_modules', 'torch.quantization.stubs', 'torch.quantization.quant_type', 'torch.quantization.quantize_jit', 'torch.quantization.quantization_mappings', 'torch.quantization', 'torch.quasirandom', 'torch.multiprocessing._atfork', 'torch._lobpcg', 'torch.utils.dlpack', 'torch.masked.maskedtensor.core', 'torch.masked.maskedtensor.binary', 'torch.masked.maskedtensor.passthrough', 'torch.masked.maskedtensor.creation', 'torch.masked.maskedtensor.reductions', 'torch.masked.maskedtensor.unary', 'torch.masked.maskedtensor', 'torch.masked._docs', 'torch.masked._ops', 'torch.masked', 'torch.return_types', 'torch.library', 'torch._prims_common', 'torch._prims_common.wrappers', 'torch._prims.nvfuser_prims', 'torch.utils._mode_utils', 'torch._subclasses.meta_utils', 'torch.fx._compatibility', 'torch.fx.immutable_collections', 'torch.fx.operator_schemas', 'torch.fx.node', 'torch.fx._pytree', 'torch.fx.graph', 'torch.fx.graph_module', 'torch.fx.traceback', 'torch.fx.proxy', 'torch.fx._symbolic_trace', 'torch.fx.interpreter', 'torch.fx.subgraph_rewriter', 'torch.fx', 'torch.utils._python_dispatch', 'torch._subclasses.fake_tensor', 'torch._subclasses.fake_utils', 'torch._subclasses', 'torch._prims', 'torch._decomp.decompositions', 'torch._decomp', 'torch._refs.fft', 'torch._refs.linalg', 'torch._refs.nn', 'torch._refs.nn.functional', 'torch._refs.special', 'torch._refs', 'torch._meta_registrations', 'torch', 'yaml.error', 'yaml.tokens', 'yaml.events', 'yaml.nodes', 'yaml.reader', 'yaml.scanner', 'yaml.parser', 'yaml.composer', 'yaml.constructor', 'yaml.resolver', 'yaml.loader', 'yaml.emitter', 'yaml.serializer', 'yaml.representer', 'yaml.dumper', 'yaml', 'gettext', 'argparse', 'tqdm.contrib', 'pkgutil', 'sysconfig', '_sysconfigdata__linux_x86_64-linux-gnu', 'pydoc', 'ruamel.yaml.compat', 'ruamel.yaml.error', 'ruamel.yaml.util', 'ruamel.yaml.reader', 'ruamel.yaml.tokens', 'ruamel.yaml.scanner', 'ruamel.yaml.events', 'ruamel.yaml.anchor', 'ruamel.yaml.scalarstring', 'ruamel.yaml.comments', 'ruamel.yaml.parser', 'ruamel.yaml.nodes', 'ruamel.yaml.composer', 'ruamel.yaml.scalarint', 'ruamel.yaml.scalarfloat', 'ruamel.yaml.scalarbool', 'ruamel.yaml.timestamp', 'ruamel.yaml.constructor', 'ruamel.yaml.emitter', 'ruamel.yaml.serializer', 'ruamel.yaml.representer', '_ruamel_yaml', 'ruamel.yaml.resolver', 'ruamel.yaml.cyaml', 'ruamel.yaml.loader', 'ruamel.yaml.dumper', 'ruamel.yaml.main', 'ruamel.yaml', 'hyperpyyaml.core', 'hyperpyyaml', 'logging.handlers', 'socketserver', 'logging.config', '_csv', 'csv', 'speechbrain.utils.data_utils', 'speechbrain.utils.superpowers', 'speechbrain.utils.logger', 'speechbrain.utils.edit_distance', 'speechbrain.utils.distributed', 'uuid', 'speechbrain.utils.depgraph', 'speechbrain.utils.DER', 'speechbrain.utils.hparams', 'speechbrain.utils.hpopt', 'torchaudio._internal', 'ctypes.util', '_cffi_backend', '_soundfile', 'soundfile', 'torchaudio._internal.module_utils', 'torchaudio._torchaudio', 'torchaudio._torchaudio_ffmpeg', 'torchaudio._extension', 'torchaudio.compliance.kaldi', 'torchaudio.compliance', 'torch.utils.model_zoo', 'torchaudio.datasets.utils', 'torchaudio.datasets.cmuarctic', 'torchaudio.datasets.cmudict', 'torchaudio.datasets.commonvoice', 'torchaudio.datasets.dr_vctk', 'torchaudio.datasets.fluentcommands', 'torchaudio.datasets.gtzan', 'torchaudio.datasets.iemocap', 'torchaudio.datasets.librispeech', 'torchaudio.datasets.librilight_limited', 'torchaudio.datasets.librimix', 'torchaudio.datasets.libritts', 'torchaudio.datasets.ljspeech', 'torchaudio.datasets.musdb_hq', 'torchaudio.datasets.quesst14', 'torchaudio.datasets.snips', 'torchaudio.datasets.speechcommands', 'torchaudio.datasets.tedlium', 'torchaudio.datasets.vctk', 'torchaudio.datasets.voxceleb1', 'torchaudio.datasets.yesno', 'torchaudio.datasets', 'torchaudio.functional.filtering', 'torchaudio.functional.functional', 'torchaudio.functional', 'torchaudio.io', 'torchaudio.kaldi_io', 'torchaudio.models._hdemucs', 'torchaudio.models.conformer', 'torchaudio.models.conv_tasnet', 'torchaudio.models.deepspeech', 'torchaudio.models.emformer', 'torchaudio.models.rnnt', 'torchaudio.models.rnnt_decoder', 'torchaudio.models.tacotron2', 'torchaudio.models.wav2letter', 'torchaudio.models.wav2vec2.components', 'torchaudio.models.wav2vec2.model', 'torchaudio.models.wav2vec2.utils.import_fairseq', 'torchaudio.models.wav2vec2.utils.import_huggingface', 'torchaudio.models.wav2vec2.utils', 'torchaudio.models.wav2vec2', 'torchaudio.models.wavernn', 'torchaudio.models', 'torchaudio.pipelines._source_separation_pipeline', 'torchaudio.transforms._multi_channel', 'torchaudio.transforms._transforms', 'torchaudio.transforms', 'torchaudio.pipelines._tts.utils', 'torchaudio.pipelines._tts.interface', 'torchaudio.pipelines._tts.impl', 'torchaudio.pipelines._tts', 'torchaudio.pipelines._wav2vec2', 'torchaudio.pipelines._wav2vec2.utils', 'torchaudio.pipelines._wav2vec2.impl', 'torchaudio.pipelines.rnnt_pipeline', 'torchaudio.pipelines', 'torchaudio.utils.ffmpeg_utils', 'torchaudio.utils.sox_utils', 'torchaudio.utils.download', 'torchaudio.utils', 'torchaudio.sox_effects.sox_effects', 'torchaudio.sox_effects', 'torchaudio.backend.no_backend', 'torchaudio.backend.common', 'torchaudio.backend.soundfile_backend', 'torchaudio.io._compat', 'torchaudio.backend.sox_io_backend', 'torchaudio.backend.utils', 'torchaudio.backend', 'torchaudio.version', 'torchaudio', 'speechbrain.utils.torch_audio_backend', 'speechbrain.utils.recipe_tests', 'swig_runtime_data4', 'sentencepiece._sentencepiece', 'sentencepiece', 'speechbrain.utils.checkpoints', 'speechbrain.utils.epoch_loop', 'joblib.hashing', 'pprint', 'joblib.disk', 'joblib.logger', 'joblib.func_inspect', 'distutils', 'distutils.version', 'joblib.backports', 'joblib.compressor', 'joblib.numpy_pickle_utils', 'joblib.numpy_pickle_compat', 'joblib.numpy_pickle', 'joblib._store_backends', 'joblib.memory', 'joblib._multiprocessing_helpers', 'joblib._deprecated_my_exceptions', 'joblib.my_exceptions', 'mmap', 'joblib.externals', 'joblib.externals.loky._base', 'joblib.externals.loky.backend.compat_posix', 'joblib.externals.loky.backend.compat', 'joblib.externals.loky.backend.process', 'joblib.externals.loky.backend.context', 'multiprocessing.synchronize', 'joblib.externals.loky.backend', 'joblib.externals.loky.backend._posix_reduction', 'joblib.externals.cloudpickle.compat', 'joblib.externals.cloudpickle.cloudpickle', 'joblib.externals.cloudpickle.cloudpickle_fast', 'joblib.externals.cloudpickle', 'joblib.externals.loky.backend.reduction', 'multiprocessing.queues', 'joblib.externals.loky.backend.queues', 'psutil._common', 'psutil._compat', 'psutil._psposix', 'psutil._psutil_linux', 'psutil._psutil_posix', 'psutil._pslinux', 'psutil', 'joblib.externals.loky.backend.utils', 'concurrent.futures.process', 'joblib.externals.loky.process_executor', 'joblib.externals.loky.reusable_executor', 'joblib.externals.loky.cloudpickle_wrapper', 'joblib.externals.loky', 'runpy', 'joblib.externals.loky.backend.spawn', 'joblib.externals.loky.backend.resource_tracker', 'joblib._memmapping_reducer', 'multiprocessing.pool', 'joblib.pool', 'joblib.executor', 'joblib._parallel_backends', 'joblib.parallel', 'joblib', 'speechbrain.utils.data_pipeline', 'speechbrain.dataio.dataio', 'speechbrain.dataio.dataset', 'speechbrain.dataio.legacy', 'scipy._lib._testutils', 'scipy._lib', 'scipy._lib.deprecation', 'scipy.__config__', 'scipy.version', 'scipy._distributor_init', 'scipy._lib._pep440', 'scipy._lib._ccallback_c', 'scipy._lib._ccallback', 'scipy._lib._uarray._uarray', 'scipy._lib._uarray._backend', 'scipy._lib._uarray', 'scipy._lib.uarray', 'scipy.fft._basic', 'scipy.fft._realtransforms', 'scipy.fft._pocketfft.pypocketfft', 'scipy.fft._pocketfft.helper', 'scipy.fft._pocketfft.basic', 'scipy.fft._pocketfft.realtransforms', 'scipy.fft._pocketfft', 'scipy.fft._helper', 'scipy.fft._backend', 'scipy.fft', 'scipy', 'scipy._lib._util', 'scipy.sparse.sputils', 'scipy.sparse.base', 'scipy.sparse._sparsetools', 'scipy.sparse.data', 'scipy.sparse.dia', 'scipy.sparse._index', 'scipy.sparse.compressed', 'scipy.sparse.csr', 'scipy.sparse.csc', 'scipy.sparse._csparsetools', 'scipy.sparse.lil', 'scipy.sparse.dok', 'scipy.sparse.coo', 'scipy.sparse.bsr', 'scipy.sparse.construct', 'scipy.sparse.extract', 'scipy.sparse._matrix_io', 'scipy.sparse.csgraph._laplacian', 'scipy.sparse.csgraph._tools', 'scipy.sparse.csgraph._validation', 'scipy.sparse.csgraph._shortest_path', 'scipy.sparse.csgraph._traversal', 'scipy.sparse.csgraph._min_spanning_tree', 'scipy.sparse.csgraph._flow', 'scipy.sparse.csgraph._matching', 'scipy.sparse.csgraph._reordering', 'scipy.sparse.csgraph', 'scipy.sparse', 'scipy.spatial.kdtree', 'scipy.spatial.ckdtree', 'scipy._lib.messagestream', 'scipy.spatial.qhull', 'scipy.spatial._voronoi', 'scipy.spatial._spherical_voronoi', 'scipy._lib.decorator', 'scipy.spatial._plotutils', 'scipy.linalg._fblas', 'scipy.linalg.blas', 'scipy.linalg._flapack', 'scipy.linalg.lapack', 'scipy.linalg.misc', 'scipy.linalg._flinalg', 'scipy.linalg.flinalg', 'scipy.linalg.decomp', 'scipy.linalg.decomp_svd', 'scipy.linalg._solve_toeplitz', 'scipy.linalg.basic', 'scipy.linalg.decomp_lu', 'scipy.linalg._decomp_ldl', 'scipy.linalg.decomp_cholesky', 'scipy.linalg.decomp_qr', 'scipy.linalg._decomp_qz', 'scipy.linalg.decomp_schur', 'scipy.linalg._decomp_polar', 'scipy.linalg.special_matrices', 'scipy.linalg._expm_frechet', 'scipy.linalg._matfuncs_sqrtm', 'scipy.linalg.matfuncs', 'scipy.linalg._solvers', 'scipy.linalg._procrustes', 'scipy.linalg.cython_blas', 'scipy.linalg.cython_lapack', 'scipy.linalg._decomp_update', 'scipy.linalg._sketches', 'scipy.linalg._decomp_cossin', 'scipy.linalg', 'scipy.spatial._procrustes', 'scipy.spatial._distance_wrap', 'scipy.spatial._hausdorff', 'scipy.special.sf_error', 'scipy.special._ufuncs_cxx', 'scipy.special._ufuncs', 'scipy.special.specfun', 'scipy.special.orthogonal', 'scipy.special._comb', 'scipy.special._basic', 'scipy.special._logsumexp', 'scipy.special.spfun_stats', 'scipy.special._ellip_harm_2', 'scipy.special._ellip_harm', 'scipy.special._lambertw', 'scipy.special._spherical_bessel', 'scipy.special', 'scipy.spatial.distance', 'scipy.spatial._geometric_slerp', 'scipy.constants.codata', 'scipy.constants.constants', 'scipy.constants', 'scipy.spatial.transform._rotation_groups', 'scipy.spatial.transform.rotation', 'scipy.spatial.transform._rotation_spline', 'scipy.spatial.transform', 'scipy.spatial', 'scipy.ndimage._ni_support', 'scipy.ndimage._nd_image', 'scipy._lib.doccer', 'scipy.ndimage._ni_docstrings', 'scipy.ndimage.filters', 'scipy.ndimage.fourier', 'scipy.ndimage.interpolation', '_ni_label', 'scipy.ndimage._ni_label', 'scipy.ndimage.morphology', 'scipy.ndimage.measurements', 'scipy.ndimage', 'scipy.stats._distr_params', 'scipy.optimize.minpack2', 'scipy.optimize.linesearch', 'scipy.sparse.linalg.isolve._iterative', 'scipy.sparse.linalg.interface', 'scipy.sparse.linalg.isolve.utils', 'scipy._lib._threadsafety', 'scipy.sparse.linalg.isolve.iterative', 'scipy.sparse.linalg.isolve.minres', 'scipy.sparse.linalg.isolve._gcrotmk', 'scipy.sparse.linalg.isolve.lgmres', 'scipy.sparse.linalg.isolve.lsqr', 'scipy.sparse.linalg.isolve.lsmr', 'scipy.sparse.linalg.isolve', 'scipy.sparse.linalg.dsolve._superlu', 'scipy.sparse.linalg.dsolve.linsolve', 'scipy.sparse.linalg.dsolve._add_newdocs', 'scipy.sparse.linalg.dsolve', 'scipy.sparse.linalg.eigen.arpack._arpack', 'scipy.sparse.linalg.eigen.lobpcg.lobpcg', 'scipy.sparse.linalg.eigen.lobpcg', 'scipy.sparse.linalg.eigen.arpack.arpack', 'scipy.sparse.linalg.eigen.arpack', 'scipy.sparse.linalg.eigen', 'scipy.sparse.linalg._expm_multiply', 'scipy.sparse.linalg.matfuncs', 'scipy.sparse.linalg._onenormest', 'scipy.sparse.linalg._norm', 'scipy.sparse.linalg', 'scipy.optimize._group_columns', 'scipy.optimize._numdiff', 'scipy.optimize._hessian_update_strategy', 'scipy.optimize._differentiable_functions', 'scipy.optimize.optimize', 'scipy.optimize._trustregion', 'scipy.optimize._trustregion_dogleg', 'scipy.optimize._trustregion_ncg', 'scipy.optimize._trlib._trlib', 'scipy.optimize._trlib', 'scipy.optimize._trustregion_krylov', 'scipy.optimize._trustregion_exact', 'unittest.util', 'unittest.result', 'unittest.case', 'unittest.async_case', 'unittest.suite', 'unittest.loader', 'unittest.signals', 'unittest.runner', 'unittest.main', 'unittest', 'numpy.testing._private', 'numpy.testing._private.utils', 'numpy.testing._private.decorators', 'numpy.testing._private.nosetester', 'numpy.testing', 'scipy.optimize._constraints', 'scipy.optimize._trustregion_constr.projections', 'scipy.optimize._trustregion_constr.qp_subproblem', 'scipy.optimize._trustregion_constr.equality_constrained_sqp', 'scipy.optimize._trustregion_constr.canonical_constraint', 'scipy.optimize._trustregion_constr.tr_interior_point', 'scipy.optimize._trustregion_constr.report', 'scipy.optimize._trustregion_constr.minimize_trustregion_constr', 'scipy.optimize._trustregion_constr', 'scipy.optimize._lbfgsb', 'scipy.optimize.lbfgsb', 'scipy.optimize.moduleTNC', 'scipy.optimize.tnc', 'scipy.optimize._cobyla', 'scipy.optimize.cobyla', 'scipy.optimize._slsqp', 'scipy.optimize.slsqp', 'scipy.optimize._minimize', 'scipy.optimize._minpack', 'scipy.optimize._lsq.common', 'scipy.optimize._lsq.trf', 'scipy.optimize._lsq.dogbox', 'scipy.optimize._lsq.least_squares', 'scipy.optimize._lsq.givens_elimination', 'scipy.optimize._lsq.trf_linear', 'scipy.optimize._lsq.bvls', 'scipy.optimize._lsq.lsq_linear', 'scipy.optimize._lsq', 'scipy.optimize.minpack', 'scipy.optimize._spectral', 'scipy.optimize.nonlin', 'scipy.optimize._root', 'scipy.optimize._zeros', 'scipy.optimize.zeros', 'scipy.optimize._root_scalar', 'scipy.optimize.__nnls', 'scipy.optimize._nnls', 'scipy.optimize._basinhopping', 'scipy.optimize._remove_redundancy', 'scipy.optimize._linprog_util', 'scipy.optimize._linprog_ip', 'scipy.optimize._linprog_simplex', 'scipy.optimize._bglu_dense', 'scipy.optimize._linprog_rs', 'scipy.optimize._linprog', 'scipy.optimize._lsap_module', 'scipy.optimize._lsap', 'scipy.optimize._differentialevolution', 'scipy.optimize._shgo_lib', 'scipy.optimize._shgo_lib.sobol_seq', 'scipy.optimize._shgo_lib.triangulation', 'scipy.optimize._shgo', 'scipy.optimize._dual_annealing', 'scipy.optimize', 'scipy.integrate._quadrature', 'scipy.integrate._odepack', 'scipy.integrate.odepack', 'scipy.integrate._quadpack', 'scipy.integrate.quadpack', 'scipy.integrate.vode', 'scipy.integrate._dop', 'scipy.integrate.lsoda', 'scipy.integrate._ode', 'scipy.integrate._bvp', 'scipy.integrate._ivp.common', 'scipy.integrate._ivp.base', 'scipy.integrate._ivp.bdf', 'scipy.integrate._ivp.radau', 'scipy.integrate._ivp.dop853_coefficients', 'scipy.integrate._ivp.rk', 'scipy.integrate._ivp.lsoda', 'scipy.integrate._ivp.ivp', 'scipy.integrate._ivp', 'scipy.integrate._quad_vec', 'scipy.integrate', 'scipy.misc.doccer', 'scipy.misc.common', 'scipy.misc', 'scipy.stats._constants', 'scipy.stats._distn_infrastructure', 'scipy.interpolate._fitpack', 'scipy.interpolate.dfitpack', 'scipy.interpolate._fitpack_impl', 'scipy.interpolate._bspl', 'scipy.interpolate._bsplines', 'scipy.interpolate.fitpack', 'scipy.interpolate.polyint', 'scipy.interpolate._ppoly', 'scipy.interpolate.fitpack2', 'scipy.interpolate.interpnd', 'scipy.interpolate.interpolate', 'scipy.interpolate.rbf', 'scipy.interpolate._cubic', 'scipy.interpolate.ndgriddata', 'scipy.interpolate._pade', 'scipy.interpolate', 'scipy.special.cython_special', 'scipy.stats._stats', 'scipy.stats._rvs_sampling', 'scipy.stats._tukeylambda_stats', 'scipy.stats._ksstats', 'scipy.stats._continuous_distns', 'scipy.stats._discrete_distns', 'scipy.stats.distributions', 'scipy.stats._stats_mstats_common', 'scipy.stats.mstats_basic', 'scipy.stats._wilcoxon_data', 'scipy.stats._hypotests', 'scipy.stats.stats', 'scipy.stats.statlib', 'scipy.stats.contingency', 'scipy.stats.morestats', 'scipy.stats._binned_statistic', 'scipy.stats.mvn', 'scipy.stats.kde', 'scipy.stats.mstats_extras', 'scipy.stats.mstats', 'scipy.stats._multivariate', 'scipy.stats', 'speechbrain.dataio.sampler', 'speechbrain.dataio.batch', 'speechbrain.dataio.iterators', 'speechbrain.dataio.wer', 'webdataset.tenbin', 'webdataset.checks', 'webdataset.autodecode', 'webdataset.iterators', 'braceexpand', 'webdataset.utils', 'webdataset.gopen', 'webdataset.tariterators', 'webdataset.shardcache', '_sqlite3', 'sqlite3.dbapi2', 'sqlite3', 'webdataset.dbcache', 'webdataset.dataset', 'webdataset.fluid', 'webdataset.writer', 'webdataset', 'zipp', 'importlib_metadata._functools', 'importlib_metadata._text', 'importlib_metadata._adapters', 'importlib_metadata._compat', 'importlib_metadata._meta', 'importlib_metadata._collections', 'importlib_metadata._itertools', 'importlib_metadata', 'speechbrain.dataio.dataloader', 'speechbrain.dataio.encoder', 'speechbrain.processing', 'packaging.__about__', 'packaging', 'packaging._structures', 'packaging.version', 'speechbrain.processing.signal_processing', 'speechbrain.processing.speech_augmentation', 'speechbrain.dataio.preprocess', 'speechbrain.dataio', 'speechbrain.utils.metric_stats', 'speechbrain.utils.bleu', 'speechbrain.utils.profiling', 'huggingface_hub', 'urllib3.packages.ssl_match_hostname', 'urllib3.packages', 'urllib3.packages.six', 'urllib3.packages.six.moves', 'urllib3.packages.six.moves.http_client', 'urllib3.exceptions', 'urllib3._version', 'urllib3.contrib', 'urllib3.contrib._appengine_environ', 'urllib3.util.wait', 'urllib3.util.connection', 'urllib3.util.request', 'urllib3.util.response', 'urllib3.util.retry', 'urllib3.util.url', 'urllib3.util.ssltransport', 'urllib3.util.ssl_', 'urllib3.util.timeout', 'urllib3.util', 'urllib3.util.proxy', 'urllib3._collections', 'urllib3.connection', 'mimetypes', 'urllib3.fields', 'urllib3.filepost', 'urllib3.packages.six.moves.urllib', 'urllib3.packages.six.moves.urllib.parse', 'urllib3.request', 'urllib3.response', 'urllib3.util.queue', 'urllib3.connectionpool', 'urllib3.poolmanager', 'urllib3', 'chardet.compat', 'chardet.enums', 'chardet.charsetprober', 'chardet.charsetgroupprober', 'chardet.codingstatemachine', 'chardet.escsm', 'chardet.escprober', 'chardet.latin1prober', 'chardet.mbcssm', 'chardet.utf8prober', 'chardet.mbcharsetprober', 'chardet.euctwfreq', 'chardet.euckrfreq', 'chardet.gb2312freq', 'chardet.big5freq', 'chardet.jisfreq', 'chardet.chardistribution', 'chardet.jpcntx', 'chardet.sjisprober', 'chardet.eucjpprober', 'chardet.gb2312prober', 'chardet.euckrprober', 'chardet.cp949prober', 'chardet.big5prober', 'chardet.euctwprober', 'chardet.mbcsgroupprober', 'chardet.sbcharsetprober', 'chardet.langcyrillicmodel', 'chardet.langgreekmodel', 'chardet.langbulgarianmodel', 'chardet.langthaimodel', 'chardet.langhebrewmodel', 'chardet.hebrewprober', 'chardet.langturkishmodel', 'chardet.sbcsgroupprober', 'chardet.universaldetector', 'chardet.version', 'chardet', 'simplejson.errors', 'simplejson.raw_json', 'simplejson.compat', 'simplejson._speedups', 'simplejson.scanner', 'simplejson.decoder', 'simplejson.encoder', 'simplejson', 'http.cookiejar', 'http.cookies', 'requests.compat', 'requests.exceptions', 'charset_normalizer.assets', 'charset_normalizer.constant', '_multibytecodec', 'charset_normalizer.utils', 'charset_normalizer.md', 'charset_normalizer.models', 'charset_normalizer.cd', 'charset_normalizer.api', 'charset_normalizer.legacy', 'charset_normalizer.version', 'charset_normalizer', 'requests.packages.urllib3.packages.ssl_match_hostname', 'requests.packages.urllib3.packages', 'requests.packages.urllib3.packages.six', 'requests.packages.urllib3.packages.six.moves', 'requests.packages.urllib3.packages.six.moves.http_client', 'requests.packages.urllib3.exceptions', 'requests.packages.urllib3._version', 'requests.packages.urllib3.contrib', 'requests.packages.urllib3.contrib._appengine_environ', 'requests.packages.urllib3.util.wait', 'requests.packages.urllib3.util.connection', 'requests.packages.urllib3.util.request', 'requests.packages.urllib3.util.response', 'requests.packages.urllib3.util.retry', 'requests.packages.urllib3.util.url', 'requests.packages.urllib3.util.ssltransport', 'requests.packages.urllib3.util.ssl_', 'requests.packages.urllib3.util.timeout', 'requests.packages.urllib3.util', 'requests.packages.urllib3.util.proxy', 'requests.packages.urllib3._collections', 'requests.packages.urllib3.connection', 'requests.packages.urllib3.fields', 'requests.packages.urllib3.filepost', 'requests.packages.urllib3.packages.six.moves.urllib', 'requests.packages.urllib3.packages.six.moves.urllib.parse', 'requests.packages.urllib3.request', 'requests.packages.urllib3.response', 'requests.packages.urllib3.util.queue', 'requests.packages.urllib3.connectionpool', 'requests.packages.urllib3.poolmanager', 'requests.packages.urllib3', 'idna.package_data', 'idna.idnadata', 'idna.intranges', 'idna.core', 'idna', 'requests.packages.idna.package_data', 'requests.packages.idna.idnadata', 'requests.packages.idna.intranges', 'requests.packages.idna.core', 'requests.packages.idna', 'requests.packages.chardet', 'requests.packages', 'importlib.resources', 'certifi.core', 'certifi', 'requests.certs', 'requests.__version__', 'requests._internal_utils', 'requests.cookies', 'requests.structures', 'requests.utils', 'requests.auth', 'stringprep', 'encodings.idna', 'requests.hooks', 'requests.status_codes', 'requests.models', 'socks', 'urllib3.contrib.socks', 'requests.adapters', 'requests.sessions', 'requests.api', 'requests', 'speechbrain.pretrained.fetching', 'speechbrain.utils.callchains', 'speechbrain.pretrained.interfaces', 'speechbrain.pretrained', 'speechbrain.utils.parameter_transfer', 'speechbrain.utils.Accuracy', 'speechbrain.utils.text_to_sequence', 'speechbrain.utils.check_docstrings', 'speechbrain.utils.check_url', 'PIL._version', 'PIL', 'xml', 'xml.parsers', 'pyexpat.errors', 'pyexpat.model', 'pyexpat', 'xml.parsers.expat.model', 'xml.parsers.expat.errors', 'xml.parsers.expat', 'defusedxml.common', 'defusedxml', 'xml.etree', 'xml.etree.ElementPath', '_elementtree', 'xml.etree.ElementTree', 'defusedxml.ElementTree', 'PIL.ImageMode', 'PIL.TiffTags', 'PIL._binary', 'PIL._deprecate', 'PIL._util', 'PIL._imaging', 'cffi.lock', 'cffi.error', 'cffi.model', 'cffi.api', 'cffi', 'PIL.Image', 'PIL.ImageColor', 'PIL.ImageDraw', 'PIL._imagingft', 'PIL.ImageFont', 'torchvision.utils', 'torchvision._internally_replaced_utils', 'torchvision.extension', 'torchvision.io._load_gpu_decoder', 'fractions', 'torchvision.io._video_opt', 'torchvision.io.image', 'torchvision.io.video', 'torchvision.io.video_reader', 'torchvision.io', 'torchvision.datasets.utils', 'torchvision.datasets.vision', 'torchvision.datasets._optical_flow', 'torchvision.datasets._stereo_matching', 'torchvision.datasets.caltech', 'torchvision.datasets.celeba', 'torchvision.datasets.cifar', 'torchvision.datasets.cityscapes', 'torchvision.datasets.clevr', 'torchvision.datasets.coco', 'torchvision.datasets.folder', 'torchvision.datasets.country211', 'torchvision.datasets.dtd', 'torchvision.datasets.eurosat', 'PIL.ImageFilter', 'PIL.ImageStat', 'PIL.ImageEnhance', 'PIL.GimpGradientFile', 'PIL.GimpPaletteFile', 'PIL.PaletteFile', 'PIL.ImagePalette', 'PIL.ImageOps', 'torchvision.transforms._pil_constants', 'torchvision.transforms.functional_pil', 'torchvision.transforms.functional_tensor', 'torchvision.transforms.functional', 'torchvision.transforms.transforms', 'torchvision.transforms.autoaugment', 'torchvision.transforms', 'torchvision.datasets.fakedata', 'torchvision.datasets.fer2013', 'torchvision.datasets.fgvc_aircraft', 'html.entities', 'html', '_markupbase', 'html.parser', 'torchvision.datasets.flickr', 'torchvision.datasets.flowers102', 'torchvision.datasets.food101', 'torchvision.datasets.gtsrb', 'torchvision.datasets.video_utils', 'torchvision.datasets.hmdb51', 'torchvision.datasets.imagenet', 'torchvision.datasets.inaturalist', 'torchvision.datasets.kinetics', 'torchvision.datasets.kitti', 'torchvision.datasets.lfw', 'torchvision.datasets.lsun', 'torchvision.datasets.mnist', 'torchvision.datasets.omniglot', 'torchvision.datasets.oxford_iiit_pet', 'torchvision.datasets.pcam', 'torchvision.datasets.phototour', 'torchvision.datasets.places365', 'torchvision.datasets.rendered_sst2', 'torchvision.datasets.sbd', 'torchvision.datasets.sbu', 'torchvision.datasets.semeion', 'torchvision.datasets.stanford_cars', 'torchvision.datasets.stl10', 'torchvision.datasets.sun397', 'torchvision.datasets.svhn', 'torchvision.datasets.ucf101', 'torchvision.datasets.usps', 'torchvision.datasets.voc', 'torchvision.datasets.widerface', 'torchvision.datasets', 'torchvision.transforms._presets', 'torchvision._utils', 'torchvision.models._api', 'torchvision.models._meta', 'torchvision.models._utils', 'torchvision.models.alexnet', 'torchvision.ops._register_onnx_ops', 'torchvision.ops._box_convert', 'torchvision.ops._utils', 'torchvision.ops.boxes', 'torchvision.ops.diou_loss', 'torchvision.ops.ciou_loss', 'torchvision.ops.deform_conv', 'torchvision.ops.drop_block', 'torchvision.ops.misc', 'torchvision.ops.feature_pyramid_network', 'torchvision.ops.focal_loss', 'torchvision.ops.giou_loss', 'torchvision.ops.roi_align', 'torchvision.ops.poolers', 'torchvision.ops.ps_roi_align', 'torchvision.ops.ps_roi_pool', 'torchvision.ops.roi_pool', 'torchvision.ops.stochastic_depth', 'torchvision.ops', 'torchvision.models.convnext', 'torch.utils.checkpoint', 'torchvision.models.densenet', 'torchvision.models.efficientnet', 'torchvision.models.googlenet', 'torchvision.models.inception', 'torchvision.models.mnasnet', 'torchvision.models.mobilenetv2', 'torchvision.models.mobilenetv3', 'torchvision.models.mobilenet', 'torchvision.models.regnet', 'torchvision.models.resnet', 'torchvision.models.shufflenetv2', 'torchvision.models.squeezenet', 'torchvision.models.vgg', 'torchvision.models.vision_transformer', 'torchvision.models.swin_transformer', 'torchvision.models.maxvit', 'torchvision.models.detection._utils', 'torchvision.models.detection.image_list', 'torchvision.models.detection.anchor_utils', 'torchvision.models.detection.backbone_utils', 'torchvision.models.detection.generalized_rcnn', 'torchvision.models.detection.roi_heads', 'torchvision.models.detection.rpn', 'torchvision.models.detection.transform', 'torchvision.models.detection.faster_rcnn', 'torchvision.models.detection.fcos', 'torchvision.models.detection.keypoint_rcnn', 'torchvision.models.detection.mask_rcnn', 'torchvision.models.detection.retinanet', 'torchvision.models.detection.ssd', 'torchvision.models.detection.ssdlite', 'torchvision.models.detection', 'torchvision.models.optical_flow._utils', 'torchvision.models.optical_flow.raft', 'torchvision.models.optical_flow', 'torchvision.models.quantization.utils', 'torchvision.models.quantization.googlenet', 'torchvision.models.quantization.inception', 'torchvision.models.quantization.mobilenetv2', 'torchvision.models.quantization.mobilenetv3', 'torchvision.models.quantization.mobilenet', 'torchvision.models.quantization.resnet', 'torchvision.models.quantization.shufflenetv2', 'torchvision.models.quantization', 'torchvision.models.segmentation._utils', 'torchvision.models.segmentation.fcn', 'torchvision.models.segmentation.deeplabv3', 'torchvision.models.segmentation.lraspp', 'torchvision.models.segmentation', 'torchvision.models.video.mvit', 'torchvision.models.video.resnet', 'torchvision.models.video.s3d', 'torchvision.models.video', 'torchvision.models', 'torchvision.version', 'torchvision', 'speechbrain.utils.train_logger', 'speechbrain.utils.check_HF_repo', 'speechbrain.utils.check_yaml', 'speechbrain.utils', 'speechbrain.core', 'speechbrain.alignment', 'speechbrain.decoders.ctc', 'speechbrain.decoders.seq2seq', 'speechbrain.decoders', 'speechbrain.lobes.models', 'speechbrain.lobes', 'speechbrain.lm', 'speechbrain.nnet.losses', 'speechbrain.nnet.attention', 'speechbrain.nnet.CNN', 'speechbrain.nnet.linear', 'speechbrain.nnet.containers', 'speechbrain.nnet.embedding', 'speechbrain.nnet.activations', 'speechbrain.nnet.RNN', 'speechbrain.nnet.schedulers', 'speechbrain.nnet.pooling', 'speechbrain.nnet.dropout', 'speechbrain.nnet.normalization', 'speechbrain.nnet.loss', 'speechbrain.nnet.loss.stoi_loss', 'speechbrain.nnet', 'speechbrain.tokenizers', 'speechbrain', 'pyctcdecode.alphabet', 'pyctcdecode.constants', 'pygtrie', '_cython_0_29_28', 'kenlm', 'pyctcdecode.language_model', 'pyctcdecode.decoder', 'pyctcdecode', 'speechbrain.lobes.augment', 'speechbrain.lobes.models.VanillaNN', 'concurrent.futures.thread', 'huggingface_hub.constants', 'huggingface_hub.utils.tqdm', 'huggingface_hub.utils._datetime', 'huggingface_hub.utils._fixes', 'huggingface_hub.utils._errors', 'huggingface_hub.utils._paths', 'huggingface_hub.utils.logging', 'huggingface_hub.utils._subprocess', 'huggingface_hub.utils', 'huggingface_hub.utils.sha', 'huggingface_hub.lfs', 'huggingface_hub._commit_api', 'huggingface_hub.community', 'huggingface_hub.utils._deprecation', 'huggingface_hub.utils.endpoint_helpers', 'huggingface_hub.hf_api', 'absl', 'termios', 'getpass', 'timeit', 'getopt', 'fcntl', 'absl.flags._helpers', 'absl.flags._argument_parser', 'absl.flags._exceptions', 'absl._collections_abc', 'absl.flags._flag', 'xml.dom.domreg', 'xml.dom', 'xml.dom.minicompat', 'xml.dom.NodeFilter', 'xml.dom.xmlbuilder', 'xml.dom.minidom', 'absl.flags._flagvalues', 'absl.flags._validators', 'absl.flags._defines', 'absl.flags', 'absl.logging.converter', 'absl.logging', 'transformers.dependency_versions_table', 'transformers.utils', 'configparser', 'importlib.metadata', 'transformers.utils.versions', 'filelock', 'huggingface_hub.file_download', 'huggingface_hub.repocard_types', 'huggingface_hub.repocard', 'huggingface_hub.repository', 'transformers.utils.logging', 'transformers.file_utils', 'transformers.dependency_versions_check', 'transformers.utils.dummy_timm_objects', 'transformers.utils.dummy_scatter_objects', 'transformers.utils.dummy_pytorch_quantization_and_torch_objects', 'transformers.utils.dummy_flax_objects', 'transformers', 'transformers.models.albert', 'transformers.models.auto', 'transformers.models.bart', 'transformers.models.barthez', 'transformers.models.bartpho', 'transformers.models.beit', 'transformers.models.bert', 'transformers.models.bert_generation', 'transformers.models.bert_japanese', 'transformers.models.bertweet', 'transformers.models.big_bird', 'transformers.models.bigbird_pegasus', 'transformers.models.blenderbot', 'transformers.models.blenderbot_small', 'transformers.models.byt5', 'transformers.models.camembert', 'transformers.models.canine', 'transformers.models.clip', 'transformers.models.convbert', 'transformers.models.cpm', 'transformers.models.ctrl', 'transformers.models.deberta', 'transformers.models.deberta_v2', 'transformers.models.deit', 'transformers.models.detr', 'transformers.models.dialogpt', 'transformers.models.distilbert', 'transformers.models.dpr', 'transformers.models.electra', 'transformers.models.encoder_decoder', 'transformers.models.flaubert', 'transformers.models.fnet', 'transformers.models.fsmt', 'transformers.models.funnel', 'transformers.models.gpt2', 'transformers.models.gpt_neo', 'transformers.models.gptj', 'transformers.models.herbert', 'transformers.models.hubert', 'transformers.models.ibert', 'transformers.models.imagegpt', 'transformers.configuration_utils', 'tokenizers.tokenizers', 'tokenizers.models', 'tokenizers.normalizers', 'tokenizers.pre_tokenizers', 'tokenizers.processors', 'tokenizers.decoders', 'tokenizers.implementations.base_tokenizer', 'tokenizers.implementations.byte_level_bpe', 'tokenizers.implementations.char_level_bpe', 'tokenizers.implementations.sentencepiece_bpe', 'tokenizers.implementations.sentencepiece_unigram', 'tokenizers.implementations.bert_wordpiece', 'tokenizers.implementations', 'tokenizers', 'transformers.tokenization_utils_base', 'transformers.tokenization_utils', 'transformers.onnx', 'transformers.onnx.utils', 'transformers.onnx.config', 'transformers.models.bert.configuration_bert', 'transformers.models.layoutlm.configuration_layoutlm', 'transformers.models.bert.tokenization_bert', 'transformers.models.layoutlm.tokenization_layoutlm', 'transformers.models.layoutlm', 'transformers.models.layoutlmv2', 'transformers.models.layoutxlm', 'transformers.models.led', 'transformers.models.longformer', 'transformers.models.luke', 'transformers.models.lxmert', 'transformers.models.m2m_100', 'transformers.models.marian', 'transformers.models.mbart', 'transformers.models.mbart50', 'transformers.models.megatron_bert', 'transformers.models.megatron_gpt2', 'transformers.models.mluke', 'transformers.models.mmbt', 'transformers.models.mobilebert', 'transformers.models.mpnet', 'transformers.models.t5', 'transformers.models.t5.tokenization_t5', 'tokenizers.trainers', 'transformers.convert_slow_tokenizer', 'transformers.tokenization_utils_fast', 'transformers.models.t5.tokenization_t5_fast', 'transformers.models.mt5', 'transformers.models.openai', 'transformers.models.pegasus', 'transformers.models.perceiver', 'transformers.models.phobert', 'transformers.models.prophetnet', 'transformers.models.qdqbert', 'transformers.models.rag', 'transformers.models.reformer', 'transformers.models.rembert', 'transformers.models.retribert', 'transformers.models.roberta', 'transformers.models.roformer', 'transformers.models.segformer', 'transformers.models.sew', 'transformers.models.sew_d', 'transformers.models.speech_encoder_decoder', 'transformers.models.speech_to_text', 'transformers.models.speech_to_text_2', 'transformers.models.splinter', 'transformers.models.squeezebert', 'transformers.models.tapas', 'transformers.models.transfo_xl', 'transformers.models.trocr', 'transformers.models.unispeech', 'transformers.models.unispeech_sat', 'transformers.models.vision_encoder_decoder', 'transformers.models.vision_text_dual_encoder', 'transformers.models.visual_bert', 'transformers.models.vit', 'transformers.models.wav2vec2', 'transformers.models.wav2vec2_phoneme', 'transformers.models.wav2vec2_with_lm', 'transformers.models.wavlm', 'transformers.models.xlm', 'transformers.models.xlm_prophetnet', 'transformers.models.xlm_roberta', 'transformers.models.xlnet', 'transformers.models', 'transformers.activations', 'transformers.deepspeed', 'transformers.modeling_outputs', 'transformers.generation_beam_search', 'transformers.generation_logits_process', 'transformers.generation_stopping_criteria', 'transformers.generation_utils', 'transformers.modeling_utils', 'transformers.models.wav2vec2.configuration_wav2vec2', 'transformers.models.wav2vec2.modeling_wav2vec2', 'transformers.models.hubert.configuration_hubert', 'transformers.models.hubert.modeling_hubert', 'transformers.models.wavlm.configuration_wavlm', 'transformers.models.wavlm.modeling_wavlm', 'transformers.feature_extraction_utils', 'transformers.feature_extraction_sequence_utils', 'transformers.models.wav2vec2.feature_extraction_wav2vec2', 'speechbrain.lobes.models.huggingface_wav2vec', 'gradio', 'gradio.components', 'attr._config', 'attr.exceptions', 'attr.setters', 'attr._compat', 'attr._make', 'attr.converters', 'attr.filters', 'attr.validators', 'attr._funcs', 'attr._version_info', 'attr._next_gen', 'attr', 'jsonschema.compat', 'jsonschema._utils', 'jsonschema.exceptions', 'uritemplate.orderedset', 'uritemplate.variable', 'uritemplate.template', 'uritemplate.api', 'uritemplate', 'jsonschema._format', 'pyrsistent._transformations', 'pvectorc', 'pyrsistent._pvector', 'pyrsistent._pmap', 'pyrsistent._pset', 'pyrsistent._pbag', 'pyrsistent._plist', 'pyrsistent._pdeque', 'pyrsistent._checked_types', 'pyrsistent._field_common', 'pyrsistent._precord', 'pyrsistent._pclass', 'pyrsistent._immutable', 'pyrsistent._helpers', 'pyrsistent._toolz', 'pyrsistent', 'jsonschema._types', 'jsonschema._legacy_validators', 'jsonschema._validators', 'jsonschema.validators', 'jsonschema', 'pytz.exceptions', 'pytz.lazy', 'pytz.tzinfo', 'pytz.tzfile', 'pytz', 'dateutil._version', 'dateutil', 'pandas._typing', 'pandas.compat', 'pandas.compat.numpy', 'pandas._libs.tslibs.dtypes', 'pandas._libs.tslibs.base', 'pandas._libs.tslibs.np_datetime', 'pandas._libs.tslibs.nattype', 'dateutil.tz._common', 'dateutil.tz._factories', 'dateutil.tz.tz', 'dateutil.tz', 'pandas._libs.tslibs.timezones', 'pandas._libs.tslibs.ccalendar', 'pandas._libs.tslibs.tzconversion', 'pandas._libs.tslibs.timedeltas', 'pandas._config.config', 'pandas._config.dates', 'pandas._config.display', 'pandas._config', 'pandas._config.localization', 'pandas._libs.tslibs.strptime', 'pandas._libs.tslibs.fields', 'pandas._libs.tslibs.timestamps', 'dateutil.easter', 'dateutil._common', 'dateutil.relativedelta', 'pandas._libs.properties', 'pandas._libs.tslibs.offsets', 'dateutil.parser._parser', 'dateutil.parser.isoparser', 'dateutil.parser', 'pandas._libs.tslibs.parsing', 'pandas._libs.tslibs.conversion', 'pandas._libs.tslibs.period', 'pandas._libs.tslibs.vectorized', 'pandas._libs.tslibs', 'pandas._libs.ops_dispatch', 'pandas._libs.missing', 'pandas._libs.hashtable', 'pandas._libs.algos', 'pandas._libs.interval', 'pandas._libs', 'pandas._libs.tslib', 'pandas._libs.lib', 'pandas.core', 'pandas.core.config_init', 'pandas.core.dtypes', 'pandas.errors', 'pandas.core.dtypes.generic', 'pandas.core.dtypes.base', 'pandas.core.dtypes.inference', 'pandas.core.dtypes.dtypes', 'pandas.core.dtypes.common', 'pandas.core.dtypes.missing', 'pandas.util._decorators', 'pandas.core.util', 'pandas._libs.hashing', 'pandas.core.util.hashing', 'pandas.util', 'pandas.util._validators', 'pandas.core.dtypes.cast', 'pandas.core.common', 'pandas.core.construction', 'pandas.core.indexers', 'pandas.core.algorithms', 'pandas.compat.numpy.function', 'pandas._libs.ops', 'pandas.core.ops.roperator', 'pandas.core.ops.missing', 'pandas.core.ops.dispatch', 'pandas.core.ops.invalid', 'pandas.core.ops.array_ops', 'pandas.core.ops.common', 'pandas.core.ops.docstrings', 'pandas.core.ops.mask_ops', 'pandas.core.ops.methods', 'pandas.core.ops', 'pandas.compat._optional', 'pandas.core.missing', 'pandas.core.sorting', 'pandas.core.arrays.base', 'pandas.core.nanops', 'pandas.core.array_algos', 'pandas.core.array_algos.masked_reductions', 'pandas.core.arraylike', 'pandas.core.arrays.masked', 'pandas.core.arrays.boolean', 'pandas.core.accessor', 'pandas.core.array_algos.transforms', 'pandas.core.arrays._mixins', 'pandas.core.base', 'pandas.core.strings.accessor', 'pandas.core.strings.base', 'pandas.core.strings', 'pandas.core.strings.object_array', 'pandas.io', 'pandas.io.formats', 'pandas.io.formats.console', 'pandas.core.arrays.categorical', 'pandas.tseries', 'pandas.tseries.frequencies', 'pandas.core.arrays.datetimelike', 'pandas.core.arrays._ranges', 'pandas.tseries.offsets', 'pandas.core.arrays.datetimes', 'pandas.core.tools', 'pandas.core.tools.numeric', 'pandas.core.arrays.numeric', 'pandas.core.arrays.floating', 'pandas.core.arrays.integer', 'pandas.core.indexes', 'pandas._libs.index', 'pandas._libs.join', 'pandas._libs.sparse', 'pandas.core.arrays.sparse.dtype', 'pandas.io.formats.printing', 'pandas.core.arrays.sparse.array', 'pandas.core.arrays.sparse.accessor', 'pandas.core.arrays.sparse', 'pandas.core.dtypes.concat', 'pandas.core.indexes.frozen', 'pandas.core.indexes.base', 'pandas.core.arrays.interval', 'pandas.core.arrays.numpy_', 'pandas.core.arrays.period', 'pandas.core.arrays.string_', 'pandas.core.arrays.timedeltas', 'pandas.core.arrays', 'pandas.core.flags', 'pandas._libs.reduction', 'pandas.core.indexes.extension', 'pandas.core.indexes.category', 'pandas.core.indexes.numeric', 'pandas.core.tools.timedeltas', 'pandas.core.indexes.datetimelike', 'pandas.core.tools.times', 'pandas.core.indexes.datetimes', 'pandas.util._exceptions', 'pandas.core.indexes.multi', 'pandas.core.indexes.timedeltas', 'pandas.core.indexes.interval', 'pandas.core.indexes.period', 'pandas.core.indexes.range', 'pandas.core.indexes.api', 'pandas.core.aggregation', 'pandas._libs.indexing', 'pandas.core.indexing', 'pandas._libs.internals', 'pandas._libs.writers', 'pandas.core.array_algos.replace', 'pandas.core.internals.blocks', 'pandas.core.internals.ops', 'pandas.core.internals.managers', 'pandas.core.internals.concat', 'pandas.core.internals', 'pandas.core.shared_docs', 'pandas._libs.window', 'pandas._libs.window.aggregations', 'pandas.core.util.numba_', 'pandas.core.window.common', 'pandas._libs.window.indexers', 'pandas.core.window.indexers', 'pandas.core.window.numba_', 'pandas.core.groupby.base', 'pandas.core.window.rolling', 'pandas.core.window.ewm', 'pandas.core.window.expanding', 'pandas.core.window', 'pandas.core.reshape', 'pandas.core.reshape.concat', 'pandas.io.common', 'pandas.io.formats.format', 'pandas.core.generic', 'pandas.core.internals.construction', 'pandas.core.reshape.util', 'pandas.core.reshape.melt', 'pandas._libs.reshape', 'pandas.core.indexes.accessors', 'pandas.arrays', 'pandas.core.tools.datetimes', 'pandas.plotting._core', 'pandas.plotting._misc', 'pandas.plotting', 'pandas.core.series', 'pandas.io.formats.info', 'pandas.core.frame', 'pandas._libs.groupby', 'pandas.core.groupby.numba_', 'pandas.core.groupby.categorical', 'pandas.core.groupby.grouper', 'pandas.core.groupby.ops', 'pandas.core.groupby.groupby', 'pandas.core.groupby.generic', 'pandas.core.groupby', 'pandas.core.api', 'pandas.tseries.api', 'pandas.core.computation', 'pandas.core.computation.common', 'pandas.core.computation.align', 'pandas.compat.chainmap', 'pandas.core.computation.scope', 'pandas.core.computation.ops', 'pandas.core.computation.engines', 'pandas.core.computation.parsing', 'pandas.core.computation.expr', 'pandas.core.computation.eval', 'pandas.core.computation.api', 'pandas.core.reshape.merge', 'pandas.core.reshape.pivot', 'pandas.core.reshape.reshape', 'pandas.core.reshape.tile', 'pandas.core.reshape.api', 'pandas.api.extensions', 'pandas.api.indexers', 'pandas.core.dtypes.api', 'pandas.api.types', 'pandas.api', 'pandas.util._print_versions', 'pandas.io.clipboards', 'pandas._libs.parsers', 'pandas.io.excel._util', 'pandas.io.date_converters', 'pandas.io.parsers', 'pandas.io.excel._odfreader', 'pandas.io.excel._openpyxl', 'pandas.io.excel._pyxlsb', 'pandas.io.excel._xlrd', 'pandas.io.excel._base', 'pandas._libs.json', 'pandas.io.formats._color_data', 'pandas.io.formats.css', 'pandas.io.formats.excel', 'pandas.io.excel._odswriter', 'pandas.io.excel._xlsxwriter', 'pandas.io.excel._xlwt', 'pandas.io.excel', 'pandas.io.feather_format', 'pandas.io.gbq', 'pandas.io.html', 'pandas.io.json._normalize', 'pandas.io.json._table_schema', 'pandas.io.json._json', 'pandas.io.json', 'pandas.io.orc', 'pandas.io.parquet', 'pandas.compat.pickle_compat', 'pandas.io.pickle', 'pandas.core.computation.pytables', 'pandas.io.pytables', 'pandas.io.sas.sasreader', 'pandas.io.sas', 'pandas.io.spss', 'pandas.io.sql', 'pandas.io.stata', 'pandas.io.api', 'pandas.util._tester', 'pandas._libs.testing', 'pandas._testing', 'pandas.testing', 'pandas._version', 'pandas', 'altair.utils.schemapi', 'altair.utils.core', 'markupsafe._compat', 'markupsafe._speedups', 'markupsafe', 'jinja2._compat', 'jinja2.utils', 'jinja2.bccache', 'jinja2.nodes', 'jinja2.exceptions', 'jinja2.visitor', 'jinja2.idtracking', 'jinja2.optimizer', 'jinja2.compiler', 'jinja2.runtime', 'jinja2.filters', 'jinja2.tests', 'jinja2.defaults', 'jinja2._identifier', 'jinja2.lexer', 'jinja2.parser', 'jinja2.environment', 'jinja2.loaders', 'jinja2', 'encodings.unicode_escape', 'altair.utils.html', 'entrypoints', 'toolz.utils', 'toolz.itertoolz', 'toolz._signatures', 'toolz.functoolz', 'toolz.dicttoolz', 'toolz.recipes', 'toolz.curried.operator', 'toolz.curried.exceptions', 'toolz.curried', 'toolz.sandbox.core', 'toolz.sandbox.parallel', 'toolz.sandbox', 'toolz._version', 'toolz', 'altair.utils.plugin_registry', 'altair.utils.deprecation', 'altair.utils', 'altair.vegalite.v4.schema.core', 'altair.vegalite.v4.schema.channels', 'altair.vegalite.v4.schema', 'altair.vegalite.v4.schema.mixins', 'altair.utils.data', 'altair.vegalite.data', 'altair.vegalite.v4.data', 'altair.expr.core', 'altair.expr.funcs', 'altair.expr.consts', 'altair.expr', 'altair.utils.mimebundle', 'altair.utils.display', 'altair.vegalite.display', 'altair.vegalite.v4.display', 'altair.utils.theme', 'altair.vegalite.v4.theme', 'altair.vegalite.v4.api', 'altair.datasets', 'altair.vegalite.v4', 'altair.vegalite', 'altair.examples', 'altair', 'matplotlib', 'shlex', 'matplotlib.cbook.deprecation', 'matplotlib.cbook', 'matplotlib._animation_data', 'matplotlib.animation', 'pyparsing', 'matplotlib.fontconfig_pattern', 'matplotlib.docstring', 'matplotlib._color_data', 'matplotlib.colors', 'cycler', 'matplotlib.rcsetup', 'matplotlib._version', 'matplotlib.ft2font', 'kiwisolver']
|
14084 |
+
2023-01-14 18:35:00,783 - matplotlib - DEBUG - CACHEDIR=/home/salah/.cache/matplotlib
|
14085 |
+
2023-01-14 18:35:00,786 - matplotlib.font_manager - DEBUG - Using fontManager instance from /home/salah/.cache/matplotlib/fontlist-v330.json
|
14086 |
+
2023-01-14 18:35:01,424 - matplotlib.pyplot - DEBUG - Loaded backend tkagg version unknown.
|
14087 |
+
2023-01-14 18:35:01,425 - matplotlib.pyplot - DEBUG - Loaded backend TkAgg version unknown.
|
14088 |
+
2023-01-14 18:35:01,474 - urllib3.connectionpool - DEBUG - Starting new HTTPS connection (1): api.gradio.app:443
|
14089 |
+
2023-01-14 18:35:02,377 - urllib3.connectionpool - DEBUG - https://api.gradio.app:443 "GET /gradio-messaging/en HTTP/1.1" 200 3
|
14090 |
+
2023-01-14 18:35:02,813 - PIL.Image - DEBUG - Importing BlpImagePlugin
|
14091 |
+
2023-01-14 18:35:02,814 - PIL.Image - DEBUG - Importing BmpImagePlugin
|
14092 |
+
2023-01-14 18:35:02,814 - PIL.Image - DEBUG - Importing BufrStubImagePlugin
|
14093 |
+
2023-01-14 18:35:02,815 - PIL.Image - DEBUG - Importing CurImagePlugin
|
14094 |
+
2023-01-14 18:35:02,815 - PIL.Image - DEBUG - Importing DcxImagePlugin
|
14095 |
+
2023-01-14 18:35:02,816 - PIL.Image - DEBUG - Importing DdsImagePlugin
|
14096 |
+
2023-01-14 18:35:02,816 - PIL.Image - DEBUG - Importing EpsImagePlugin
|
14097 |
+
2023-01-14 18:35:02,817 - PIL.Image - DEBUG - Importing FitsImagePlugin
|
14098 |
+
2023-01-14 18:35:02,817 - PIL.Image - DEBUG - Importing FitsStubImagePlugin
|
14099 |
+
2023-01-14 18:35:02,818 - PIL.Image - DEBUG - Importing FliImagePlugin
|
14100 |
+
2023-01-14 18:35:02,818 - PIL.Image - DEBUG - Importing FpxImagePlugin
|
14101 |
+
2023-01-14 18:35:02,819 - PIL.Image - DEBUG - Image: failed to import FpxImagePlugin: No module named 'olefile'
|
14102 |
+
2023-01-14 18:35:02,819 - PIL.Image - DEBUG - Importing FtexImagePlugin
|
14103 |
+
2023-01-14 18:35:02,819 - PIL.Image - DEBUG - Importing GbrImagePlugin
|
14104 |
+
2023-01-14 18:35:02,820 - PIL.Image - DEBUG - Importing GifImagePlugin
|
14105 |
+
2023-01-14 18:35:02,820 - PIL.Image - DEBUG - Importing GribStubImagePlugin
|
14106 |
+
2023-01-14 18:35:02,821 - PIL.Image - DEBUG - Importing Hdf5StubImagePlugin
|
14107 |
+
2023-01-14 18:35:02,821 - PIL.Image - DEBUG - Importing IcnsImagePlugin
|
14108 |
+
2023-01-14 18:35:02,822 - PIL.Image - DEBUG - Importing IcoImagePlugin
|
14109 |
+
2023-01-14 18:35:02,823 - PIL.Image - DEBUG - Importing ImImagePlugin
|
14110 |
+
2023-01-14 18:35:02,823 - PIL.Image - DEBUG - Importing ImtImagePlugin
|
14111 |
+
2023-01-14 18:35:02,824 - PIL.Image - DEBUG - Importing IptcImagePlugin
|
14112 |
+
2023-01-14 18:35:02,824 - PIL.Image - DEBUG - Importing JpegImagePlugin
|
14113 |
+
2023-01-14 18:35:02,826 - PIL.Image - DEBUG - Importing Jpeg2KImagePlugin
|
14114 |
+
2023-01-14 18:35:02,826 - PIL.Image - DEBUG - Importing McIdasImagePlugin
|
14115 |
+
2023-01-14 18:35:02,827 - PIL.Image - DEBUG - Importing MicImagePlugin
|
14116 |
+
2023-01-14 18:35:02,827 - PIL.Image - DEBUG - Image: failed to import MicImagePlugin: No module named 'olefile'
|
14117 |
+
2023-01-14 18:35:02,827 - PIL.Image - DEBUG - Importing MpegImagePlugin
|
14118 |
+
2023-01-14 18:35:02,828 - PIL.Image - DEBUG - Importing MpoImagePlugin
|
14119 |
+
2023-01-14 18:35:02,828 - PIL.Image - DEBUG - Importing MspImagePlugin
|
14120 |
+
2023-01-14 18:35:02,829 - PIL.Image - DEBUG - Importing PalmImagePlugin
|
14121 |
+
2023-01-14 18:35:02,830 - PIL.Image - DEBUG - Importing PcdImagePlugin
|
14122 |
+
2023-01-14 18:35:02,831 - PIL.Image - DEBUG - Importing PcxImagePlugin
|
14123 |
+
2023-01-14 18:35:02,831 - PIL.Image - DEBUG - Importing PdfImagePlugin
|
14124 |
+
2023-01-14 18:35:02,844 - PIL.Image - DEBUG - Importing PixarImagePlugin
|
14125 |
+
2023-01-14 18:35:02,844 - PIL.Image - DEBUG - Importing PngImagePlugin
|
14126 |
+
2023-01-14 18:35:02,845 - PIL.Image - DEBUG - Importing PpmImagePlugin
|
14127 |
+
2023-01-14 18:35:02,845 - PIL.Image - DEBUG - Importing PsdImagePlugin
|
14128 |
+
2023-01-14 18:35:02,846 - PIL.Image - DEBUG - Importing SgiImagePlugin
|
14129 |
+
2023-01-14 18:35:02,846 - PIL.Image - DEBUG - Importing SpiderImagePlugin
|
14130 |
+
2023-01-14 18:35:02,847 - PIL.Image - DEBUG - Importing SunImagePlugin
|
14131 |
+
2023-01-14 18:35:02,847 - PIL.Image - DEBUG - Importing TgaImagePlugin
|
14132 |
+
2023-01-14 18:35:02,848 - PIL.Image - DEBUG - Importing TiffImagePlugin
|
14133 |
+
2023-01-14 18:35:02,848 - PIL.Image - DEBUG - Importing WebPImagePlugin
|
14134 |
+
2023-01-14 18:35:02,850 - PIL.Image - DEBUG - Importing WmfImagePlugin
|
14135 |
+
2023-01-14 18:35:02,851 - PIL.Image - DEBUG - Importing XbmImagePlugin
|
14136 |
+
2023-01-14 18:35:02,852 - PIL.Image - DEBUG - Importing XpmImagePlugin
|
14137 |
+
2023-01-14 18:35:02,853 - PIL.Image - DEBUG - Importing XVThumbImagePlugin
|
14138 |
+
2023-01-14 18:35:03,095 - urllib3.connectionpool - DEBUG - Starting new HTTPS connection (1): checkip.amazonaws.com:443
|
14139 |
+
2023-01-14 18:35:03,687 - urllib3.connectionpool - DEBUG - https://checkip.amazonaws.com:443 "GET / HTTP/1.1" 200 13
|
14140 |
+
2023-01-14 18:35:03,695 - urllib3.connectionpool - DEBUG - Starting new HTTPS connection (1): api.gradio.app:443
|
14141 |
+
2023-01-14 18:35:04,226 - urllib3.connectionpool - DEBUG - https://api.gradio.app:443 "POST /gradio-initiated-analytics/ HTTP/1.1" 200 None
|
14142 |
+
2023-01-14 18:35:04,232 - urllib3.connectionpool - DEBUG - Starting new HTTPS connection (1): api.gradio.app:443
|
14143 |
+
2023-01-14 18:35:05,023 - urllib3.connectionpool - DEBUG - https://api.gradio.app:443 "POST /gradio-initiated-analytics/ HTTP/1.1" 200 None
|
14144 |
+
2023-01-14 18:35:05,031 - urllib3.connectionpool - DEBUG - Starting new HTTPS connection (1): api.gradio.app:443
|
14145 |
+
2023-01-14 18:35:05,756 - urllib3.connectionpool - DEBUG - https://api.gradio.app:443 "GET /pkg-version HTTP/1.1" 200 21
|
14146 |
+
2023-01-14 18:35:05,763 - asyncio - DEBUG - Using selector: EpollSelector
|
14147 |
+
2023-01-14 18:35:05,832 - asyncio - DEBUG - Using selector: EpollSelector
|
14148 |
+
2023-01-14 18:35:05,859 - urllib3.connectionpool - DEBUG - Starting new HTTP connection (1): 127.0.0.1:7860
|
14149 |
+
2023-01-14 18:35:05,864 - urllib3.connectionpool - DEBUG - http://127.0.0.1:7860 "GET /startup-events HTTP/1.1" 200 4
|
14150 |
+
2023-01-14 18:35:05,867 - urllib3.connectionpool - DEBUG - Starting new HTTP connection (1): 127.0.0.1:7860
|
14151 |
+
2023-01-14 18:35:05,878 - urllib3.connectionpool - DEBUG - http://127.0.0.1:7860 "HEAD / HTTP/1.1" 200 0
|
14152 |
+
2023-01-14 18:35:05,880 - urllib3.connectionpool - DEBUG - Starting new HTTPS connection (1): api.gradio.app:443
|
14153 |
+
2023-01-14 18:35:06,576 - urllib3.connectionpool - DEBUG - https://api.gradio.app:443 "POST /gradio-launched-analytics/ HTTP/1.1" 200 None
|
14154 |
+
2023-01-14 18:35:32,164 - pydub.converter - DEBUG - subprocess.call(['ffmpeg', '-y', '-i', '/tmp/audioqsk1vedg.wav', '-acodec', 'pcm_s32le', '-vn', '-f', 'wav', '-'])
|