jeonchangbin49 commited on
Commit
68b4dbd
·
1 Parent(s): 95e32a1

weight, gradio version, mono input

Browse files
Files changed (5) hide show
  1. README.md +2 -2
  2. app.py +49 -78
  3. dataloader/delimit_dataset.py +85 -37
  4. weight/all.json +808 -858
  5. weight/all.pth +1 -1
README.md CHANGED
@@ -1,10 +1,10 @@
1
  ---
2
- title: De-limiter Demo
3
  emoji: 🎶
4
  colorFrom: black
5
  colorTo: white
6
  sdk: gradio
7
- sdk_version: 3.39.0
8
  app_file: app.py
9
  pinned: true
10
  ---
 
1
  ---
2
+ title: De-Limiter Demo
3
  emoji: 🎶
4
  colorFrom: black
5
  colorTo: white
6
  sdk: gradio
7
+ sdk_version: 4.36.1
8
  app_file: app.py
9
  pinned: true
10
  ---
app.py CHANGED
@@ -50,11 +50,6 @@ def parallel_mix(input, output, mix_coefficient):
50
  return sr, input[1] * mix_coefficient + output[1] * (1 - mix_coefficient)
51
 
52
 
53
- def int16_to_float32(wav):
54
- X = wav / 32768
55
- return X
56
-
57
-
58
  def waveform_plot(input, output, prl_mix_ouptut, figsize_x=20, figsize_y=9):
59
  sr = 44100
60
  fig, ax = plt.subplots(
@@ -147,17 +142,12 @@ def main(input, mix_coefficient):
147
 
148
  meter = pyln.Meter(44100)
149
 
150
- sr, track_audio = input
 
 
151
  orig_sr = copy.deepcopy(sr)
152
- track_audio = track_audio.T
153
- track_name = "gradio_demo"
154
 
155
- if sr != 44100:
156
- track_audio = int16_to_float32(track_audio)
157
- track_audio = librosa.resample(
158
- track_audio, orig_sr=sr, target_sr=44100, res_type="soxr_vhq"
159
- )
160
- sr = 44100
161
 
162
  orig_audio = track_audio.copy()
163
 
@@ -176,14 +166,10 @@ def main(input, mix_coefficient):
176
  args, our_model, device, track_audio, track_name, meter, augmented_gain
177
  )
178
 
179
- max_value = np.abs(estimates).max()
180
- if max_value >= 1.0:
181
- estimates = estimates / max_value
182
- estimates = estimates * db2linear(-0.1, eps=0.0)
183
  args.save_output_loudnorm = meter.integrated_loudness(estimates.T)
184
 
185
- if orig_sr == 44100:
186
- orig_audio = int16_to_float32(orig_audio)
187
  track_lufs = meter.integrated_loudness(orig_audio.T)
188
  augmented_gain = args.save_output_loudnorm - track_lufs
189
  orig_audio = orig_audio * db2linear(augmented_gain, eps=0.0)
@@ -220,7 +206,7 @@ with gr.Blocks() as demo:
220
  </h1>
221
  </div>
222
  <p style="margin-bottom: 10px; font-size: 94%">
223
- A demo for "Music De-limiter Networks via Sample-wise Gain Inversion" to appear in WASPAA 2023.<br>
224
  Upload a stereo music (tested with .wav, .mp3, .m4a) file and then press "De-limit" button to apply the De-limiter.<br>
225
  The processing is based on 44.1kHz sample rate. Other sample rate will be automatically resampled to 44.1kHz.<br>
226
  Since we use a CPU instead of a GPU, it may require a few seconds to minutes.<br>
@@ -233,74 +219,59 @@ with gr.Blocks() as demo:
233
  </div>
234
  """
235
  )
236
- with gr.Row().style(mobile_collapse=False, equal_height=True):
237
  with gr.Column():
238
- with gr.Box():
239
- input_audio = gr.Audio(source="upload", label="De-limiter Input")
240
- btn = gr.Button("De-limit")
241
  with gr.Column():
242
- with gr.Box():
243
- loud_norm_input = gr.Audio(
244
- label="Loudness Normalized Input",
245
- show_download_button=True,
246
- )
247
- with gr.Box():
248
- output_audio = gr.Audio(
249
- label="De-limiter Output",
250
- show_download_button=True,
251
- )
252
- with gr.Box():
253
- output_audio_parallel = gr.Audio(
254
- label="Parallel Mix of the Input and its De-limiter Output",
255
- show_download_button=True,
256
- )
257
- slider = gr.Slider(
258
- minimum=0,
259
- maximum=1,
260
- step=0.1,
261
- value=0.5,
262
- label="Parallel Mix Coefficient",
263
- )
264
  btn.click(
265
- main,
266
  inputs=[input_audio, slider],
267
  outputs=[output_audio, loud_norm_input, output_audio_parallel],
268
  )
269
  slider.release(
270
- parallel_mix,
271
  inputs=[loud_norm_input, output_audio, slider],
272
  outputs=output_audio_parallel,
273
  )
274
- with gr.Row().style(mobile_collapse=False, equal_height=True):
275
  with gr.Column():
276
- with gr.Box():
277
- plot = gr.Plot(label="Plots")
278
- btn2 = gr.Button("Show Plots")
279
- slider_plot_x = gr.Slider(
280
- minimum=1,
281
- maximum=100,
282
- step=1,
283
- value=20,
284
- label="Plot X-axis size",
285
- )
286
- slider_plot_y = gr.Slider(
287
- minimum=1,
288
- maximum=30,
289
- step=1,
290
- value=9,
291
- label="Plot Y-axis size",
292
- )
293
- btn2.click(
294
- waveform_plot,
295
- inputs=[
296
- loud_norm_input,
297
- output_audio,
298
- output_audio_parallel,
299
- slider_plot_x,
300
- slider_plot_y,
301
- ],
302
- outputs=plot,
303
- )
304
 
305
  if __name__ == "__main__":
306
  demo.launch()
 
50
  return sr, input[1] * mix_coefficient + output[1] * (1 - mix_coefficient)
51
 
52
 
 
 
 
 
 
53
  def waveform_plot(input, output, prl_mix_ouptut, figsize_x=20, figsize_y=9):
54
  sr = 44100
55
  fig, ax = plt.subplots(
 
142
 
143
  meter = pyln.Meter(44100)
144
 
145
+ track_audio, sr = librosa.load(input, sr=44100, mono=False)
146
+ if len(track_audio.shape) == 1: # mono
147
+ track_audio = np.stack([track_audio, track_audio], axis=0)
148
  orig_sr = copy.deepcopy(sr)
 
 
149
 
150
+ track_name = "gradio_demo"
 
 
 
 
 
151
 
152
  orig_audio = track_audio.copy()
153
 
 
166
  args, our_model, device, track_audio, track_name, meter, augmented_gain
167
  )
168
 
169
+ if np.abs(estimates).max() > 1.0:
170
+ estimates = estimates / np.abs(estimates).max()
 
 
171
  args.save_output_loudnorm = meter.integrated_loudness(estimates.T)
172
 
 
 
173
  track_lufs = meter.integrated_loudness(orig_audio.T)
174
  augmented_gain = args.save_output_loudnorm - track_lufs
175
  orig_audio = orig_audio * db2linear(augmented_gain, eps=0.0)
 
206
  </h1>
207
  </div>
208
  <p style="margin-bottom: 10px; font-size: 94%">
209
+ A demo for "Music De-Limiter via Sample-wise Gain Inversion" to appear in WASPAA 2023.<br>
210
  Upload a stereo music (tested with .wav, .mp3, .m4a) file and then press "De-limit" button to apply the De-limiter.<br>
211
  The processing is based on 44.1kHz sample rate. Other sample rate will be automatically resampled to 44.1kHz.<br>
212
  Since we use a CPU instead of a GPU, it may require a few seconds to minutes.<br>
 
219
  </div>
220
  """
221
  )
222
+ with gr.Row():
223
  with gr.Column():
224
+ input_audio = gr.Audio(type="filepath", label="De-limiter Input")
225
+ btn = gr.Button("De-Limit")
 
226
  with gr.Column():
227
+ loud_norm_input = gr.Audio(
228
+ label="Loudness Normalized Input (-14LUFS)", show_download_button=True
229
+ )
230
+ output_audio = gr.Audio(
231
+ label="De-limiter Output", show_download_button=True
232
+ )
233
+ output_audio_parallel = gr.Audio(
234
+ label="Parallel Mix of the Input and its De-limiter Output",
235
+ show_download_button=True,
236
+ )
237
+ slider = gr.Slider(
238
+ minimum=0,
239
+ maximum=1,
240
+ step=0.1,
241
+ value=0.5,
242
+ label="Parallel Mix Coefficient",
243
+ )
 
 
 
 
 
244
  btn.click(
245
+ fn=main,
246
  inputs=[input_audio, slider],
247
  outputs=[output_audio, loud_norm_input, output_audio_parallel],
248
  )
249
  slider.release(
250
+ fn=parallel_mix,
251
  inputs=[loud_norm_input, output_audio, slider],
252
  outputs=output_audio_parallel,
253
  )
254
+ with gr.Row():
255
  with gr.Column():
256
+ plot = gr.Plot(label="Plots")
257
+ btn2 = gr.Button("Show Plots")
258
+ slider_plot_x = gr.Slider(
259
+ minimum=1, maximum=100, step=1, value=20, label="Plot X-axis size"
260
+ )
261
+ slider_plot_y = gr.Slider(
262
+ minimum=1, maximum=30, step=1, value=9, label="Plot Y-axis size"
263
+ )
264
+ btn2.click(
265
+ fn=waveform_plot,
266
+ inputs=[
267
+ loud_norm_input,
268
+ output_audio,
269
+ output_audio_parallel,
270
+ slider_plot_x,
271
+ slider_plot_y,
272
+ ],
273
+ outputs=plot,
274
+ )
 
 
 
 
 
 
 
 
 
275
 
276
  if __name__ == "__main__":
277
  demo.launch()
dataloader/delimit_dataset.py CHANGED
@@ -15,11 +15,13 @@ from .dataset import (
15
  MusdbTrainDataset,
16
  MusdbValidDataset,
17
  apply_limitaug,
 
18
  )
19
  from utils import (
20
  load_wav_arbitrary_position_stereo,
21
  load_wav_specific_position_stereo,
22
  db2linear,
 
23
  )
24
 
25
 
@@ -213,8 +215,9 @@ class DelimitTrainDataset(MusdbTrainDataset):
213
  # apply linear mix over source index=0
214
  # and here, linear mixture is a target unlike in MusdbTrainDataset
215
  mixture = stems.sum(0)
 
216
  mixture_limited, mixture_loudnorm = self.get_limitaug_mixture(mixture)
217
- # We will give mixture_limited as an input and mixture_loudnorm as a target to the model.
218
 
219
  mixture_limited = np.clip(mixture_limited, -1.0, 1.0)
220
  mixture_limited = torch.as_tensor(mixture_limited, dtype=torch.float32)
@@ -273,10 +276,11 @@ class OzoneTrainDataset(DelimitTrainDataset):
273
  self.ozone_root = ozone_root
274
  self.use_fixed = use_fixed
275
  self.list_train_fixed = glob.glob(f"{self.ozone_root}/ozone_train_fixed/*.wav")
276
- self.list_train_random = glob.glob(
277
- f"{self.ozone_root}/ozone_train_random/*.wav"
278
- )
279
- self.dict_train_random = {}
 
280
 
281
  # Load information of pre-generated random training examples
282
  list_csv_files = glob.glob(f"{self.ozone_root}/ozone_train_random_*.csv")
@@ -286,34 +290,66 @@ class OzoneTrainDataset(DelimitTrainDataset):
286
  reader = csv.reader(f)
287
  next(reader)
288
  for row in reader:
289
- self.dict_train_random[row[0]] = {
290
- "max_threshold": float(row[1]),
291
- "max_character": float(row[2]),
292
- "vocals": {
293
- "name": row[3],
294
- "start_sec": float(row[4]),
295
- "gain": float(row[5]),
296
- "channelswap": bool(row[6]),
297
- },
298
- "bass": {
299
- "name": row[7],
300
- "start_sec": float(row[8]),
301
- "gain": float(row[9]),
302
- "channelswap": bool(row[10]),
303
- },
304
- "drums": {
305
- "name": row[11],
306
- "start_sec": float(row[12]),
307
- "gain": float(row[13]),
308
- "channelswap": bool(row[14]),
309
- },
310
- "other": {
311
- "name": row[15],
312
- "start_sec": float(row[16]),
313
- "gain": float(row[17]),
314
- "channelswap": bool(row[18]),
315
- },
316
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
317
 
318
  def __getitem__(self, idx):
319
  use_fixed_prob = random.random()
@@ -341,16 +377,24 @@ class OzoneTrainDataset(DelimitTrainDataset):
341
  else:
342
  # Random examples
343
  # Load mixture_limited (pre-generated)
344
- audio_path = random.choice(self.list_train_random)
345
- seg_name = os.path.basename(audio_path).replace(".wav", "")
 
 
 
 
 
 
346
  mixture_limited, sr = librosa.load(
347
  audio_path, sr=self.sample_rate, mono=False
348
  )
349
 
350
  # Load mixture_unlimited (from the original musdb18, using metadata)
351
  audio_sources = []
 
 
352
  for source in self.sources:
353
- dict_seg_info = self.dict_train_random[seg_name]
354
  dict_seg_source_info = dict_seg_info[source]
355
  audio_path = (
356
  f"{self.root}/train/{dict_seg_source_info['name']}/{source}.wav"
@@ -380,6 +424,9 @@ class OzoneTrainDataset(DelimitTrainDataset):
380
 
381
  return mixture_limited, mixture_loudnorm
382
 
 
 
 
383
 
384
  class DelimitValidDataset(MusdbValidDataset):
385
  def __init__(
@@ -387,7 +434,7 @@ class DelimitValidDataset(MusdbValidDataset):
387
  target: str = "vocals",
388
  root: str = None,
389
  delimit_valid_root: str = None,
390
- valid_target_lufs: float = -8.05, # From the Table 1 of the "Towards robust music source separation on loud commercial music" paper, the average loudness of commerical music.
391
  target_loudnorm_lufs: float = -14.0,
392
  delimit_valid_L_root: str = None, # This will be used when using the target as compressed (normal_L) mixture.
393
  use_custom_limiter: bool = False,
@@ -556,6 +603,7 @@ class OzoneValidDataset(MusdbValidDataset):
556
  song_name = os.path.basename(track_path)
557
  for k, source in enumerate(self.sources):
558
  audio_path = f"{track_path}/{source}.wav"
 
559
  audio = librosa.load(audio_path, mono=False, sr=self.sample_rate)[0]
560
  audio_sources.append(audio)
561
 
 
15
  MusdbTrainDataset,
16
  MusdbValidDataset,
17
  apply_limitaug,
18
+ # apply_limitaug_loudnorm,
19
  )
20
  from utils import (
21
  load_wav_arbitrary_position_stereo,
22
  load_wav_specific_position_stereo,
23
  db2linear,
24
+ str2bool,
25
  )
26
 
27
 
 
215
  # apply linear mix over source index=0
216
  # and here, linear mixture is a target unlike in MusdbTrainDataset
217
  mixture = stems.sum(0)
218
+ # target_lufs = self.sample_target_lufs()
219
  mixture_limited, mixture_loudnorm = self.get_limitaug_mixture(mixture)
220
+ # # We will give mixture_limited as an input and mixture_loudnorm as a target to the model.
221
 
222
  mixture_limited = np.clip(mixture_limited, -1.0, 1.0)
223
  mixture_limited = torch.as_tensor(mixture_limited, dtype=torch.float32)
 
276
  self.ozone_root = ozone_root
277
  self.use_fixed = use_fixed
278
  self.list_train_fixed = glob.glob(f"{self.ozone_root}/ozone_train_fixed/*.wav")
279
+ # self.list_train_random = glob.glob(
280
+ # f"{self.ozone_root}/ozone_train_random/*.wav"
281
+ # )
282
+ # self.dict_train_random = {}
283
+ self.list_dict_train_random = []
284
 
285
  # Load information of pre-generated random training examples
286
  list_csv_files = glob.glob(f"{self.ozone_root}/ozone_train_random_*.csv")
 
290
  reader = csv.reader(f)
291
  next(reader)
292
  for row in reader:
293
+ self.list_dict_train_random.append(
294
+ {
295
+ row[0]: {
296
+ "max_threshold": float(row[1]),
297
+ "max_character": float(row[2]),
298
+ "vocals": {
299
+ "name": row[3],
300
+ "start_sec": float(row[4]),
301
+ "gain": float(row[5]),
302
+ "channelswap": str2bool(row[6]),
303
+ },
304
+ "bass": {
305
+ "name": row[7],
306
+ "start_sec": float(row[8]),
307
+ "gain": float(row[9]),
308
+ "channelswap": str2bool(row[10]),
309
+ },
310
+ "drums": {
311
+ "name": row[11],
312
+ "start_sec": float(row[12]),
313
+ "gain": float(row[13]),
314
+ "channelswap": str2bool(row[14]),
315
+ },
316
+ "other": {
317
+ "name": row[15],
318
+ "start_sec": float(row[16]),
319
+ "gain": float(row[17]),
320
+ "channelswap": str2bool(row[18]),
321
+ },
322
+ }
323
+ }
324
+ )
325
+ # self.dict_train_random[row[0]] = {
326
+ # "max_threshold": float(row[1]),
327
+ # "max_character": float(row[2]),
328
+ # "vocals": {
329
+ # "name": row[3],
330
+ # "start_sec": float(row[4]),
331
+ # "gain": float(row[5]),
332
+ # "channelswap": str2bool(row[6]),
333
+ # },
334
+ # "bass": {
335
+ # "name": row[7],
336
+ # "start_sec": float(row[8]),
337
+ # "gain": float(row[9]),
338
+ # "channelswap": str2bool(row[10]),
339
+ # },
340
+ # "drums": {
341
+ # "name": row[11],
342
+ # "start_sec": float(row[12]),
343
+ # "gain": float(row[13]),
344
+ # "channelswap": str2bool(row[14]),
345
+ # },
346
+ # "other": {
347
+ # "name": row[15],
348
+ # "start_sec": float(row[16]),
349
+ # "gain": float(row[17]),
350
+ # "channelswap": str2bool(row[18]),
351
+ # },
352
+ # }
353
 
354
  def __getitem__(self, idx):
355
  use_fixed_prob = random.random()
 
377
  else:
378
  # Random examples
379
  # Load mixture_limited (pre-generated)
380
+ # audio_path = random.choice(self.list_train_random)
381
+
382
+ dict_seg = random.choice(self.list_dict_train_random)
383
+ seg_name = list(dict_seg.keys())[0]
384
+ audio_path = f"{self.ozone_root}/ozone_train_random/{seg_name}.wav"
385
+ dict_seg_info = dict_seg[seg_name]
386
+
387
+ # seg_name = os.path.basename(audio_path).replace(".wav", "")
388
  mixture_limited, sr = librosa.load(
389
  audio_path, sr=self.sample_rate, mono=False
390
  )
391
 
392
  # Load mixture_unlimited (from the original musdb18, using metadata)
393
  audio_sources = []
394
+ # dict_seg_info = self.dict_train_random[seg_name]
395
+
396
  for source in self.sources:
397
+ # dict_seg_info = self.dict_train_random[seg_name]
398
  dict_seg_source_info = dict_seg_info[source]
399
  audio_path = (
400
  f"{self.root}/train/{dict_seg_source_info['name']}/{source}.wav"
 
424
 
425
  return mixture_limited, mixture_loudnorm
426
 
427
+ # def __len__(self):
428
+ # return 100
429
+
430
 
431
  class DelimitValidDataset(MusdbValidDataset):
432
  def __init__(
 
434
  target: str = "vocals",
435
  root: str = None,
436
  delimit_valid_root: str = None,
437
+ valid_target_lufs: float = -8.05, # From the Table 1 of the paper, the average loudness of commerical music.
438
  target_loudnorm_lufs: float = -14.0,
439
  delimit_valid_L_root: str = None, # This will be used when using the target as compressed (normal_L) mixture.
440
  use_custom_limiter: bool = False,
 
603
  song_name = os.path.basename(track_path)
604
  for k, source in enumerate(self.sources):
605
  audio_path = f"{track_path}/{source}.wav"
606
+ # audio = utils.load_wav_stereo(audio_path, self.sample_rate)
607
  audio = librosa.load(audio_path, mono=False, sr=self.sample_rate)[0]
608
  audio_sources.append(audio)
609
 
weight/all.json CHANGED
@@ -1,21 +1,5 @@
1
  {
2
  "args": {
3
- "classifier_params": {
4
- "chosen_source_mean": 0.7,
5
- "chosen_source_std": 0.15,
6
- "classifier_activation": "softmax",
7
- "classifier_n_classes": 4,
8
- "classifier_n_srcs": 4,
9
- "freeze_when_mixit": true,
10
- "melspec_power": 2.0,
11
- "model_name": "hrnet_w18_small",
12
- "n_mels": 128,
13
- "other_source_mean": 0.3,
14
- "other_source_std": 0.15,
15
- "pretrained_model": false,
16
- "use_one_source_prob": 0.2,
17
- "use_stereo": true
18
- },
19
  "conv_tasnet_params": {
20
  "bn_chan": 128,
21
  "decoder_activation": "sigmoid",
@@ -26,6 +10,7 @@
26
  "n_blocks": 5,
27
  "n_filters": 512,
28
  "n_repeats": 2,
 
29
  "skip_chan": 128,
30
  "stride": 64
31
  },
@@ -54,12 +39,12 @@
54
  "continual_train": false,
55
  "delimit_valid_L_root": null,
56
  "delimit_valid_root": null,
57
- "exp_name": "convtasnet_35",
58
- "output_directory": "/data2/personal/jeon/delimit/results",
59
- "ozone_root": "/data5/personal/jeon/delimit/data",
60
  "pretrained_classifier": null,
61
  "resume": null,
62
- "root": "/data1/Music/musdb18hq"
63
  },
64
  "gpu": 0,
65
  "hyperparams": {
@@ -75,24 +60,6 @@
75
  "patience": 50,
76
  "weight_decay": 0.01
77
  },
78
- "img_check": "/data2/personal/jeon/delimit/results/img_check/convtasnet_35",
79
- "invest_unet_params": {
80
- "bn_factor": 16,
81
- "f_down_layers": null,
82
- "first_conv_activation": "relu",
83
- "input_channels": 4,
84
- "internal_channels": 24,
85
- "kernel_size_f": 3,
86
- "kernel_size_t": 3,
87
- "last_activation": "identity",
88
- "min_bn_units": 16,
89
- "n_blocks": 7,
90
- "n_internal_layers": 5,
91
- "t_down_layers": null,
92
- "tfc_tdf_activation": "relu",
93
- "tfc_tdf_bias": true,
94
- "tif_init_mode": null
95
- },
96
  "model_loss_params": {
97
  "architecture": "conv_tasnet_mask_on_output",
98
  "efficient_mixit_threshold": null,
@@ -110,7 +77,7 @@
110
  ]
111
  },
112
  "ngpus_per_node": 1,
113
- "output": "/data2/personal/jeon/delimit/results/checkpoint/convtasnet_35",
114
  "resume": {},
115
  "sample_rate": {},
116
  "sys_params": {
@@ -126,832 +93,815 @@
126
  "dataset": "delimit",
127
  "target": "all",
128
  "train": true
129
- },
130
- "umx_params": {
131
- "activation": "relu",
132
- "dropout_rate": 0.05,
133
- "hidden_size": 512,
134
- "instead_tanh_activation": "tanh",
135
- "lstm_dropout_rate": 0.4,
136
- "nb_layers": 3,
137
- "normalization": "bn",
138
- "umx_get_statistics": false
139
- },
140
- "wandb_params": {
141
- "entity": "vinyne",
142
- "project": "delimit",
143
- "rerun_id": null,
144
- "sweep": false,
145
- "use_wandb": true
146
  }
147
  },
148
- "best_epoch": 183,
149
- "best_loss": -14.165373802185059,
150
  "epochs_trained": 200,
151
- "num_bad_epochs": 17,
152
  "train_loss_history": [
153
- -11.723381042480469,
154
- -11.759103775024414,
155
- -11.818404197692871,
156
- -11.88597583770752,
157
- -11.882278442382812,
158
- -11.943178176879883,
159
- -11.909675598144531,
160
- -11.93053913116455,
161
- -11.922198295593262,
162
- -12.013456344604492,
163
- -12.106053352355957,
164
- -11.999975204467773,
165
- -12.067265510559082,
166
- -12.079473495483398,
167
- -12.13272762298584,
168
- -12.15418529510498,
169
- -12.08314037322998,
170
- -12.152527809143066,
171
- -12.096565246582031,
172
- -12.219636917114258,
173
- -12.246475219726562,
174
- -12.170637130737305,
175
- -12.188806533813477,
176
- -12.230484962463379,
177
- -12.207123756408691,
178
- -12.307502746582031,
179
- -12.200200080871582,
180
- -12.284586906433105,
181
- -12.244038581848145,
182
- -12.302275657653809,
183
- -12.200104713439941,
184
- -12.31570816040039,
185
- -12.42324447631836,
186
- -12.352653503417969,
187
- -12.367401123046875,
188
- -12.295838356018066,
189
- -12.404874801635742,
190
- -12.338440895080566,
191
- -12.365501403808594,
192
- -12.365768432617188,
193
- -12.225799560546875,
194
- -12.26883602142334,
195
- -12.390016555786133,
196
- -12.410661697387695,
197
- -12.311858177185059,
198
- -12.408061027526855,
199
- -12.396013259887695,
200
- -12.353321075439453,
201
- -12.470121383666992,
202
- -12.469389915466309,
203
- -12.452675819396973,
204
- -12.381932258605957,
205
- -12.31003475189209,
206
- -12.412126541137695,
207
- -12.267746925354004,
208
- -12.440984725952148,
209
- -12.413816452026367,
210
- -12.417757034301758,
211
- -12.4945650100708,
212
- -12.445524215698242,
213
- -12.38110065460205,
214
- -12.454893112182617,
215
- -12.390727996826172,
216
- -12.339771270751953,
217
- -12.528243064880371,
218
- -12.434144973754883,
219
- -12.43438720703125,
220
- -12.458473205566406,
221
- -12.424423217773438,
222
- -12.387894630432129,
223
- -12.438997268676758,
224
- -12.528799057006836,
225
- -12.423232078552246,
226
- -12.534538269042969,
227
- -12.495400428771973,
228
- -12.53675651550293,
229
- -12.551910400390625,
230
- -12.478575706481934,
231
- -12.461804389953613,
232
- -12.483702659606934,
233
- -12.474960327148438,
234
- -12.441666603088379,
235
- -12.42241096496582,
236
- -12.48852252960205,
237
- -12.513558387756348,
238
- -12.40845012664795,
239
- -12.555559158325195,
240
- -12.589385032653809,
241
- -12.395785331726074,
242
- -12.496671676635742,
243
- -12.554829597473145,
244
- -12.530548095703125,
245
- -12.564457893371582,
246
- -12.52737808227539,
247
- -12.608246803283691,
248
- -12.3996000289917,
249
- -12.433905601501465,
250
- -12.490935325622559,
251
- -12.477506637573242,
252
- -12.470728874206543,
253
- -12.564470291137695,
254
- -12.525967597961426,
255
- -12.502660751342773,
256
- -12.440997123718262,
257
- -12.576118469238281,
258
- -12.538352966308594,
259
- -12.512738227844238,
260
- -12.525115966796875,
261
- -12.511483192443848,
262
- -12.571795463562012,
263
- -12.59391975402832,
264
- -12.442131996154785,
265
- -12.617898941040039,
266
- -12.495210647583008,
267
- -12.551814079284668,
268
- -12.4913330078125,
269
- -12.626816749572754,
270
- -12.556028366088867,
271
- -12.477901458740234,
272
- -12.596776008605957,
273
- -12.597326278686523,
274
- -12.484386444091797,
275
- -12.660898208618164,
276
- -12.440162658691406,
277
- -12.530372619628906,
278
- -12.51207447052002,
279
- -12.503606796264648,
280
- -12.670214653015137,
281
- -12.51667308807373,
282
- -12.546160697937012,
283
- -12.504158020019531,
284
- -12.6427001953125,
285
- -12.56100082397461,
286
- -12.506058692932129,
287
- -12.637288093566895,
288
- -12.572591781616211,
289
- -12.544734001159668,
290
- -12.604019165039062,
291
- -12.549866676330566,
292
- -12.521714210510254,
293
- -12.601127624511719,
294
- -12.629931449890137,
295
- -12.587185859680176,
296
- -12.605366706848145,
297
- -12.606413841247559,
298
- -12.536269187927246,
299
- -12.577346801757812,
300
- -12.703147888183594,
301
- -12.60477066040039,
302
- -12.603355407714844,
303
- -12.536528587341309,
304
- -12.601842880249023,
305
- -12.698568344116211,
306
- -12.72192668914795,
307
- -12.663148880004883,
308
- -12.644909858703613,
309
- -12.631479263305664,
310
- -12.596253395080566,
311
- -12.61674690246582,
312
- -12.701379776000977,
313
- -12.664311408996582,
314
- -12.646204948425293,
315
- -12.597058296203613,
316
- -12.652384757995605,
317
- -12.579480171203613,
318
- -12.757433891296387,
319
- -12.686827659606934,
320
- -12.65634536743164,
321
- -12.552176475524902,
322
- -12.625761032104492,
323
- -12.652499198913574,
324
- -12.668974876403809,
325
- -12.700301170349121,
326
- -12.591926574707031,
327
- -12.54333782196045,
328
- -12.541864395141602,
329
- -12.720565795898438,
330
- -12.625009536743164,
331
- -12.577120780944824,
332
- -12.67569637298584,
333
- -12.634958267211914,
334
- -12.660367012023926,
335
- -12.646204948425293,
336
- -12.713308334350586,
337
- -12.734916687011719,
338
- -12.602835655212402,
339
- -12.596168518066406,
340
- -12.66109848022461,
341
- -12.568808555603027,
342
- -12.719843864440918,
343
- -12.746356010437012,
344
- -12.602999687194824,
345
- -12.632689476013184,
346
- -12.715725898742676,
347
- -12.671126365661621,
348
- -12.659911155700684,
349
- -12.755860328674316,
350
- -12.591080665588379,
351
- -12.623464584350586,
352
- -12.643362045288086
353
  ],
354
  "train_time_history": [
355
- 308.12283968925476,
356
- 308.12408661842346,
357
- 305.56318974494934,
358
- 305.6093053817749,
359
- 304.1926734447479,
360
- 304.2103099822998,
361
- 301.78035831451416,
362
- 301.7819468975067,
363
- 317.8168547153473,
364
- 317.818119764328,
365
- 314.8585801124573,
366
- 314.8601076602936,
367
- 311.61795926094055,
368
- 311.61953926086426,
369
- 316.2616910934448,
370
- 316.2639091014862,
371
- 312.59282636642456,
372
- 312.59408020973206,
373
- 314.6765525341034,
374
- 314.6778757572174,
375
- 314.4039900302887,
376
- 314.40531301498413,
377
- 313.9343922138214,
378
- 313.9356322288513,
379
- 315.1470823287964,
380
- 315.14854192733765,
381
- 317.65793561935425,
382
- 317.65903544425964,
383
- 316.41589403152466,
384
- 316.4171371459961,
385
- 316.253050327301,
386
- 316.2544617652893,
387
- 316.2039670944214,
388
- 316.20542550086975,
389
- 316.30707120895386,
390
- 316.30964159965515,
391
- 315.7812213897705,
392
- 315.7832131385803,
393
- 315.77191638946533,
394
- 315.7732570171356,
395
- 315.7776229381561,
396
- 315.77907848358154,
397
- 315.80343294143677,
398
- 315.8051166534424,
399
- 314.40133929252625,
400
- 314.403112411499,
401
- 314.32283997535706,
402
- 314.32424092292786,
403
- 314.90000677108765,
404
- 314.90242648124695,
405
- 313.8207128047943,
406
- 313.8227391242981,
407
- 313.86938881874084,
408
- 313.87079215049744,
409
- 316.9037547111511,
410
- 316.9056947231293,
411
- 317.4321286678314,
412
- 317.43361139297485,
413
- 316.41515493392944,
414
- 316.4182825088501,
415
- 315.69741559028625,
416
- 315.699245929718,
417
- 315.9285054206848,
418
- 315.930716753006,
419
- 314.25376319885254,
420
- 314.25567531585693,
421
- 312.997665643692,
422
- 313.0005877017975,
423
- 315.5962414741516,
424
- 315.5977747440338,
425
- 315.49425506591797,
426
- 315.4961242675781,
427
- 315.980491399765,
428
- 315.98283791542053,
429
- 315.5533638000488,
430
- 315.55492901802063,
431
- 313.9896593093872,
432
- 313.99131321907043,
433
- 314.3214478492737,
434
- 314.3232262134552,
435
- 314.6442220211029,
436
- 314.64620661735535,
437
- 315.69726514816284,
438
- 315.7001700401306,
439
- 314.78302001953125,
440
- 314.7847316265106,
441
- 313.14448523521423,
442
- 313.1465194225311,
443
- 311.8232834339142,
444
- 311.8251144886017,
445
- 318.88225960731506,
446
- 318.8843643665314,
447
- 319.20725083351135,
448
- 319.20886182785034,
449
- 317.81429648399353,
450
- 317.8159878253937,
451
- 320.23738193511963,
452
- 320.23904752731323,
453
- 315.8315763473511,
454
- 315.83344054222107,
455
- 317.32581615448,
456
- 317.3274848461151,
457
- 316.7596924304962,
458
- 316.7628848552704,
459
- 316.3167974948883,
460
- 316.3188827037811,
461
- 316.44567823410034,
462
- 316.44802141189575,
463
- 313.8653395175934,
464
- 313.8687484264374,
465
- 308.43933939933777,
466
- 308.44151163101196,
467
- 312.1857454776764,
468
- 312.18967509269714,
469
- 307.8407344818115,
470
- 307.84401679039,
471
- 307.48447585105896,
472
- 307.48623728752136,
473
- 310.300940990448,
474
- 310.3029022216797,
475
- 310.32225275039673,
476
- 310.3257050514221,
477
- 309.351779460907,
478
- 309.3539865016937,
479
- 309.4356527328491,
480
- 309.4380919933319,
481
- 312.63360381126404,
482
- 312.63535809516907,
483
- 311.7453818321228,
484
- 311.7476508617401,
485
- 311.3258364200592,
486
- 311.327698469162,
487
- 312.28111600875854,
488
- 312.2828998565674,
489
- 311.3383209705353,
490
- 311.34200048446655,
491
- 306.9764757156372,
492
- 306.9787657260895,
493
- 309.35506653785706,
494
- 309.3569576740265,
495
- 310.2506465911865,
496
- 310.2529339790344,
497
- 310.65880727767944,
498
- 310.66108298301697,
499
- 311.18562865257263,
500
- 311.1874952316284,
501
- 309.07765316963196,
502
- 309.07997822761536,
503
- 313.3008818626404,
504
- 313.3029179573059,
505
- 311.267498254776,
506
- 311.26989102363586,
507
- 310.62635374069214,
508
- 310.6306185722351,
509
- 308.1883268356323,
510
- 308.19112515449524,
511
- 310.65689158439636,
512
- 310.65896558761597,
513
- 308.98754620552063,
514
- 309.03386878967285,
515
- 309.21512937545776,
516
- 309.2185757160187,
517
- 309.93750405311584,
518
- 309.93965554237366,
519
- 310.2938587665558,
520
- 310.29592084884644,
521
- 308.24257493019104,
522
- 308.2463102340698,
523
- 310.6870594024658,
524
- 310.6905345916748,
525
- 310.7875945568085,
526
- 310.78995156288147,
527
- 310.9882712364197,
528
- 310.9906806945801,
529
- 310.95856285095215,
530
- 310.96066546440125,
531
- 312.4489221572876,
532
- 312.45125246047974,
533
- 312.24022579193115,
534
- 312.2863116264343,
535
- 309.68400406837463,
536
- 309.6862533092499,
537
- 309.64014887809753,
538
- 309.64232993125916,
539
- 309.9094281196594,
540
- 309.9119017124176,
541
- 309.40677762031555,
542
- 309.40893173217773,
543
- 309.1595506668091,
544
- 309.1617259979248,
545
- 308.4178020954132,
546
- 308.4198989868164,
547
- 308.5063133239746,
548
- 308.5085346698761,
549
- 307.5796904563904,
550
- 307.5972898006439,
551
- 309.66309905052185,
552
- 309.66530561447144,
553
- 312.70798993110657,
554
- 312.7102212905884,
555
- 310.2431013584137,
556
- 310.2453660964966,
557
- 312.2640459537506,
558
- 312.26635122299194,
559
- 311.27055287361145,
560
- 311.27321219444275,
561
- 312.58145689964294,
562
- 312.58376598358154,
563
- 313.1553518772125,
564
- 313.1574249267578,
565
- 308.4067575931549,
566
- 308.4089684486389,
567
- 311.0251498222351,
568
- 311.0274658203125,
569
- 308.0227520465851,
570
- 308.02498388290405,
571
- 308.0182030200958,
572
- 308.0204634666443,
573
- 308.63523149490356,
574
- 308.63751220703125,
575
- 308.53969383239746,
576
- 308.5420751571655,
577
- 306.51329946517944,
578
- 306.51555824279785,
579
- 309.59846591949463,
580
- 309.60128831863403,
581
- 305.3712034225464,
582
- 305.37409830093384,
583
- 305.43984270095825,
584
- 305.4421238899231,
585
- 309.3166663646698,
586
- 309.3195414543152,
587
- 308.8618497848511,
588
- 308.86409974098206,
589
- 304.8731882572174,
590
- 304.8755958080292,
591
- 306.6576888561249,
592
- 306.663143157959,
593
- 306.6716537475586,
594
- 306.6740062236786,
595
- 309.47339940071106,
596
- 309.47578954696655,
597
- 307.73386335372925,
598
- 307.7363700866699,
599
- 308.0688214302063,
600
- 308.07209277153015,
601
- 311.58968901634216,
602
- 311.6099576950073,
603
- 308.70460844039917,
604
- 308.70710158348083,
605
- 312.0563473701477,
606
- 312.05881452560425,
607
- 310.89456367492676,
608
- 310.9119510650635,
609
- 308.73097705841064,
610
- 308.73414373397827,
611
- 309.4255359172821,
612
- 309.42857813835144,
613
- 311.0751721858978,
614
- 311.07801842689514,
615
- 309.5860447883606,
616
- 309.5896680355072,
617
- 309.87396597862244,
618
- 309.8803391456604,
619
- 310.9183626174927,
620
- 310.92147397994995,
621
- 308.4321529865265,
622
- 308.4359757900238,
623
- 312.4424922466278,
624
- 312.44731879234314,
625
- 312.3443009853363,
626
- 312.3491401672363,
627
- 310.3139410018921,
628
- 310.3165555000305,
629
- 312.09410762786865,
630
- 312.09656262397766,
631
- 311.11144399642944,
632
- 311.1577796936035,
633
- 309.1589603424072,
634
- 309.16152119636536,
635
- 312.51157093048096,
636
- 312.51463317871094,
637
- 314.15198159217834,
638
- 314.15485286712646,
639
- 310.00070810317993,
640
- 310.0033264160156,
641
- 311.2290298938751,
642
- 311.23188829421997,
643
- 313.0510983467102,
644
- 313.05362153053284,
645
- 313.48791670799255,
646
- 313.4910161495209,
647
- 307.60272216796875,
648
- 307.6053590774536,
649
- 303.84622287750244,
650
- 303.8494029045105,
651
- 304.8547012805939,
652
- 304.85784125328064,
653
- 310.63141536712646,
654
- 310.63450264930725,
655
- 304.8634753227234,
656
- 304.8664004802704,
657
- 308.1505949497223,
658
- 308.15428018569946,
659
- 310.18936228752136,
660
- 310.1920323371887,
661
- 309.2550263404846,
662
- 309.2577428817749,
663
- 310.08596634864807,
664
- 310.08910751342773,
665
- 307.4643654823303,
666
- 307.4670605659485,
667
- 308.558221578598,
668
- 308.5638659000397,
669
- 309.7440264225006,
670
- 309.7467608451843,
671
- 308.2091956138611,
672
- 308.2125828266144,
673
- 307.0199763774872,
674
- 307.02332496643066,
675
- 306.3482081890106,
676
- 306.35128688812256,
677
- 307.3764581680298,
678
- 307.37923669815063,
679
- 311.61060428619385,
680
- 311.6135311126709,
681
- 306.8187861442566,
682
- 306.8240280151367,
683
- 305.19880175590515,
684
- 305.20313119888306,
685
- 309.252712726593,
686
- 309.256165266037,
687
- 310.80801463127136,
688
- 310.81236577033997,
689
- 309.1079206466675,
690
- 309.11073756217957,
691
- 310.6556165218353,
692
- 310.65838623046875,
693
- 310.94868993759155,
694
- 310.95155143737793,
695
- 308.4552607536316,
696
- 308.4580717086792,
697
- 308.2857587337494,
698
- 308.2886221408844,
699
- 306.4856150150299,
700
- 306.4887855052948,
701
- 306.8667871952057,
702
- 306.86966013908386,
703
- 306.1964519023895,
704
- 306.2005341053009,
705
- 308.2178611755371,
706
- 308.22126364707947,
707
- 305.94888377189636,
708
- 305.9523375034332,
709
- 307.48926973342896,
710
- 307.4920620918274,
711
- 307.60354018211365,
712
- 307.63674998283386,
713
- 307.2473645210266,
714
- 307.2501358985901,
715
- 308.16573452949524,
716
- 308.2115182876587,
717
- 307.30736780166626,
718
- 307.3109815120697,
719
- 307.2137475013733,
720
- 307.2178246974945,
721
- 308.5944905281067,
722
- 308.59843826293945,
723
- 307.2346291542053,
724
- 307.2382435798645,
725
- 308.417338848114,
726
- 308.4208617210388,
727
- 305.5816307067871,
728
- 305.5852439403534,
729
- 307.69459652900696,
730
- 307.6975119113922,
731
- 307.20833134651184,
732
- 307.212299823761,
733
- 305.9614431858063,
734
- 305.965185880661,
735
- 305.31594157218933,
736
- 305.3195445537567,
737
- 307.46696519851685,
738
- 307.47079825401306,
739
- 306.23966455459595,
740
- 306.2433180809021,
741
- 306.1235647201538,
742
- 306.1273248195648,
743
- 307.02436780929565,
744
- 307.02733421325684,
745
- 306.9687819480896,
746
- 306.97225856781006,
747
- 306.23205065727234,
748
- 306.2356073856354,
749
- 305.3567383289337,
750
- 305.36028504371643,
751
- 305.94446635246277,
752
- 305.9480822086334,
753
- 307.2553553581238
754
  ],
755
  "valid_loss_history": [
756
- -12.743322372436523,
757
- -12.724347114562988,
758
- -12.86701488494873,
759
- -12.694435119628906,
760
- -12.706733703613281,
761
- -13.048251152038574,
762
- -12.943618774414062,
763
- -13.120084762573242,
764
- -13.121935844421387,
765
- -13.146740913391113,
766
- -13.197364807128906,
767
- -13.224929809570312,
768
- -13.255891799926758,
769
- -13.311783790588379,
770
- -13.386489868164062,
771
- -13.390006065368652,
772
- -13.45509147644043,
773
- -13.444679260253906,
774
- -13.456311225891113,
775
- -13.36051082611084,
776
- -13.478644371032715,
777
- -13.503388404846191,
778
- -13.540580749511719,
779
- -13.579903602600098,
780
- -13.551591873168945,
781
- -13.638075828552246,
782
- -13.617512702941895,
783
- -13.64240550994873,
784
- -13.618767738342285,
785
- -13.65319538116455,
786
- -13.601574897766113,
787
- -13.693778038024902,
788
- -13.658882141113281,
789
- -13.649510383605957,
790
- -13.477263450622559,
791
- -13.643564224243164,
792
- -13.732584953308105,
793
- -13.643271446228027,
794
- -13.655325889587402,
795
- -13.71172046661377,
796
- -13.564180374145508,
797
- -13.708178520202637,
798
- -13.688010215759277,
799
- -13.711198806762695,
800
- -13.612863540649414,
801
- -13.702019691467285,
802
- -13.704530715942383,
803
- -13.716957092285156,
804
- -13.76714038848877,
805
- -13.719636917114258,
806
- -13.738469123840332,
807
- -13.759002685546875,
808
- -13.721348762512207,
809
- -13.727803230285645,
810
- -13.768327713012695,
811
- -13.73253345489502,
812
- -13.75208568572998,
813
- -13.754429817199707,
814
- -13.76417064666748,
815
- -13.805985450744629,
816
- -13.762914657592773,
817
- -13.75927448272705,
818
- -13.781553268432617,
819
- -13.744827270507812,
820
- -13.805213928222656,
821
- -13.792055130004883,
822
- -13.736992835998535,
823
- -13.804685592651367,
824
- -13.802186012268066,
825
- -13.812178611755371,
826
- -13.781081199645996,
827
- -13.836441993713379,
828
- -13.787053108215332,
829
- -13.824462890625,
830
- -13.827963829040527,
831
- -13.768393516540527,
832
- -13.824796676635742,
833
- -13.809252738952637,
834
- -13.820283889770508,
835
- -13.811989784240723,
836
- -13.845786094665527,
837
- -13.801295280456543,
838
- -13.795866966247559,
839
- -13.847658157348633,
840
- -13.841630935668945,
841
- -13.887687683105469,
842
- -13.838217735290527,
843
- -13.833791732788086,
844
- -13.8090181350708,
845
- -13.810338973999023,
846
- -13.812939643859863,
847
- -13.813563346862793,
848
- -13.72245979309082,
849
- -13.829062461853027,
850
- -13.820122718811035,
851
- -13.764768600463867,
852
- -13.882962226867676,
853
- -13.887824058532715,
854
- -13.874728202819824,
855
- -13.83934211730957,
856
- -13.854304313659668,
857
- -13.853861808776855,
858
- -13.878510475158691,
859
- -13.855673789978027,
860
- -13.935111999511719,
861
- -13.873315811157227,
862
- -13.88434886932373,
863
- -13.913508415222168,
864
- -13.804875373840332,
865
- -13.874313354492188,
866
- -13.925950050354004,
867
- -13.898317337036133,
868
- -13.861913681030273,
869
- -13.83596134185791,
870
- -13.907777786254883,
871
- -13.832358360290527,
872
- -13.936162948608398,
873
- -13.925071716308594,
874
- -13.906752586364746,
875
- -13.87073040008545,
876
- -13.964620590209961,
877
- -13.925311088562012,
878
- -13.974698066711426,
879
- -13.957905769348145,
880
- -13.918564796447754,
881
- -13.975790023803711,
882
- -13.988444328308105,
883
- -13.959516525268555,
884
- -14.01569652557373,
885
- -13.992425918579102,
886
- -14.039790153503418,
887
- -13.940314292907715,
888
- -14.011497497558594,
889
- -13.953152656555176,
890
- -13.920698165893555,
891
- -13.960227966308594,
892
- -13.907439231872559,
893
- -14.014067649841309,
894
- -13.972914695739746,
895
- -13.942621231079102,
896
- -14.019667625427246,
897
- -14.037107467651367,
898
- -13.85366153717041,
899
- -13.980110168457031,
900
- -13.97785472869873,
901
- -13.983843803405762,
902
- -13.843756675720215,
903
- -14.002585411071777,
904
- -14.026784896850586,
905
- -14.028115272521973,
906
- -14.02059268951416,
907
- -13.985837936401367,
908
- -14.076154708862305,
909
- -14.060620307922363,
910
- -13.936518669128418,
911
- -13.957221031188965,
912
- -14.017061233520508,
913
- -13.995661735534668,
914
- -14.056286811828613,
915
- -14.037705421447754,
916
- -13.940332412719727,
917
- -14.092416763305664,
918
- -14.024917602539062,
919
- -14.002346992492676,
920
- -14.026989936828613,
921
- -13.944084167480469,
922
- -14.002883911132812,
923
- -14.120462417602539,
924
- -14.043062210083008,
925
- -14.008293151855469,
926
- -14.040563583374023,
927
- -13.994155883789062,
928
- -14.08944034576416,
929
- -14.078422546386719,
930
- -14.014589309692383,
931
- -14.083242416381836,
932
- -14.104707717895508,
933
- -14.103189468383789,
934
- -14.063937187194824,
935
- -14.0596284866333,
936
- -14.059121131896973,
937
- -14.102814674377441,
938
- -14.165373802185059,
939
- -14.106118202209473,
940
- -14.107162475585938,
941
- -14.085371017456055,
942
- -14.123793601989746,
943
- -14.053537368774414,
944
- -14.077792167663574,
945
- -14.056371688842773,
946
- -14.033655166625977,
947
- -14.096640586853027,
948
- -14.057114601135254,
949
- -14.115262985229492,
950
- -14.074142456054688,
951
- -14.067980766296387,
952
- -14.118453025817871,
953
- -14.117535591125488,
954
- -14.126029968261719,
955
- -14.117874145507812
956
  ]
957
  }
 
1
  {
2
  "args": {
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
3
  "conv_tasnet_params": {
4
  "bn_chan": 128,
5
  "decoder_activation": "sigmoid",
 
10
  "n_blocks": 5,
11
  "n_filters": 512,
12
  "n_repeats": 2,
13
+ "norm_type": {},
14
  "skip_chan": 128,
15
  "stride": 64
16
  },
 
39
  "continual_train": false,
40
  "delimit_valid_L_root": null,
41
  "delimit_valid_root": null,
42
+ "exp_name": "delimit_6_s",
43
+ "output_directory": "/path/to/delimit/results",
44
+ "ozone_root": "/path/to/delimit/data",
45
  "pretrained_classifier": null,
46
  "resume": null,
47
+ "root": "/path/to/musdb18hq"
48
  },
49
  "gpu": 0,
50
  "hyperparams": {
 
60
  "patience": 50,
61
  "weight_decay": 0.01
62
  },
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
63
  "model_loss_params": {
64
  "architecture": "conv_tasnet_mask_on_output",
65
  "efficient_mixit_threshold": null,
 
77
  ]
78
  },
79
  "ngpus_per_node": 1,
80
+ "output": "/path/to/delimit/results/checkpoint/delimit_6_s",
81
  "resume": {},
82
  "sample_rate": {},
83
  "sys_params": {
 
93
  "dataset": "delimit",
94
  "target": "all",
95
  "train": true
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
96
  }
97
  },
98
+ "best_epoch": 196,
99
+ "best_loss": -14.249421119689941,
100
  "epochs_trained": 200,
101
+ "num_bad_epochs": 4,
102
  "train_loss_history": [
103
+ -15.31794548034668,
104
+ -15.532625198364258,
105
+ -15.587085723876953,
106
+ -15.6836519241333,
107
+ -15.741823196411133,
108
+ -15.734150886535645,
109
+ -15.819906234741211,
110
+ -15.87240982055664,
111
+ -15.931070327758789,
112
+ -15.94979190826416,
113
+ -15.979517936706543,
114
+ -16.0633487701416,
115
+ -16.25364112854004,
116
+ -16.308530807495117,
117
+ -16.35249900817871,
118
+ -16.306543350219727,
119
+ -16.339628219604492,
120
+ -16.46212387084961,
121
+ -16.457759857177734,
122
+ -16.50151824951172,
123
+ -16.51740074157715,
124
+ -16.582855224609375,
125
+ -16.561899185180664,
126
+ -16.58802604675293,
127
+ -16.598905563354492,
128
+ -16.733430862426758,
129
+ -16.667192459106445,
130
+ -16.705392837524414,
131
+ -16.618309020996094,
132
+ -16.63999366760254,
133
+ -16.710491180419922,
134
+ -16.762954711914062,
135
+ -16.753698348999023,
136
+ -16.84703254699707,
137
+ -16.835758209228516,
138
+ -16.81234359741211,
139
+ -16.872507095336914,
140
+ -16.8001651763916,
141
+ -16.795087814331055,
142
+ -16.734268188476562,
143
+ -16.824871063232422,
144
+ -16.775482177734375,
145
+ -16.842336654663086,
146
+ -16.86620330810547,
147
+ -16.876514434814453,
148
+ -16.793272018432617,
149
+ -16.826705932617188,
150
+ -16.835668563842773,
151
+ -16.893131256103516,
152
+ -16.938766479492188,
153
+ -16.933948516845703,
154
+ -16.918254852294922,
155
+ -16.99462127685547,
156
+ -16.980653762817383,
157
+ -16.913259506225586,
158
+ -16.965167999267578,
159
+ -17.042926788330078,
160
+ -16.958335876464844,
161
+ -17.03352165222168,
162
+ -16.983625411987305,
163
+ -16.975845336914062,
164
+ -17.104887008666992,
165
+ -17.040782928466797,
166
+ -17.020822525024414,
167
+ -16.959245681762695,
168
+ -17.051708221435547,
169
+ -16.99237632751465,
170
+ -17.059650421142578,
171
+ -17.13454818725586,
172
+ -17.100242614746094,
173
+ -17.106279373168945,
174
+ -17.080814361572266,
175
+ -17.053775787353516,
176
+ -17.06512451171875,
177
+ -17.14462661743164,
178
+ -17.16411590576172,
179
+ -17.12580108642578,
180
+ -17.150821685791016,
181
+ -17.118499755859375,
182
+ -17.14512825012207,
183
+ -17.140581130981445,
184
+ -17.177623748779297,
185
+ -17.16305923461914,
186
+ -17.198230743408203,
187
+ -17.210004806518555,
188
+ -17.24343490600586,
189
+ -17.152063369750977,
190
+ -17.23419189453125,
191
+ -17.277408599853516,
192
+ -17.13043975830078,
193
+ -17.106294631958008,
194
+ -17.210983276367188,
195
+ -17.16777992248535,
196
+ -17.159547805786133,
197
+ -17.356822967529297,
198
+ -17.129384994506836,
199
+ -17.124343872070312,
200
+ -17.177310943603516,
201
+ -17.23253059387207,
202
+ -17.174467086791992,
203
+ -17.31760597229004,
204
+ -17.1961727142334,
205
+ -17.30803108215332,
206
+ -17.2936954498291,
207
+ -17.2106990814209,
208
+ -17.156301498413086,
209
+ -17.319316864013672,
210
+ -17.22032356262207,
211
+ -17.296268463134766,
212
+ -17.217344284057617,
213
+ -17.244640350341797,
214
+ -17.211294174194336,
215
+ -17.31123924255371,
216
+ -17.331533432006836,
217
+ -17.32676887512207,
218
+ -17.320463180541992,
219
+ -17.400226593017578,
220
+ -17.38167381286621,
221
+ -17.352170944213867,
222
+ -17.267051696777344,
223
+ -17.341922760009766,
224
+ -17.255464553833008,
225
+ -17.386539459228516,
226
+ -17.297945022583008,
227
+ -17.419677734375,
228
+ -17.35832977294922,
229
+ -17.323421478271484,
230
+ -17.431251525878906,
231
+ -17.351421356201172,
232
+ -17.401077270507812,
233
+ -17.419261932373047,
234
+ -17.332902908325195,
235
+ -17.376359939575195,
236
+ -17.339527130126953,
237
+ -17.40888214111328,
238
+ -17.38826560974121,
239
+ -17.53896713256836,
240
+ -17.391586303710938,
241
+ -17.407407760620117,
242
+ -17.348012924194336,
243
+ -17.4061279296875,
244
+ -17.438644409179688,
245
+ -17.409500122070312,
246
+ -17.379648208618164,
247
+ -17.450407028198242,
248
+ -17.42279052734375,
249
+ -17.38970947265625,
250
+ -17.41756820678711,
251
+ -17.463808059692383,
252
+ -17.4168701171875,
253
+ -17.469118118286133,
254
+ -17.454309463500977,
255
+ -17.41945457458496,
256
+ -17.387374877929688,
257
+ -17.450119018554688,
258
+ -17.396865844726562,
259
+ -17.534053802490234,
260
+ -17.474985122680664,
261
+ -17.421100616455078,
262
+ -17.413650512695312,
263
+ -17.395294189453125,
264
+ -17.489408493041992,
265
+ -17.48147964477539,
266
+ -17.464696884155273,
267
+ -17.3919677734375,
268
+ -17.500484466552734,
269
+ -17.56847381591797,
270
+ -17.562353134155273,
271
+ -17.53761863708496,
272
+ -17.519760131835938,
273
+ -17.532852172851562,
274
+ -17.426738739013672,
275
+ -17.546945571899414,
276
+ -17.555721282958984,
277
+ -17.439008712768555,
278
+ -17.54346466064453,
279
+ -17.536434173583984,
280
+ -17.460493087768555,
281
+ -17.572668075561523,
282
+ -17.51237678527832,
283
+ -17.569177627563477,
284
+ -17.430326461791992,
285
+ -17.505939483642578,
286
+ -17.62041473388672,
287
+ -17.5394229888916,
288
+ -17.555639266967773,
289
+ -17.523653030395508,
290
+ -17.57554817199707,
291
+ -17.622777938842773,
292
+ -17.55404281616211,
293
+ -17.544889450073242,
294
+ -17.51767921447754,
295
+ -17.55059814453125,
296
+ -17.518476486206055,
297
+ -17.548358917236328,
298
+ -17.574398040771484,
299
+ -17.620662689208984,
300
+ -17.518407821655273,
301
+ -17.69523048400879,
302
+ -17.58206558227539
303
  ],
304
  "train_time_history": [
305
+ 643.9860649108887,
306
+ 643.9872717857361,
307
+ 528.9625627994537,
308
+ 528.9641060829163,
309
+ 558.4192473888397,
310
+ 558.4204115867615,
311
+ 522.8128218650818,
312
+ 522.8142325878143,
313
+ 561.0230331420898,
314
+ 561.0242264270782,
315
+ 528.4274871349335,
316
+ 528.4289662837982,
317
+ 526.8048939704895,
318
+ 526.8061168193817,
319
+ 545.3310840129852,
320
+ 545.3324346542358,
321
+ 553.4127798080444,
322
+ 553.4142241477966,
323
+ 469.73180961608887,
324
+ 469.73325300216675,
325
+ 859.6335096359253,
326
+ 859.6351401805878,
327
+ 547.1854898929596,
328
+ 547.1867034435272,
329
+ 1126.3871772289276,
330
+ 1126.3887796401978,
331
+ 774.9042837619781,
332
+ 774.90554022789,
333
+ 1024.1285951137543,
334
+ 1024.1300146579742,
335
+ 699.7091121673584,
336
+ 699.7124738693237,
337
+ 780.0040049552917,
338
+ 780.0058071613312,
339
+ 963.8388843536377,
340
+ 963.8420798778534,
341
+ 620.4403750896454,
342
+ 620.4421138763428,
343
+ 1047.070762872696,
344
+ 1047.0722396373749,
345
+ 827.6828126907349,
346
+ 827.6843898296356,
347
+ 1165.005133152008,
348
+ 1165.0069043636322,
349
+ 739.5405783653259,
350
+ 739.5420775413513,
351
+ 1001.2236783504486,
352
+ 1001.2252504825592,
353
+ 1067.7640767097473,
354
+ 1067.7656264305115,
355
+ 921.4736218452454,
356
+ 921.4750645160675,
357
+ 801.219244480133,
358
+ 801.2207653522491,
359
+ 861.3568906784058,
360
+ 861.3583245277405,
361
+ 1008.0664939880371,
362
+ 1008.0683662891388,
363
+ 920.576229095459,
364
+ 920.5788991451263,
365
+ 880.6784987449646,
366
+ 880.6799793243408,
367
+ 895.7339191436768,
368
+ 895.7356226444244,
369
+ 790.5057306289673,
370
+ 790.5074284076691,
371
+ 1085.6954364776611,
372
+ 1085.6970047950745,
373
+ 802.0637407302856,
374
+ 802.0654089450836,
375
+ 1193.2618012428284,
376
+ 1193.264021396637,
377
+ 935.7141160964966,
378
+ 935.7156445980072,
379
+ 808.0279462337494,
380
+ 808.0296728610992,
381
+ 1038.0580270290375,
382
+ 1038.0595524311066,
383
+ 1013.4921579360962,
384
+ 1013.4939999580383,
385
+ 757.7547035217285,
386
+ 757.7567255496979,
387
+ 845.1490731239319,
388
+ 845.1508462429047,
389
+ 739.9631822109222,
390
+ 739.964765548706,
391
+ 708.7424352169037,
392
+ 708.744065284729,
393
+ 867.549337387085,
394
+ 867.5510377883911,
395
+ 847.8736081123352,
396
+ 847.8753995895386,
397
+ 935.6658344268799,
398
+ 935.6678290367126,
399
+ 668.4180035591125,
400
+ 668.4196381568909,
401
+ 864.7828624248505,
402
+ 864.7846624851227,
403
+ 610.5543413162231,
404
+ 610.5562927722931,
405
+ 963.1069548130035,
406
+ 963.1089107990265,
407
+ 856.1557567119598,
408
+ 856.1705782413483,
409
+ 426.24726700782776,
410
+ 426.2493166923523,
411
+ 539.8778085708618,
412
+ 539.8799962997437,
413
+ 474.9254755973816,
414
+ 474.92752265930176,
415
+ 600.3033347129822,
416
+ 600.3053631782532,
417
+ 956.2122406959534,
418
+ 956.2141120433807,
419
+ 692.8321406841278,
420
+ 692.8341588973999,
421
+ 803.1076669692993,
422
+ 803.1093649864197,
423
+ 896.4918370246887,
424
+ 896.52978515625,
425
+ 728.860675573349,
426
+ 728.8627433776855,
427
+ 756.9108259677887,
428
+ 756.9127867221832,
429
+ 828.5251045227051,
430
+ 828.5271294116974,
431
+ 1062.679036140442,
432
+ 1062.7158579826355,
433
+ 904.0013160705566,
434
+ 904.0032558441162,
435
+ 771.9771268367767,
436
+ 771.9794111251831,
437
+ 795.6474304199219,
438
+ 795.6494672298431,
439
+ 889.8319909572601,
440
+ 889.8340003490448,
441
+ 741.2604899406433,
442
+ 741.2627236843109,
443
+ 1015.7445421218872,
444
+ 1015.7466597557068,
445
+ 775.8348610401154,
446
+ 775.8368198871613,
447
+ 965.0455288887024,
448
+ 965.0482292175293,
449
+ 838.926376581192,
450
+ 838.9284424781799,
451
+ 802.9929301738739,
452
+ 802.9959852695465,
453
+ 860.2290518283844,
454
+ 860.2350649833679,
455
+ 853.2685232162476,
456
+ 853.2705676555634,
457
+ 798.6124193668365,
458
+ 798.6144640445709,
459
+ 839.9211938381195,
460
+ 839.9233500957489,
461
+ 788.7458899021149,
462
+ 788.7479918003082,
463
+ 832.719743013382,
464
+ 832.7218022346497,
465
+ 869.9167902469635,
466
+ 869.9188315868378,
467
+ 853.8480832576752,
468
+ 853.8501524925232,
469
+ 903.2263419628143,
470
+ 903.2285974025726,
471
+ 781.5149805545807,
472
+ 781.5169486999512,
473
+ 937.1362228393555,
474
+ 937.1383624076843,
475
+ 927.0537958145142,
476
+ 927.0559511184692,
477
+ 764.9814400672913,
478
+ 764.9838018417358,
479
+ 959.3788044452667,
480
+ 959.3809623718262,
481
+ 761.449052810669,
482
+ 761.4515566825867,
483
+ 919.7475502490997,
484
+ 919.7504234313965,
485
+ 851.5672256946564,
486
+ 851.5721266269684,
487
+ 941.569394826889,
488
+ 941.5716257095337,
489
+ 807.7968187332153,
490
+ 807.7990479469299,
491
+ 798.0111818313599,
492
+ 798.0133996009827,
493
+ 843.928961277008,
494
+ 843.9310166835785,
495
+ 869.314715385437,
496
+ 869.3182194232941,
497
+ 911.9839789867401,
498
+ 911.9860379695892,
499
+ 770.2935245037079,
500
+ 770.2958972454071,
501
+ 888.4293539524078,
502
+ 888.4314444065094,
503
+ 733.4001567363739,
504
+ 733.4025056362152,
505
+ 1035.584077835083,
506
+ 1035.5863111019135,
507
+ 1140.9205222129822,
508
+ 1140.9228584766388,
509
+ 781.6603729724884,
510
+ 781.6628739833832,
511
+ 943.8865151405334,
512
+ 943.8887708187103,
513
+ 778.2331438064575,
514
+ 778.2357380390167,
515
+ 1025.9813432693481,
516
+ 1025.9837622642517,
517
+ 860.2698698043823,
518
+ 860.2723951339722,
519
+ 918.6495940685272,
520
+ 918.6520156860352,
521
+ 1102.5500702857971,
522
+ 1102.5524752140045,
523
+ 830.32785987854,
524
+ 830.3302974700928,
525
+ 866.6165459156036,
526
+ 866.619024515152,
527
+ 885.4596834182739,
528
+ 885.4681732654572,
529
+ 768.3422167301178,
530
+ 768.3446609973907,
531
+ 942.0244996547699,
532
+ 942.027464389801,
533
+ 809.3669137954712,
534
+ 809.3692705631256,
535
+ 1067.3708248138428,
536
+ 1067.373480796814,
537
+ 832.4443922042847,
538
+ 832.4468176364899,
539
+ 785.9303669929504,
540
+ 785.9332220554352,
541
+ 1093.500118970871,
542
+ 1093.5026597976685,
543
+ 869.0642418861389,
544
+ 869.0674021244049,
545
+ 868.1316828727722,
546
+ 868.1640372276306,
547
+ 959.0494060516357,
548
+ 959.0797781944275,
549
+ 818.9730713367462,
550
+ 819.007230758667,
551
+ 1022.8524475097656,
552
+ 1022.8548305034637,
553
+ 941.8056468963623,
554
+ 941.8086836338043,
555
+ 881.7899188995361,
556
+ 881.7922761440277,
557
+ 992.1765818595886,
558
+ 992.1791572570801,
559
+ 858.3153488636017,
560
+ 858.3179316520691,
561
+ 882.4648759365082,
562
+ 882.4671075344086,
563
+ 847.808108329773,
564
+ 847.8110916614532,
565
+ 555.4549334049225,
566
+ 555.4601621627808,
567
+ 786.5489327907562,
568
+ 786.5517146587372,
569
+ 910.0199327468872,
570
+ 910.0227093696594,
571
+ 770.1365096569061,
572
+ 770.1393489837646,
573
+ 783.1216824054718,
574
+ 783.1249165534973,
575
+ 807.918844461441,
576
+ 807.9215955734253,
577
+ 870.9120817184448,
578
+ 870.9147598743439,
579
+ 912.6107225418091,
580
+ 912.6146140098572,
581
+ 777.4123938083649,
582
+ 777.4149777889252,
583
+ 935.326208114624,
584
+ 935.331540107727,
585
+ 956.2307059764862,
586
+ 956.2338259220123,
587
+ 886.5277955532074,
588
+ 886.530389547348,
589
+ 736.0428268909454,
590
+ 736.0452334880829,
591
+ 888.5269570350647,
592
+ 888.5295820236206,
593
+ 852.9950931072235,
594
+ 852.9977452754974,
595
+ 868.0804634094238,
596
+ 868.0830945968628,
597
+ 703.3365910053253,
598
+ 703.3392133712769,
599
+ 837.9987609386444,
600
+ 838.0025026798248,
601
+ 759.0810058116913,
602
+ 759.0846593379974,
603
+ 870.229129076004,
604
+ 870.2318723201752,
605
+ 709.8269219398499,
606
+ 709.829594373703,
607
+ 833.9505863189697,
608
+ 833.9533932209015,
609
+ 753.7844591140747,
610
+ 753.7874174118042,
611
+ 898.7497165203094,
612
+ 898.7531206607819,
613
+ 745.704558134079,
614
+ 745.7079939842224,
615
+ 878.0734825134277,
616
+ 878.0763297080994,
617
+ 670.2211837768555,
618
+ 670.2240908145905,
619
+ 858.4128413200378,
620
+ 858.4155530929565,
621
+ 777.6660959720612,
622
+ 777.6698431968689,
623
+ 819.6351799964905,
624
+ 819.6389005184174,
625
+ 733.737197637558,
626
+ 733.7401597499847,
627
+ 828.6105387210846,
628
+ 828.6132705211639,
629
+ 784.2902550697327,
630
+ 784.2956314086914,
631
+ 836.3869302272797,
632
+ 836.3898220062256,
633
+ 858.6022350788116,
634
+ 858.6052379608154,
635
+ 955.2680513858795,
636
+ 955.271077632904,
637
+ 878.1803381443024,
638
+ 878.1832795143127,
639
+ 767.508730173111,
640
+ 767.5115406513214,
641
+ 833.3522138595581,
642
+ 833.3553261756897,
643
+ 892.8629071712494,
644
+ 892.8655965328217,
645
+ 671.7524387836456,
646
+ 671.7554504871368,
647
+ 876.7835144996643,
648
+ 876.7867124080658,
649
+ 911.0015926361084,
650
+ 911.004412651062,
651
+ 742.7634251117706,
652
+ 742.7665829658508,
653
+ 944.330041885376,
654
+ 944.3329372406006,
655
+ 719.2029738426208,
656
+ 719.2059841156006,
657
+ 898.761207818985,
658
+ 898.7641687393188,
659
+ 749.1451716423035,
660
+ 749.1481702327728,
661
+ 891.7688472270966,
662
+ 891.7716801166534,
663
+ 706.195677280426,
664
+ 706.1997528076172,
665
+ 886.1882915496826,
666
+ 886.1918540000916,
667
+ 809.9131712913513,
668
+ 809.9162707328796,
669
+ 754.2193782329559,
670
+ 754.2231476306915,
671
+ 894.8782300949097,
672
+ 894.8811769485474,
673
+ 758.7693364620209,
674
+ 758.7728335857391,
675
+ 820.3470094203949,
676
+ 820.3498859405518,
677
+ 819.5574872493744,
678
+ 819.5604617595673,
679
+ 855.033481836319,
680
+ 855.0364987850189,
681
+ 747.1743762493134,
682
+ 747.1773273944855,
683
+ 908.3693246841431,
684
+ 908.3723683357239,
685
+ 721.278890132904,
686
+ 721.2873868942261,
687
+ 793.6236374378204,
688
+ 793.6265563964844,
689
+ 852.4563076496124,
690
+ 852.4596071243286,
691
+ 960.8885099887848,
692
+ 960.8916721343994,
693
+ 660.1986150741577,
694
+ 660.2016677856445,
695
+ 927.1167597770691,
696
+ 927.120676279068,
697
+ 735.8830101490021,
698
+ 735.8871295452118,
699
+ 782.0959103107452,
700
+ 782.0990858078003,
701
+ 585.7808141708374,
702
+ 585.7847218513489,
703
+ 771.3821742534637
704
  ],
705
  "valid_loss_history": [
706
+ -12.794309616088867,
707
+ -12.791732788085938,
708
+ -12.91625690460205,
709
+ -12.779610633850098,
710
+ -12.953689575195312,
711
+ -12.931943893432617,
712
+ -13.096039772033691,
713
+ -13.037881851196289,
714
+ -13.055084228515625,
715
+ -13.191240310668945,
716
+ -13.126899719238281,
717
+ -13.200287818908691,
718
+ -13.30455207824707,
719
+ -13.396119117736816,
720
+ -13.430177688598633,
721
+ -13.486970901489258,
722
+ -13.518340110778809,
723
+ -13.541844367980957,
724
+ -13.491021156311035,
725
+ -13.589361190795898,
726
+ -13.543672561645508,
727
+ -13.630899429321289,
728
+ -13.563502311706543,
729
+ -13.59986400604248,
730
+ -13.614956855773926,
731
+ -13.634488105773926,
732
+ -13.633395195007324,
733
+ -13.667802810668945,
734
+ -13.626877784729004,
735
+ -13.661863327026367,
736
+ -13.68739128112793,
737
+ -13.485514640808105,
738
+ -13.60242748260498,
739
+ -13.690133094787598,
740
+ -13.552231788635254,
741
+ -13.632238388061523,
742
+ -13.717124938964844,
743
+ -13.679450988769531,
744
+ -13.722838401794434,
745
+ -13.661483764648438,
746
+ -13.682496070861816,
747
+ -13.715971946716309,
748
+ -13.749290466308594,
749
+ -13.762848854064941,
750
+ -13.767416000366211,
751
+ -13.74958324432373,
752
+ -13.738387107849121,
753
+ -13.780165672302246,
754
+ -13.754794120788574,
755
+ -13.762205123901367,
756
+ -13.73810863494873,
757
+ -13.77485466003418,
758
+ -13.730010032653809,
759
+ -13.785795211791992,
760
+ -13.806999206542969,
761
+ -13.76683521270752,
762
+ -13.853240966796875,
763
+ -13.741830825805664,
764
+ -13.700677871704102,
765
+ -13.755581855773926,
766
+ -13.827898979187012,
767
+ -13.81043815612793,
768
+ -13.81755256652832,
769
+ -13.80018424987793,
770
+ -13.761467933654785,
771
+ -13.801885604858398,
772
+ -13.81956958770752,
773
+ -13.85124397277832,
774
+ -13.847865104675293,
775
+ -13.80194091796875,
776
+ -13.832521438598633,
777
+ -13.816971778869629,
778
+ -13.836453437805176,
779
+ -13.8397216796875,
780
+ -13.867764472961426,
781
+ -13.853805541992188,
782
+ -13.841354370117188,
783
+ -13.82963752746582,
784
+ -13.906807899475098,
785
+ -13.816667556762695,
786
+ -13.810857772827148,
787
+ -13.861968040466309,
788
+ -13.745440483093262,
789
+ -13.892507553100586,
790
+ -13.88720703125,
791
+ -13.882627487182617,
792
+ -13.882369995117188,
793
+ -13.889479637145996,
794
+ -13.888933181762695,
795
+ -13.846816062927246,
796
+ -13.886863708496094,
797
+ -13.905411720275879,
798
+ -13.858970642089844,
799
+ -13.86181640625,
800
+ -13.926137924194336,
801
+ -13.909533500671387,
802
+ -13.937440872192383,
803
+ -13.929015159606934,
804
+ -13.953341484069824,
805
+ -13.922316551208496,
806
+ -13.967865943908691,
807
+ -13.940139770507812,
808
+ -13.949483871459961,
809
+ -13.969477653503418,
810
+ -13.999845504760742,
811
+ -13.944615364074707,
812
+ -13.912625312805176,
813
+ -13.995530128479004,
814
+ -13.974560737609863,
815
+ -13.922788619995117,
816
+ -13.929801940917969,
817
+ -13.974846839904785,
818
+ -13.972578048706055,
819
+ -14.02281665802002,
820
+ -13.961212158203125,
821
+ -14.013654708862305,
822
+ -14.004365921020508,
823
+ -13.951823234558105,
824
+ -14.018106460571289,
825
+ -14.029194831848145,
826
+ -14.028749465942383,
827
+ -14.041123390197754,
828
+ -14.01710033416748,
829
+ -14.029414176940918,
830
+ -14.063047409057617,
831
+ -14.072081565856934,
832
+ -14.042678833007812,
833
+ -14.044229507446289,
834
+ -14.07115364074707,
835
+ -14.007760047912598,
836
+ -14.092005729675293,
837
+ -14.075860023498535,
838
+ -14.041494369506836,
839
+ -14.08045768737793,
840
+ -14.092697143554688,
841
+ -14.083260536193848,
842
+ -14.051665306091309,
843
+ -14.081698417663574,
844
+ -14.105718612670898,
845
+ -14.095430374145508,
846
+ -14.074408531188965,
847
+ -14.073957443237305,
848
+ -14.089561462402344,
849
+ -14.070525169372559,
850
+ -14.109763145446777,
851
+ -14.121941566467285,
852
+ -14.119242668151855,
853
+ -14.13347339630127,
854
+ -14.097439765930176,
855
+ -14.123647689819336,
856
+ -14.1222505569458,
857
+ -14.08793830871582,
858
+ -14.090388298034668,
859
+ -14.134060859680176,
860
+ -14.147184371948242,
861
+ -14.10704517364502,
862
+ -14.142684936523438,
863
+ -14.133212089538574,
864
+ -14.074119567871094,
865
+ -14.105544090270996,
866
+ -14.093449592590332,
867
+ -14.114527702331543,
868
+ -14.118593215942383,
869
+ -14.15147876739502,
870
+ -14.120092391967773,
871
+ -14.132189750671387,
872
+ -14.15984058380127,
873
+ -14.138389587402344,
874
+ -14.13112735748291,
875
+ -14.163527488708496,
876
+ -14.123567581176758,
877
+ -14.154745101928711,
878
+ -14.1788969039917,
879
+ -14.14689826965332,
880
+ -14.154662132263184,
881
+ -14.143288612365723,
882
+ -14.129490852355957,
883
+ -14.156340599060059,
884
+ -14.181418418884277,
885
+ -14.170750617980957,
886
+ -14.17249584197998,
887
+ -14.18864631652832,
888
+ -14.17213249206543,
889
+ -14.1883544921875,
890
+ -14.208122253417969,
891
+ -14.200791358947754,
892
+ -14.214095115661621,
893
+ -14.184290885925293,
894
+ -14.219131469726562,
895
+ -14.155672073364258,
896
+ -14.200401306152344,
897
+ -14.225457191467285,
898
+ -14.197686195373535,
899
+ -14.205260276794434,
900
+ -14.193597793579102,
901
+ -14.249421119689941,
902
+ -14.176218032836914,
903
+ -14.203721046447754,
904
+ -14.223054885864258,
905
+ -14.188604354858398
906
  ]
907
  }
weight/all.pth CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:34f2ef4e5c32542060621f7ea9f7a06a2acf91be22825a38f9270077a7346679
3
  size 9424379
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:dfd91f9605c65538acabeb9d5650c21119611a9e0493de3e1f300576a9925ec9
3
  size 9424379