diff --git a/AR/__pycache__/__init__.cpython-310.pyc b/AR/__pycache__/__init__.cpython-310.pyc
index 2ca8480433c60d96711820a83fa5eaf79676586a..2d135bce483a89f2ad87f6139a129b19110d5a0d 100644
Binary files a/AR/__pycache__/__init__.cpython-310.pyc and b/AR/__pycache__/__init__.cpython-310.pyc differ
diff --git a/AR/data/bucket_sampler.py b/AR/data/bucket_sampler.py
index 647491f7d71ec697a3fa492163c3c5e1a145025f..45f91d8eb4eaee7867fee29e89971b843fa23f38 100644
--- a/AR/data/bucket_sampler.py
+++ b/AR/data/bucket_sampler.py
@@ -1,4 +1,5 @@
-# modified from https://github.com/feng-yufei/shared_debugging_code/blob/main/bucketsampler.py
+# modified from https://github.com/yangdongchao/SoundStorm/blob/master/soundstorm/s1/AR/data/bucket_sampler.py
+# reference: https://github.com/lifeiteng/vall-e
import itertools
import math
import random
diff --git a/AR/data/data_module.py b/AR/data/data_module.py
index 037484a9b49145b04fdb3a0b9664013913df606b..cb947959b3f2fdb0951e6a6383399a9fb3826536 100644
--- a/AR/data/data_module.py
+++ b/AR/data/data_module.py
@@ -1,4 +1,5 @@
-# modified from https://github.com/feng-yufei/shared_debugging_code/blob/main/data_module.py
+# modified from https://github.com/yangdongchao/SoundStorm/blob/master/soundstorm/s1/AR/data/data_module.py
+# reference: https://github.com/lifeiteng/vall-e
from pytorch_lightning import LightningDataModule
from AR.data.bucket_sampler import DistributedBucketSampler
from AR.data.dataset import Text2SemanticDataset
@@ -41,7 +42,8 @@ class Text2SemanticDataModule(LightningDataModule):
# pad_val=self.config['data']['pad_val'])
def train_dataloader(self):
- batch_size = max(min(self.config["train"]["batch_size"],len(self._train_dataset)//4),1)#防止不保存
+ batch_size=self.config["train"]["batch_size"]//2 if self.config["train"].get("if_dpo",False)==True else self.config["train"]["batch_size"]
+ batch_size = max(min(batch_size,len(self._train_dataset)//4),1)#防止不保存
sampler = DistributedBucketSampler(self._train_dataset, batch_size=batch_size)
return DataLoader(
self._train_dataset,
diff --git a/AR/data/dataset.py b/AR/data/dataset.py
index b1ea69e600414f71c9d208b4bea5a8b3e467f8bb..1a2ffef17cafa906cbc65c1c610b5bc8f5f6c3da 100644
--- a/AR/data/dataset.py
+++ b/AR/data/dataset.py
@@ -1,4 +1,5 @@
-# modified from https://github.com/feng-yufei/shared_debugging_code/blob/main/t2s_dataset.py
+# modified from https://github.com/yangdongchao/SoundStorm/blob/master/soundstorm/s1/AR/data/dataset.py
+# reference: https://github.com/lifeiteng/vall-e
import pdb
import sys
diff --git a/AR/models/__pycache__/__init__.cpython-310.pyc b/AR/models/__pycache__/__init__.cpython-310.pyc
index 92223f8cb3b9880b3c7635bb5252fec526fa5109..4e51e4de71e308f0192fd41b22642493a455a0f5 100644
Binary files a/AR/models/__pycache__/__init__.cpython-310.pyc and b/AR/models/__pycache__/__init__.cpython-310.pyc differ
diff --git a/AR/models/__pycache__/t2s_lightning_module.cpython-310.pyc b/AR/models/__pycache__/t2s_lightning_module.cpython-310.pyc
index dd7bf39204fa36dcd4833d4ff071f582724e5ef2..e36415d14eb568d2365781887d29780727b99160 100644
Binary files a/AR/models/__pycache__/t2s_lightning_module.cpython-310.pyc and b/AR/models/__pycache__/t2s_lightning_module.cpython-310.pyc differ
diff --git a/AR/models/__pycache__/t2s_model.cpython-310.pyc b/AR/models/__pycache__/t2s_model.cpython-310.pyc
index ff8241d16f85e578c38f3d110545a10293b5ae7b..671fcb278f953839bea57e0716a7d5511e0ef507 100644
Binary files a/AR/models/__pycache__/t2s_model.cpython-310.pyc and b/AR/models/__pycache__/t2s_model.cpython-310.pyc differ
diff --git a/AR/models/__pycache__/utils.cpython-310.pyc b/AR/models/__pycache__/utils.cpython-310.pyc
index 0541c7c3f1e27855800a33b024184d43da6ef71a..a21e8d468240a2bf7d19389c9122b8a538468bbb 100644
Binary files a/AR/models/__pycache__/utils.cpython-310.pyc and b/AR/models/__pycache__/utils.cpython-310.pyc differ
diff --git a/AR/models/t2s_lightning_module.py b/AR/models/t2s_lightning_module.py
index f9dfc648e06e05ba04a45069525e13381e0bd1f1..2dd3f392893f1ea08a6e848f2ff2d9be1a425f15 100644
--- a/AR/models/t2s_lightning_module.py
+++ b/AR/models/t2s_lightning_module.py
@@ -1,4 +1,5 @@
-# modified from https://github.com/feng-yufei/shared_debugging_code/blob/main/model/t2s_lightning_module.py
+# modified from https://github.com/yangdongchao/SoundStorm/blob/master/soundstorm/s1/AR/models/t2s_lightning_module.py
+# reference: https://github.com/lifeiteng/vall-e
import os, sys
now_dir = os.getcwd()
@@ -11,7 +12,6 @@ from AR.models.t2s_model import Text2SemanticDecoder
from AR.modules.lr_schedulers import WarmupCosineLRSchedule
from AR.modules.optim import ScaledAdam
-
class Text2SemanticLightningModule(LightningModule):
def __init__(self, config, output_dir, is_train=True):
super().__init__()
@@ -35,7 +35,8 @@ class Text2SemanticLightningModule(LightningModule):
def training_step(self, batch: Dict, batch_idx: int):
opt = self.optimizers()
scheduler = self.lr_schedulers()
- loss, acc = self.model.forward(
+ forward=self.model.forward if self.config["train"].get("if_dpo",False)==True else self.model.forward_old
+ loss, acc = forward(
batch["phoneme_ids"],
batch["phoneme_ids_len"],
batch["semantic_ids"],
diff --git a/AR/models/t2s_lightning_module_onnx.py b/AR/models/t2s_lightning_module_onnx.py
index bb9e30b9f914d86256bf98a28c8f2e3b37012762..487edb015203ebd70f9f6d3475ef892e28c57927 100644
--- a/AR/models/t2s_lightning_module_onnx.py
+++ b/AR/models/t2s_lightning_module_onnx.py
@@ -1,4 +1,5 @@
-# modified from https://github.com/feng-yufei/shared_debugging_code/blob/main/model/t2s_lightning_module.py
+# modified from https://github.com/yangdongchao/SoundStorm/blob/master/soundstorm/s1/AR/models/t2s_lightning_module.py
+# reference: https://github.com/lifeiteng/vall-e
import os, sys
now_dir = os.getcwd()
diff --git a/AR/models/t2s_model.py b/AR/models/t2s_model.py
index 083dc0998e227d08beeb347b552964b3f2969671..c8ad3d8252f08732ffeadbe244dc9dba5fd26f06 100644
--- a/AR/models/t2s_model.py
+++ b/AR/models/t2s_model.py
@@ -1,4 +1,5 @@
-# modified from https://github.com/feng-yufei/shared_debugging_code/blob/main/model/t2s_model.py
+# modified from https://github.com/yangdongchao/SoundStorm/blob/master/soundstorm/s1/AR/models/t2s_model.py
+# reference: https://github.com/lifeiteng/vall-e
import torch
from tqdm import tqdm
@@ -8,6 +9,9 @@ from AR.models.utils import (
sample,
logits_to_probs,
multinomial_sample_one_no_sync,
+ dpo_loss,
+ make_reject_y,
+ get_batch_logps
)
from AR.modules.embedding import SinePositionalEmbedding
from AR.modules.embedding import TokenEmbedding
@@ -85,11 +89,104 @@ class Text2SemanticDecoder(nn.Module):
ignore_index=self.EOS,
)
+ def make_input_data(self, x, x_lens, y, y_lens, bert_feature):
+ x = self.ar_text_embedding(x)
+ x = x + self.bert_proj(bert_feature.transpose(1, 2))
+ x = self.ar_text_position(x)
+ x_mask = make_pad_mask(x_lens)
+
+ y_mask = make_pad_mask(y_lens)
+ y_mask_int = y_mask.type(torch.int64)
+ codes = y.type(torch.int64) * (1 - y_mask_int)
+
+ # Training
+ # AR Decoder
+ y, targets = self.pad_y_eos(codes, y_mask_int, eos_id=self.EOS)
+ x_len = x_lens.max()
+ y_len = y_lens.max()
+ y_emb = self.ar_audio_embedding(y)
+ y_pos = self.ar_audio_position(y_emb)
+
+ xy_padding_mask = torch.concat([x_mask, y_mask], dim=1)
+
+ ar_xy_padding_mask = xy_padding_mask
+
+ x_attn_mask = F.pad(
+ torch.zeros((x_len, x_len), dtype=torch.bool, device=x.device),
+ (0, y_len),
+ value=True,
+ )
+
+ y_attn_mask = F.pad(
+ torch.triu(
+ torch.ones(y_len, y_len, dtype=torch.bool, device=x.device),
+ diagonal=1,
+ ),
+ (x_len, 0),
+ value=False,
+ )
+
+ xy_attn_mask = torch.concat([x_attn_mask, y_attn_mask], dim=0)
+ bsz, src_len = x.shape[0], x_len + y_len
+ _xy_padding_mask = (
+ ar_xy_padding_mask.view(bsz, 1, 1, src_len)
+ .expand(-1, self.num_head, -1, -1)
+ .reshape(bsz * self.num_head, 1, src_len)
+ )
+ xy_attn_mask = xy_attn_mask.logical_or(_xy_padding_mask)
+ new_attn_mask = torch.zeros_like(xy_attn_mask, dtype=x.dtype)
+ new_attn_mask.masked_fill_(xy_attn_mask, float("-inf"))
+ xy_attn_mask = new_attn_mask
+ # x 和完整的 y 一次性输入模型
+ xy_pos = torch.concat([x, y_pos], dim=1)
+
+ return xy_pos, xy_attn_mask, targets
+
def forward(self, x, x_lens, y, y_lens, bert_feature):
"""
x: phoneme_ids
y: semantic_ids
"""
+
+ reject_y, reject_y_lens = make_reject_y(y, y_lens)
+
+ xy_pos, xy_attn_mask, targets = self.make_input_data(x, x_lens, y, y_lens, bert_feature)
+
+ xy_dec, _ = self.h(
+ (xy_pos, None),
+ mask=xy_attn_mask,
+ )
+ x_len = x_lens.max()
+ logits = self.ar_predict_layer(xy_dec[:, x_len:])
+
+ ###### DPO #############
+ reject_xy_pos, reject_xy_attn_mask, reject_targets = self.make_input_data(x, x_lens, reject_y, reject_y_lens, bert_feature)
+
+ reject_xy_dec, _ = self.h(
+ (reject_xy_pos, None),
+ mask=reject_xy_attn_mask,
+ )
+ x_len = x_lens.max()
+ reject_logits = self.ar_predict_layer(reject_xy_dec[:, x_len:])
+
+ # loss
+ # from feiteng: 每次 duration 越多, 梯度更新也应该更多, 所以用 sum
+
+ loss_1 = F.cross_entropy(logits.permute(0, 2, 1), targets, reduction="sum")
+ acc = self.ar_accuracy_metric(logits.permute(0, 2, 1).detach(), targets).item()
+
+ A_logits, R_logits = get_batch_logps(logits, reject_logits, targets, reject_targets)
+ loss_2, _, _ = dpo_loss(A_logits, R_logits, 0, 0, 0.2, reference_free=True)
+
+ loss = loss_1 + loss_2
+
+ return loss, acc
+
+ def forward_old(self, x, x_lens, y, y_lens, bert_feature):
+ """
+ x: phoneme_ids
+ y: semantic_ids
+ """
x = self.ar_text_embedding(x)
x = x + self.bert_proj(bert_feature.transpose(1, 2))
x = self.ar_text_position(x)
@@ -231,6 +328,7 @@ class Text2SemanticDecoder(nn.Module):
prompts, ####参考音频token
bert_feature,
top_k: int = -100,
+ top_p: int = 100,
early_stop_num: int = -1,
temperature: float = 1.0,
):
@@ -240,7 +338,7 @@ class Text2SemanticDecoder(nn.Module):
# AR Decoder
y = prompts
- prefix_len = y.shape[1]
+
x_len = x.shape[1]
x_attn_mask = torch.zeros((x_len, x_len), dtype=torch.bool)
stop = False
@@ -256,47 +354,41 @@ class Text2SemanticDecoder(nn.Module):
"first_infer": 1,
"stage": 0,
}
- for idx in tqdm(range(1500)):
- if cache["first_infer"] == 1:
- y_emb = self.ar_audio_embedding(y)
- else:
- y_emb = torch.cat(
- [cache["y_emb"], self.ar_audio_embedding(y[:, -1:])], 1
- )
- cache["y_emb"] = y_emb
+ ################### first step ##########################
+ if y is not None:
+ y_emb = self.ar_audio_embedding(y)
+ y_len = y_emb.shape[1]
+ prefix_len = y.shape[1]
y_pos = self.ar_audio_position(y_emb)
- # x 和逐渐增长的 y 一起输入给模型
- if cache["first_infer"] == 1:
- xy_pos = torch.concat([x, y_pos], dim=1)
- else:
- xy_pos = y_pos[:, -1:]
- y_len = y_pos.shape[1]
- ###以下3个不做缓存
- if cache["first_infer"] == 1:
- x_attn_mask_pad = F.pad(
+ xy_pos = torch.concat([x, y_pos], dim=1)
+ cache["y_emb"] = y_emb
+ ref_free = False
+ else:
+ y_emb = None
+ y_len = 0
+ prefix_len = 0
+ y_pos = None
+ xy_pos = x
+ y = torch.zeros(x.shape[0], 0, dtype=torch.int, device=x.device)
+ ref_free = True
+
+ x_attn_mask_pad = F.pad(
x_attn_mask,
(0, y_len), ###xx的纯0扩展到xx纯0+xy纯1,(x,x+y)
value=True,
)
- y_attn_mask = F.pad( ###yy的右上1扩展到左边xy的0,(y,x+y)
- torch.triu(torch.ones(y_len, y_len, dtype=torch.bool), diagonal=1),
- (x_len, 0),
- value=False,
- )
- xy_attn_mask = torch.concat([x_attn_mask_pad, y_attn_mask], dim=0).to(
- y.device
- )
- else:
- ###最右边一列(是错的)
- # xy_attn_mask=torch.ones((1, x_len+y_len), dtype=torch.bool,device=xy_pos.device)
- # xy_attn_mask[:,-1]=False
- ###最下面一行(是对的)
- xy_attn_mask = torch.zeros(
- (1, x_len + y_len), dtype=torch.bool, device=xy_pos.device
- )
- # pdb.set_trace()
- ###缓存重头戏
- # print(1111,xy_pos.shape,xy_attn_mask.shape,x_len,y_len)
+ y_attn_mask = F.pad( ###yy的右上1扩展到左边xy的0,(y,x+y)
+ torch.triu(torch.ones(y_len, y_len, dtype=torch.bool), diagonal=1),
+ (x_len, 0),
+ value=False,
+ )
+ xy_attn_mask = torch.concat([x_attn_mask_pad, y_attn_mask], dim=0).to(
+ x.device
+ )
+
+
+ for idx in tqdm(range(1500)):
+
xy_dec, _ = self.h((xy_pos, None), mask=xy_attn_mask, cache=cache)
logits = self.ar_predict_layer(
xy_dec[:, -1]
@@ -305,8 +397,12 @@ class Text2SemanticDecoder(nn.Module):
if(idx==0):###第一次跑不能EOS否则没有了
logits = logits[:, :-1] ###刨除1024终止符号的概率
samples = sample(
- logits[0], y, top_k=top_k, top_p=1.0, repetition_penalty=1.35
+ logits[0], y, top_k=top_k, top_p=top_p, repetition_penalty=1.35, temperature=temperature
)[0].unsqueeze(0)
+ # 本次生成的 semantic_ids 和之前的 y 构成新的 y
+ # print(samples.shape)#[1,1]#第一个1是bs
+ y = torch.concat([y, samples], dim=1)
+
if early_stop_num != -1 and (y.shape[1] - prefix_len) > early_stop_num:
print("use early stop num:", early_stop_num)
stop = True
@@ -315,13 +411,38 @@ class Text2SemanticDecoder(nn.Module):
# print(torch.argmax(logits, dim=-1)[0] == self.EOS, samples[0, 0] == self.EOS)
stop = True
if stop:
- if prompts.shape[1] == y.shape[1]:
+ # if prompts.shape[1] == y.shape[1]:
+ # y = torch.concat([y, torch.zeros_like(samples)], dim=1)
+ # print("bad zero prediction")
+ if y.shape[1]==0:
y = torch.concat([y, torch.zeros_like(samples)], dim=1)
print("bad zero prediction")
print(f"T2S Decoding EOS [{prefix_len} -> {y.shape[1]}]")
break
- # 本次生成的 semantic_ids 和之前的 y 构成新的 y
- # print(samples.shape)#[1,1]#第一个1是bs
- y = torch.concat([y, samples], dim=1)
+
+ ####################### update next step ###################################
cache["first_infer"] = 0
- return y, idx
+ if cache["y_emb"] is not None:
+ y_emb = torch.cat(
+ [cache["y_emb"], self.ar_audio_embedding(y[:, -1:])], dim = 1
+ )
+ cache["y_emb"] = y_emb
+ y_pos = self.ar_audio_position(y_emb)
+ xy_pos = y_pos[:, -1:]
+ else:
+ y_emb = self.ar_audio_embedding(y[:, -1:])
+ cache["y_emb"] = y_emb
+ y_pos = self.ar_audio_position(y_emb)
+ xy_pos = y_pos
+ y_len = y_pos.shape[1]
+
+ ###最右边一列(是错的)
+ # xy_attn_mask=torch.ones((1, x_len+y_len), dtype=torch.bool,device=xy_pos.device)
+ # xy_attn_mask[:,-1]=False
+ ###最下面一行(是对的)
+ xy_attn_mask = torch.zeros(
+ (1, x_len + y_len), dtype=torch.bool, device=xy_pos.device
+ )
+ if ref_free:
+ return y[:, :-1], 0
+ return y[:, :-1], idx-1
diff --git a/AR/models/t2s_model_onnx.py b/AR/models/t2s_model_onnx.py
index 92f2d745af3a9a2eba012d59e45ae6d2af19c5d8..7834297d5561c87021c946cbe0671424b4a3466f 100644
--- a/AR/models/t2s_model_onnx.py
+++ b/AR/models/t2s_model_onnx.py
@@ -1,4 +1,5 @@
-# modified from https://github.com/feng-yufei/shared_debugging_code/blob/main/model/t2s_model.py
+# modified from https://github.com/yangdongchao/SoundStorm/blob/master/soundstorm/s1/AR/models/t2s_model.py
+# reference: https://github.com/lifeiteng/vall-e
import torch
from tqdm import tqdm
diff --git a/AR/models/utils.py b/AR/models/utils.py
index 25fe44636d9126030b34c734a4bd5d0205c98e58..9678c7e13d81a6e885187c86d9d11e49cf707957 100644
--- a/AR/models/utils.py
+++ b/AR/models/utils.py
@@ -1,7 +1,8 @@
-# modified from https://github.com/feng-yufei/shared_debugging_code/blob/main/model/utils.py\
+# modified from https://github.com/yangdongchao/SoundStorm/blob/master/soundstorm/s1/AR/models/utils.py
+# reference: https://github.com/lifeiteng/vall-e
import torch
import torch.nn.functional as F
-
+from typing import Tuple
def sequence_mask(length, max_length=None):
if max_length is None:
@@ -114,7 +115,8 @@ def logits_to_probs(
top_p: Optional[int] = None,
repetition_penalty: float = 1.0,
):
- previous_tokens = previous_tokens.squeeze()
+ if previous_tokens is not None:
+ previous_tokens = previous_tokens.squeeze()
# print(logits.shape,previous_tokens.shape)
# pdb.set_trace()
if previous_tokens is not None and repetition_penalty != 1.0:
@@ -158,3 +160,70 @@ def sample(
)
idx_next = multinomial_sample_one_no_sync(probs)
return idx_next, probs
+
+def dpo_loss(policy_chosen_logps: torch.FloatTensor,
+ policy_rejected_logps: torch.FloatTensor,
+ reference_chosen_logps: torch.FloatTensor,
+ reference_rejected_logps: torch.FloatTensor,
+ beta: float,
+ reference_free: bool = False) -> Tuple[torch.FloatTensor, torch.FloatTensor, torch.FloatTensor]:
+ pi_logratios = policy_chosen_logps - policy_rejected_logps
+ ref_logratios = reference_chosen_logps - reference_rejected_logps
+
+ if reference_free:
+ ref_logratios = 0
+
+ logits = pi_logratios - ref_logratios
+
+ losses = -F.logsigmoid(beta * logits)
+ chosen_rewards = beta * (policy_chosen_logps - reference_chosen_logps).detach()
+ rejected_rewards = beta * (policy_rejected_logps - reference_rejected_logps).detach()
+
+ return losses.mean(), chosen_rewards, rejected_rewards
+
+def get_batch_logps(logits_target: torch.FloatTensor, logits_reject: torch.FloatTensor, labels_target: torch.LongTensor, labels_reject: torch.LongTensor, average_log_prob: bool = False) -> Tuple[torch.FloatTensor, torch.FloatTensor]:
+
+ # dummy token; we'll ignore the losses on these tokens later
+
+ per_token_logps_target = torch.gather(logits_target.log_softmax(-1), dim=2, index=labels_target.unsqueeze(2)).squeeze(2)
+ per_token_logps_reject = torch.gather(logits_reject.log_softmax(-1), dim=2, index=labels_reject.unsqueeze(2)).squeeze(2)
+
+ return per_token_logps_target.sum(-1), per_token_logps_reject.sum(-1)
+
+def make_reject_y(y_o, y_lens):
+ def repeat_P(y):
+ range_idx, _ = torch.randint(0, len(y), size=(2,)).sort()
+ pre = y[:range_idx[0]]
+ shf = y[range_idx[1]:]
+ range_text = y[range_idx[0]:range_idx[1]]
+ new_y = torch.cat([pre, range_text, range_text, shf])
+ return new_y
+ def lost_P(y):
+ range_idx, _ = torch.randint(0, len(y), size=(2,)).sort()
+ pre = y[:range_idx[0]]
+ shf = y[range_idx[1]:]
+ range_text = y[range_idx[0]:range_idx[1]]
+ new_y = torch.cat([pre, shf])
+ return new_y
+ bs = len(y_lens)
+ reject_y = []
+ reject_y_lens = []
+ for b in range(bs):
+ process_item_idx = torch.randint(0, 1, size=(1, ))[0]
+ if process_item_idx == 0:
+ new_y = repeat_P(y_o[b])
+ reject_y.append(new_y)
+ reject_y_lens.append(len(new_y))
+ elif process_item_idx==1:
+ new_y = lost_P(y_o[b])
+ reject_y.append(new_y)
+ reject_y_lens.append(len(new_y))
+ max_length = max(reject_y_lens)
+ for b in range(bs):
+ pad_length = max_length - reject_y_lens[b]
+ reject_y[b] = torch.cat([reject_y[b], torch.zeros(pad_length, dtype=y_o.dtype, device=y_o.device)], dim=0)
+
+ reject_y = torch.stack(reject_y, dim = 0)
+ reject_y_lens = torch.tensor(reject_y_lens, device=y_lens.device)
+
+ return reject_y, reject_y_lens
diff --git a/AR/modules/__pycache__/__init__.cpython-310.pyc b/AR/modules/__pycache__/__init__.cpython-310.pyc
index d936d34a89d695a4aa7effdc3dea564b3464f472..7ee969ab4543e03830d3f63ccf017a0c52e10b80 100644
Binary files a/AR/modules/__pycache__/__init__.cpython-310.pyc and b/AR/modules/__pycache__/__init__.cpython-310.pyc differ
diff --git a/AR/modules/__pycache__/activation.cpython-310.pyc b/AR/modules/__pycache__/activation.cpython-310.pyc
index fe307fadae94a99f86f52101df900ee03437ac23..cb9e67b3784d770289013c5ceedde465537e7803 100644
Binary files a/AR/modules/__pycache__/activation.cpython-310.pyc and b/AR/modules/__pycache__/activation.cpython-310.pyc differ
diff --git a/AR/modules/__pycache__/embedding.cpython-310.pyc b/AR/modules/__pycache__/embedding.cpython-310.pyc
index c9a0b70e5fdb5c6a94099a0082cf1f973a757cbe..3e4328be4c22fcb4a8517f1cad6ebb832bd9a765 100644
Binary files a/AR/modules/__pycache__/embedding.cpython-310.pyc and b/AR/modules/__pycache__/embedding.cpython-310.pyc differ
diff --git a/AR/modules/__pycache__/lr_schedulers.cpython-310.pyc b/AR/modules/__pycache__/lr_schedulers.cpython-310.pyc
index 59b10d7d299edf23d7d8cf5ce0c195f99d99ec93..db5f895e285bdb8112e60be10882963374965769 100644
Binary files a/AR/modules/__pycache__/lr_schedulers.cpython-310.pyc and b/AR/modules/__pycache__/lr_schedulers.cpython-310.pyc differ
diff --git a/AR/modules/__pycache__/optim.cpython-310.pyc b/AR/modules/__pycache__/optim.cpython-310.pyc
index 3277113440dd2b7951fcf4b34494863b287b692a..bd56f3bbaa8662630cc3c57ebad3355a6d9df52c 100644
Binary files a/AR/modules/__pycache__/optim.cpython-310.pyc and b/AR/modules/__pycache__/optim.cpython-310.pyc differ
diff --git a/AR/modules/__pycache__/patched_mha_with_cache.cpython-310.pyc b/AR/modules/__pycache__/patched_mha_with_cache.cpython-310.pyc
index 5af40102ef902857e746b5e61ece92ce0e6d5220..2c8cb544ea8675973cfe3176e78fc587c3d9376a 100644
Binary files a/AR/modules/__pycache__/patched_mha_with_cache.cpython-310.pyc and b/AR/modules/__pycache__/patched_mha_with_cache.cpython-310.pyc differ
diff --git a/AR/modules/__pycache__/scaling.cpython-310.pyc b/AR/modules/__pycache__/scaling.cpython-310.pyc
index 490b0d1c8e4923df4a236ba5cbf6282a964efa26..ab8216f6a1e69e79374fdfb3ec74d5c554b1e772 100644
Binary files a/AR/modules/__pycache__/scaling.cpython-310.pyc and b/AR/modules/__pycache__/scaling.cpython-310.pyc differ
diff --git a/AR/modules/__pycache__/transformer.cpython-310.pyc b/AR/modules/__pycache__/transformer.cpython-310.pyc
index de44f836fb9cf579f84ec7b5cfd9144293d6367a..607afca8c8f1497fe325371571f6cb1bea0ccdaf 100644
Binary files a/AR/modules/__pycache__/transformer.cpython-310.pyc and b/AR/modules/__pycache__/transformer.cpython-310.pyc differ
diff --git a/AR/modules/lr_schedulers.py b/AR/modules/lr_schedulers.py
index 7dec462b7b825c991b5925858b42056091a98379..b8867467381cd58e14ad09ac4434512bc46186fc 100644
--- a/AR/modules/lr_schedulers.py
+++ b/AR/modules/lr_schedulers.py
@@ -1,4 +1,5 @@
-# modified from https://github.com/feng-yufei/shared_debugging_code/blob/main/model/lr_schedulers.py
+# modified from https://github.com/yangdongchao/SoundStorm/blob/master/soundstorm/s1/AR/modules/lr_schedulers.py
+# reference: https://github.com/lifeiteng/vall-e
import math
import torch
diff --git a/AR/modules/patched_mha_with_cache.py b/AR/modules/patched_mha_with_cache.py
index 57206703ca97a26ca14727cefa731eb0e508260b..7be241dadd378fc9312916f60433ba4b7aa7c764 100644
--- a/AR/modules/patched_mha_with_cache.py
+++ b/AR/modules/patched_mha_with_cache.py
@@ -5,8 +5,8 @@ from torch.nn.functional import (
_none_or_dtype,
_in_projection_packed,
)
-
-# import torch
+from torch.nn import functional as F
+import torch
# Tensor = torch.Tensor
# from typing import Callable, List, Optional, Tuple, Union
@@ -448,9 +448,11 @@ def multi_head_attention_forward_patched(
k = k.view(bsz, num_heads, src_len, head_dim)
v = v.view(bsz, num_heads, src_len, head_dim)
+ # with torch.backends.cuda.sdp_kernel(enable_flash=True, enable_math=True, enable_mem_efficient=True):
attn_output = scaled_dot_product_attention(
q, k, v, attn_mask, dropout_p, is_causal
)
+
attn_output = (
attn_output.permute(2, 0, 1, 3).contiguous().view(bsz * tgt_len, embed_dim)
)
diff --git a/AR/modules/scaling.py b/AR/modules/scaling.py
index 80bb8374393073796d25cc985587d1904681dfaf..9256a8cbf342b6a259c48fb8821fed0492c649fd 100644
--- a/AR/modules/scaling.py
+++ b/AR/modules/scaling.py
@@ -13,7 +13,7 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
-#import logging
+import logging
import math
import random
from typing import Optional
diff --git a/AR/text_processing/phonemizer.py b/AR/text_processing/phonemizer.py
index 9fcf5c09f24ee81436d7765d1430ecf508a524bd..9c5f58fb74da836764cc9d71b8556e979f2b2830 100644
--- a/AR/text_processing/phonemizer.py
+++ b/AR/text_processing/phonemizer.py
@@ -1,4 +1,5 @@
-# modified from https://github.com/feng-yufei/shared_debugging_code/blob/main/text_processing/phonemizer.py
+# modified from https://github.com/yangdongchao/SoundStorm/blob/master/soundstorm/s1/AR/text_processing/phonemizer.py
+# reference: https://github.com/lifeiteng/vall-e
import itertools
import re
from typing import Dict
diff --git a/AR/text_processing/symbols.py b/AR/text_processing/symbols.py
index c57e2d4133964bea9617081ea8f15b034e3833fb..7d754a78b1fd5b3d89768585e1891404bb318118 100644
--- a/AR/text_processing/symbols.py
+++ b/AR/text_processing/symbols.py
@@ -1,4 +1,5 @@
-# modified from https://github.com/feng-yufei/shared_debugging_code/blob/main/text_processing/symbols.py
+# modified from https://github.com/yangdongchao/SoundStorm/blob/master/soundstorm/s1/AR/text_processing/symbols.py
+# reference: https://github.com/lifeiteng/vall-e
PAD = "_"
PUNCTUATION = ';:,.!?¡¿—…"«»“” '
LETTERS = "ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz"
diff --git a/MODELS/21/1.mp3 b/MODELS/21/1.mp3
deleted file mode 100644
index 291ab5cb0702a0a74161a2a3cd60c7e6dd246131..0000000000000000000000000000000000000000
Binary files a/MODELS/21/1.mp3 and /dev/null differ
diff --git a/MODELS/21/11.mp3 b/MODELS/21/11.mp3
deleted file mode 100644
index 881b9f65530dfe7db888dc0e12ffa77594b810ba..0000000000000000000000000000000000000000
Binary files a/MODELS/21/11.mp3 and /dev/null differ
diff --git a/MODELS/21/191.mp3 b/MODELS/21/191.mp3
deleted file mode 100644
index 2522cd2d395d9acae7afbce6c940d356f56173df..0000000000000000000000000000000000000000
Binary files a/MODELS/21/191.mp3 and /dev/null differ
diff --git a/MODELS/21/21.ckpt b/MODELS/21/21.ckpt
deleted file mode 100644
index bbf9198399e8ae942da67b71862b44d4729ddd1e..0000000000000000000000000000000000000000
--- a/MODELS/21/21.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c4b29bb398a9dbed95c50489a2633f90a01c0c4ae1e4432f5d37d388401f9887
-size 155077753
diff --git a/MODELS/21/21.pth b/MODELS/21/21.pth
deleted file mode 100644
index bb5ed484381844d92d60fa298b323a07dcde86d6..0000000000000000000000000000000000000000
--- a/MODELS/21/21.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bfb359648e858765e9c1e3f7d51869aec9f607d18efd90d059cb83f1a7988141
-size 84927748
diff --git a/MODELS/21/s1.mp3 b/MODELS/21/s1.mp3
deleted file mode 100644
index f4789747b2862c5d3a2620d73011c4b9f428dde1..0000000000000000000000000000000000000000
Binary files a/MODELS/21/s1.mp3 and /dev/null differ
diff --git a/MODELS/21/s2.mp3 b/MODELS/21/s2.mp3
deleted file mode 100644
index f0f963a47a5e4b4e46a5afb86152e635af6a07cc..0000000000000000000000000000000000000000
Binary files a/MODELS/21/s2.mp3 and /dev/null differ
diff --git a/MODELS/21/s3.mp3 b/MODELS/21/s3.mp3
deleted file mode 100644
index 2c06350f5ee9197649adf938f7deaaccd07febcb..0000000000000000000000000000000000000000
Binary files a/MODELS/21/s3.mp3 and /dev/null differ
diff --git a/MODELS/22/22.ckpt b/MODELS/22/22.ckpt
deleted file mode 100644
index 0bcce232a1ae4c87609246fb6ddd703bac263e4f..0000000000000000000000000000000000000000
--- a/MODELS/22/22.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c3632e3d1876f7a8e86850f346338c5e2390d09f382891277acf77a4e1a65a25
-size 155083315
diff --git a/MODELS/22/22.pth b/MODELS/22/22.pth
deleted file mode 100644
index 4217621e70b0620c4ca7b4f0922d433dfc7f437f..0000000000000000000000000000000000000000
--- a/MODELS/22/22.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3dfe7fe2765b179db75d8e12bd2b32e1f8d624dcee9a3fecdecbc94904757c29
-size 84927982
diff --git a/MODELS/22/passion.mp3 b/MODELS/22/passion.mp3
deleted file mode 100644
index 4ede954e8605937869fb2fe846d50ea504357dae..0000000000000000000000000000000000000000
Binary files a/MODELS/22/passion.mp3 and /dev/null differ
diff --git a/MODELS/22/s1.mp3 b/MODELS/22/s1.mp3
deleted file mode 100644
index 22f9cc9c8d302a46ff87de12f2bb047d02058116..0000000000000000000000000000000000000000
Binary files a/MODELS/22/s1.mp3 and /dev/null differ
diff --git a/MODELS/22/s2.mp3 b/MODELS/22/s2.mp3
deleted file mode 100644
index daaaf8df436aa7e5851f4d87fa781732873244ac..0000000000000000000000000000000000000000
Binary files a/MODELS/22/s2.mp3 and /dev/null differ
diff --git a/MODELS/22/s3.mp3 b/MODELS/22/s3.mp3
deleted file mode 100644
index 9fc1832ed1b8ea83bffa05f15726aa3d6554aba1..0000000000000000000000000000000000000000
Binary files a/MODELS/22/s3.mp3 and /dev/null differ
diff --git a/MODELS/22/slow_calm.mp3 b/MODELS/22/slow_calm.mp3
deleted file mode 100644
index 4e87633067ba7a0e2661e41f42296773f6a00f5f..0000000000000000000000000000000000000000
Binary files a/MODELS/22/slow_calm.mp3 and /dev/null differ
diff --git a/MODELS/22/speed.mp3 b/MODELS/22/speed.mp3
deleted file mode 100644
index 135eddfc9e1d3d5fd64e3b9b222c150de8afc371..0000000000000000000000000000000000000000
Binary files a/MODELS/22/speed.mp3 and /dev/null differ
diff --git a/MODELS/31/1.mp3 b/MODELS/31/1.mp3
deleted file mode 100644
index 3c248093754a67a924953bd976056858c6a826a7..0000000000000000000000000000000000000000
Binary files a/MODELS/31/1.mp3 and /dev/null differ
diff --git a/MODELS/31/148.mp3 b/MODELS/31/148.mp3
deleted file mode 100644
index 92b0dc12180999c6747486ade12e7e3339dc9ea5..0000000000000000000000000000000000000000
Binary files a/MODELS/31/148.mp3 and /dev/null differ
diff --git a/MODELS/31/31.ckpt b/MODELS/31/31.ckpt
deleted file mode 100644
index 2a03d5c50a6e551b3778d7b99809324b152ace5f..0000000000000000000000000000000000000000
--- a/MODELS/31/31.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:532d92b5b2a1550ed1151aa2d0a801a2fc390fc7b87a7d0278ca7af4cad50c7f
-size 155084485
diff --git a/MODELS/31/31.pth b/MODELS/31/31.pth
deleted file mode 100644
index 09f2bdb0a185ae6af8465f3d5f8b8b2473635c3b..0000000000000000000000000000000000000000
--- a/MODELS/31/31.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e3d128cd00c3853ebe375dd5aeccd979c55a7e8d036cc41843507e2191ccd6d3
-size 84929396
diff --git a/MODELS/31/96.mp3 b/MODELS/31/96.mp3
deleted file mode 100644
index eef6bdd2d862a08b747f4b9b12b5ab812692694e..0000000000000000000000000000000000000000
Binary files a/MODELS/31/96.mp3 and /dev/null differ
diff --git a/MODELS/31/s1.mp3 b/MODELS/31/s1.mp3
deleted file mode 100644
index fdcd18ca8309ddb1f8dfb6ab7179e096cd216d44..0000000000000000000000000000000000000000
Binary files a/MODELS/31/s1.mp3 and /dev/null differ
diff --git a/MODELS/31/s2.mp3 b/MODELS/31/s2.mp3
deleted file mode 100644
index 58e1bda5fa7c82d93956923bbb9eaf5a6b03d88d..0000000000000000000000000000000000000000
Binary files a/MODELS/31/s2.mp3 and /dev/null differ
diff --git a/MODELS/31/s3.mp3 b/MODELS/31/s3.mp3
deleted file mode 100644
index 49b685c9f60dd66b11d3a0925584240c2d979f5f..0000000000000000000000000000000000000000
Binary files a/MODELS/31/s3.mp3 and /dev/null differ
diff --git a/MODELS/32/1.mp3 b/MODELS/32/1.mp3
deleted file mode 100644
index c6f08a34d4c95c7b800f5e7ded93323fc6a99a68..0000000000000000000000000000000000000000
Binary files a/MODELS/32/1.mp3 and /dev/null differ
diff --git a/MODELS/32/14.mp3 b/MODELS/32/14.mp3
deleted file mode 100644
index 64909b4dab4f28b90ff7157dbb7c046bb89467d2..0000000000000000000000000000000000000000
Binary files a/MODELS/32/14.mp3 and /dev/null differ
diff --git a/MODELS/32/32.ckpt b/MODELS/32/32.ckpt
deleted file mode 100644
index 42f6598ff789919a2db7b4f6433ff5a9423fa3be..0000000000000000000000000000000000000000
--- a/MODELS/32/32.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8d5c4be00537f501b24ee849b2d7adecebf8629baa6e579aa576f0a71a38fedf
-size 155084782
diff --git a/MODELS/32/32.pth b/MODELS/32/32.pth
deleted file mode 100644
index 345767538af131b1eaa27c74ab8ec9938ba17895..0000000000000000000000000000000000000000
--- a/MODELS/32/32.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e4c82aaecb6984ede7f98406d3298e875959e8b589bb2ac56cd3b115eed8d0b6
-size 84930071
diff --git a/MODELS/32/4.mp3 b/MODELS/32/4.mp3
deleted file mode 100644
index a865ec372e64bb8c6b1de28d2d3aab989040638f..0000000000000000000000000000000000000000
Binary files a/MODELS/32/4.mp3 and /dev/null differ
diff --git a/MODELS/32/65.mp3 b/MODELS/32/65.mp3
deleted file mode 100644
index d475535dabd3394f57de322bfa000cc1135922cf..0000000000000000000000000000000000000000
Binary files a/MODELS/32/65.mp3 and /dev/null differ
diff --git a/MODELS/32/s1.mp3 b/MODELS/32/s1.mp3
deleted file mode 100644
index 0131f6ca64aee3c015085efbe7d48938f903579d..0000000000000000000000000000000000000000
Binary files a/MODELS/32/s1.mp3 and /dev/null differ
diff --git a/MODELS/32/s2.mp3 b/MODELS/32/s2.mp3
deleted file mode 100644
index 96cf2890f499bbace15eebcf921364db692906ac..0000000000000000000000000000000000000000
Binary files a/MODELS/32/s2.mp3 and /dev/null differ
diff --git a/MODELS/32/s3.mp3 b/MODELS/32/s3.mp3
deleted file mode 100644
index 76551003c19f6ded4d6f4c536c6f48648894f46b..0000000000000000000000000000000000000000
Binary files a/MODELS/32/s3.mp3 and /dev/null differ
diff --git a/MODELS/33/1.mp3 b/MODELS/33/1.mp3
deleted file mode 100644
index 80c0e8c4fd62fbbcc2a0de76be7498f417f2fbaf..0000000000000000000000000000000000000000
Binary files a/MODELS/33/1.mp3 and /dev/null differ
diff --git a/MODELS/33/103.mp3 b/MODELS/33/103.mp3
deleted file mode 100644
index a6321bf9674e44491ad5f57dda52add34aa67e34..0000000000000000000000000000000000000000
Binary files a/MODELS/33/103.mp3 and /dev/null differ
diff --git a/MODELS/33/33.ckpt b/MODELS/33/33.ckpt
deleted file mode 100644
index 2148b3a1f8852ed71dbb733af2801df9fccf8746..0000000000000000000000000000000000000000
--- a/MODELS/33/33.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:44ab467990683ebab68908734ee447729bbb04f4ca044d9a261c9f605571e9e7
-size 155084188
diff --git a/MODELS/33/33.pth b/MODELS/33/33.pth
deleted file mode 100644
index 9b0ef8ed06dcaf6d44d4c812c97f286cf430b130..0000000000000000000000000000000000000000
--- a/MODELS/33/33.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8b44214f84e3d4186ca3b7084b7e0b05ee81b4f75f012ed445aaa24386c21151
-size 84928657
diff --git a/MODELS/33/56.mp3 b/MODELS/33/56.mp3
deleted file mode 100644
index b73369065bfd79a8d5acb0ba9429c4a1e378420c..0000000000000000000000000000000000000000
Binary files a/MODELS/33/56.mp3 and /dev/null differ
diff --git a/MODELS/33/s1.mp3 b/MODELS/33/s1.mp3
deleted file mode 100644
index fb44b6a0de7b742844f7508152567197f81a1ea8..0000000000000000000000000000000000000000
Binary files a/MODELS/33/s1.mp3 and /dev/null differ
diff --git a/MODELS/33/s2.mp3 b/MODELS/33/s2.mp3
deleted file mode 100644
index 5f6e1c369b8580a1ccafff498a6507cd0366eab5..0000000000000000000000000000000000000000
Binary files a/MODELS/33/s2.mp3 and /dev/null differ
diff --git a/MODELS/33/s3.mp3 b/MODELS/33/s3.mp3
deleted file mode 100644
index b8ae993d613a589b569ee262eb813f79dbe60e85..0000000000000000000000000000000000000000
Binary files a/MODELS/33/s3.mp3 and /dev/null differ
diff --git a/MODELS/B1/1.mp3 b/MODELS/B1/1.mp3
deleted file mode 100644
index afcb85e56beb673dfc2623f2cfbfd6b2963fdaf3..0000000000000000000000000000000000000000
Binary files a/MODELS/B1/1.mp3 and /dev/null differ
diff --git a/MODELS/B1/120.mp3 b/MODELS/B1/120.mp3
deleted file mode 100644
index 5255a4e24403018506d185faff64eb6439788883..0000000000000000000000000000000000000000
Binary files a/MODELS/B1/120.mp3 and /dev/null differ
diff --git a/MODELS/B1/24.mp3 b/MODELS/B1/24.mp3
deleted file mode 100644
index da68b700028d600010f690aba020e38f158fc67e..0000000000000000000000000000000000000000
Binary files a/MODELS/B1/24.mp3 and /dev/null differ
diff --git a/MODELS/B1/B1.ckpt b/MODELS/B1/B1.ckpt
deleted file mode 100644
index b8b331eb05681855d0de0dd621520c125fe6f895..0000000000000000000000000000000000000000
--- a/MODELS/B1/B1.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d4a7b279278d469e5fcd0366f2853cd185e16ff10c6073156ef4c31219b807a7
-size 155086118
diff --git a/MODELS/B1/B1.pth b/MODELS/B1/B1.pth
deleted file mode 100644
index 5d43e063a5dab222b74ede2c224a88b1de0a0994..0000000000000000000000000000000000000000
--- a/MODELS/B1/B1.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6a6a13de48a94ad5a73e28669da2c5cad7a864e057f7e40e798de07d81cf1067
-size 84932551
diff --git a/MODELS/B1/s1.mp3 b/MODELS/B1/s1.mp3
deleted file mode 100644
index df9db23bcb0b5fb41959b51b43543018e04ce1be..0000000000000000000000000000000000000000
Binary files a/MODELS/B1/s1.mp3 and /dev/null differ
diff --git a/MODELS/B1/s2.mp3 b/MODELS/B1/s2.mp3
deleted file mode 100644
index e564cfac62607fb6a6c5aa32a24c84aa2168de2b..0000000000000000000000000000000000000000
Binary files a/MODELS/B1/s2.mp3 and /dev/null differ
diff --git a/MODELS/B1/s3.mp3 b/MODELS/B1/s3.mp3
deleted file mode 100644
index e3f8e491239fd7ee551ef4e28d38e58b603441ab..0000000000000000000000000000000000000000
Binary files a/MODELS/B1/s3.mp3 and /dev/null differ
diff --git a/MODELS/B2/1.mp3 b/MODELS/B2/1.mp3
deleted file mode 100644
index 7c861eeba08f8abca1e493c213fdec4aab2dd8e6..0000000000000000000000000000000000000000
Binary files a/MODELS/B2/1.mp3 and /dev/null differ
diff --git a/MODELS/B2/16.mp3 b/MODELS/B2/16.mp3
deleted file mode 100644
index 95d9ab57906412b11fd01be281b2143082672aff..0000000000000000000000000000000000000000
Binary files a/MODELS/B2/16.mp3 and /dev/null differ
diff --git a/MODELS/B2/212.mp3 b/MODELS/B2/212.mp3
deleted file mode 100644
index 9957c9a55db35a9a3c68e5f852438a473d4006ba..0000000000000000000000000000000000000000
Binary files a/MODELS/B2/212.mp3 and /dev/null differ
diff --git a/MODELS/B2/B2.ckpt b/MODELS/B2/B2.ckpt
deleted file mode 100644
index fe998b3e469247adb52c5f9eb4965aa1bed3c12a..0000000000000000000000000000000000000000
--- a/MODELS/B2/B2.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8b6f84dafb3d07f5b3f4d5684ca22bcaf2fe1d1ee6eacb1f48bba14308106728
-size 155085221
diff --git a/MODELS/B2/B2.pth b/MODELS/B2/B2.pth
deleted file mode 100644
index 47c80771060134c040201c67228b6606b32755a5..0000000000000000000000000000000000000000
--- a/MODELS/B2/B2.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:014beb59ade969d16a2324839a76df65362e7a9ec10dd44a683c3bf85d86b5cb
-size 84930520
diff --git a/MODELS/B2/s1.mp3 b/MODELS/B2/s1.mp3
deleted file mode 100644
index 883c63a90fce29af09c120961303803f5ad580fc..0000000000000000000000000000000000000000
Binary files a/MODELS/B2/s1.mp3 and /dev/null differ
diff --git a/MODELS/B2/s2.mp3 b/MODELS/B2/s2.mp3
deleted file mode 100644
index 2aacc93b1207b90374c88471207620b348a23790..0000000000000000000000000000000000000000
Binary files a/MODELS/B2/s2.mp3 and /dev/null differ
diff --git a/MODELS/B2/s3.mp3 b/MODELS/B2/s3.mp3
deleted file mode 100644
index 7f0e489a8a8c65bbaaee0c4e1994d8c5defa8185..0000000000000000000000000000000000000000
Binary files a/MODELS/B2/s3.mp3 and /dev/null differ
diff --git a/MODELS/B3/16.mp3 b/MODELS/B3/16.mp3
deleted file mode 100644
index 82568096a04dd9a2ec5b2bc84618a3344b37bea2..0000000000000000000000000000000000000000
Binary files a/MODELS/B3/16.mp3 and /dev/null differ
diff --git a/MODELS/B3/3.mp3 b/MODELS/B3/3.mp3
deleted file mode 100644
index 3860943b47302cbe3d63b9d739ee5be9fee99d69..0000000000000000000000000000000000000000
Binary files a/MODELS/B3/3.mp3 and /dev/null differ
diff --git a/MODELS/B3/42.mp3 b/MODELS/B3/42.mp3
deleted file mode 100644
index 997aeb722b15f207ef1eb4bb670fb1c3a846b717..0000000000000000000000000000000000000000
Binary files a/MODELS/B3/42.mp3 and /dev/null differ
diff --git a/MODELS/B3/B3.ckpt b/MODELS/B3/B3.ckpt
deleted file mode 100644
index 5b5ff1d7dacf09688d0621631878ccc6081b052f..0000000000000000000000000000000000000000
--- a/MODELS/B3/B3.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e4256b8ee02d9eb5ea1decb5befc00a81d922bbe42bf811da7d07c8875df347f
-size 155087613
diff --git a/MODELS/B3/B3.pth b/MODELS/B3/B3.pth
deleted file mode 100644
index 1443863189e2069bb107a857647fb9465780989f..0000000000000000000000000000000000000000
--- a/MODELS/B3/B3.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6f00fb7b030bb400dd00045e863c525b7b260d01a29cbf5e21ce7de69ce6814e
-size 84932551
diff --git a/MODELS/B3/s1.mp3 b/MODELS/B3/s1.mp3
deleted file mode 100644
index acd7a1ad7dc4f0ff65ada7753449e1fbabff2b8a..0000000000000000000000000000000000000000
Binary files a/MODELS/B3/s1.mp3 and /dev/null differ
diff --git a/MODELS/B3/s2.mp3 b/MODELS/B3/s2.mp3
deleted file mode 100644
index 7c0e77a36892fa0520e5ca382ce8734dce52b189..0000000000000000000000000000000000000000
Binary files a/MODELS/B3/s2.mp3 and /dev/null differ
diff --git a/MODELS/B3/s3.mp3 b/MODELS/B3/s3.mp3
deleted file mode 100644
index dd6985211c543431d550ad26b82d7cd2dfdd7973..0000000000000000000000000000000000000000
Binary files a/MODELS/B3/s3.mp3 and /dev/null differ
diff --git a/MODELS/B4/17.mp3 b/MODELS/B4/17.mp3
deleted file mode 100644
index 78f2632a235d3be4794e4d4633b6e5b5fe35e6ad..0000000000000000000000000000000000000000
Binary files a/MODELS/B4/17.mp3 and /dev/null differ
diff --git a/MODELS/B4/3.mp3 b/MODELS/B4/3.mp3
deleted file mode 100644
index 352d96c33b2625846487dee9871ad2f6b7381d33..0000000000000000000000000000000000000000
Binary files a/MODELS/B4/3.mp3 and /dev/null differ
diff --git a/MODELS/B4/53.mp3 b/MODELS/B4/53.mp3
deleted file mode 100644
index 2c3b9aae0b619924a68678abf1e719d791ad15bc..0000000000000000000000000000000000000000
Binary files a/MODELS/B4/53.mp3 and /dev/null differ
diff --git a/MODELS/B4/92.mp3 b/MODELS/B4/92.mp3
deleted file mode 100644
index dddccb2ce5bb9b5e61a91a0b1d0e636be4540d3b..0000000000000000000000000000000000000000
Binary files a/MODELS/B4/92.mp3 and /dev/null differ
diff --git a/MODELS/B4/B4.ckpt b/MODELS/B4/B4.ckpt
deleted file mode 100644
index dfc7216604b4f27c71fdb644276236fd50a9f1bb..0000000000000000000000000000000000000000
--- a/MODELS/B4/B4.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4a65cce4fd9e098cf623e0048bd2b2985707e1eb23a9b99988865f162b4cc462
-size 155087613
diff --git a/MODELS/B4/B4.pth b/MODELS/B4/B4.pth
deleted file mode 100644
index 9f5b6cce58512235ebcee6114f6218a8646a57a1..0000000000000000000000000000000000000000
--- a/MODELS/B4/B4.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1a417cde40e3ca50626e8b76e995b881ecd47487f0af799aae6d471b34cb2cf2
-size 84931874
diff --git a/MODELS/B4/s1.mp3 b/MODELS/B4/s1.mp3
deleted file mode 100644
index 2049fd754491204daf56961985631ce8412728cb..0000000000000000000000000000000000000000
Binary files a/MODELS/B4/s1.mp3 and /dev/null differ
diff --git a/MODELS/B4/s2.mp3 b/MODELS/B4/s2.mp3
deleted file mode 100644
index 200ca09ec28412cd9699642d382b45e66f75f0c9..0000000000000000000000000000000000000000
Binary files a/MODELS/B4/s2.mp3 and /dev/null differ
diff --git a/MODELS/B4/s3.mp3 b/MODELS/B4/s3.mp3
deleted file mode 100644
index f13032aa5f08f45bf939e0d1c3132e5f3930baf3..0000000000000000000000000000000000000000
Binary files a/MODELS/B4/s3.mp3 and /dev/null differ
diff --git a/MODELS/D1/1.mp3 b/MODELS/D1/1.mp3
deleted file mode 100644
index c165b3ebb7056131c1789c001338dad1992d121a..0000000000000000000000000000000000000000
Binary files a/MODELS/D1/1.mp3 and /dev/null differ
diff --git a/MODELS/D1/29.mp3 b/MODELS/D1/29.mp3
deleted file mode 100644
index 6f230044b84308fa0d508bc1dcbcf71042551330..0000000000000000000000000000000000000000
Binary files a/MODELS/D1/29.mp3 and /dev/null differ
diff --git a/MODELS/D1/96.mp3 b/MODELS/D1/96.mp3
deleted file mode 100644
index 868ad1d4f34405b93e17d8821b043fb59f2f1468..0000000000000000000000000000000000000000
Binary files a/MODELS/D1/96.mp3 and /dev/null differ
diff --git a/MODELS/D1/D1.ckpt b/MODELS/D1/D1.ckpt
deleted file mode 100644
index 91c5f6b4827dc03ce3feb2d4a9220749573b1dbd..0000000000000000000000000000000000000000
--- a/MODELS/D1/D1.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c9e45e08c69b56b0531997966a87235e868847747a9598c8d4ff1becad8214a8
-size 155084623
diff --git a/MODELS/D1/D1.pth b/MODELS/D1/D1.pth
deleted file mode 100644
index f0910b69bae0bfcd34af82f773950b8d4d4a9e07..0000000000000000000000000000000000000000
--- a/MODELS/D1/D1.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e17db7ed590600ffabebed1965a55b7c50435230ceaf4ad9464c4731168324ca
-size 84929166
diff --git a/MODELS/D1/s1.mp3 b/MODELS/D1/s1.mp3
deleted file mode 100644
index 57c7e2626f0af48951fa6eaa0c8708150138812e..0000000000000000000000000000000000000000
Binary files a/MODELS/D1/s1.mp3 and /dev/null differ
diff --git a/MODELS/D1/s2.mp3 b/MODELS/D1/s2.mp3
deleted file mode 100644
index f8ef656fa9660f6a7fcc7367382469c515c46f38..0000000000000000000000000000000000000000
Binary files a/MODELS/D1/s2.mp3 and /dev/null differ
diff --git a/MODELS/D1/s3.mp3 b/MODELS/D1/s3.mp3
deleted file mode 100644
index cecbfa2f57fbf2b3668ef7b4cf50dcc9b27ade39..0000000000000000000000000000000000000000
Binary files a/MODELS/D1/s3.mp3 and /dev/null differ
diff --git a/MODELS/EDS/E1.ckpt b/MODELS/EDS/E1.ckpt
deleted file mode 100644
index e893bb47ef86096cc64f8f732dd7bdd22d2d22e5..0000000000000000000000000000000000000000
--- a/MODELS/EDS/E1.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f6dc6b8e606c8fb7eaaa18903ab1ceca37f4187ad9fdfe74a49ef1e5201dc4e4
-size 155084922
diff --git a/MODELS/EDS/E1.pth b/MODELS/EDS/E1.pth
deleted file mode 100644
index 8d952d05a769d096dd6fc3e1f4e1bb8c5d1f5bc1..0000000000000000000000000000000000000000
--- a/MODELS/EDS/E1.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8abd3810de023f3aac237ebb1bf3f33582aace78529fa6503ef5f6b4c15f72cf
-size 157276774
diff --git a/MODELS/EDS/WAV_0003777600_0003990400.mp3 b/MODELS/EDS/WAV_0003777600_0003990400.mp3
deleted file mode 100644
index a72cd91870589f1003b5c532c282bf7f8b32f531..0000000000000000000000000000000000000000
Binary files a/MODELS/EDS/WAV_0003777600_0003990400.mp3 and /dev/null differ
diff --git a/MODELS/F1/1.mp3 b/MODELS/F1/1.mp3
deleted file mode 100644
index 98a112a2cfc80647b6c2943b336d7259caf253c9..0000000000000000000000000000000000000000
Binary files a/MODELS/F1/1.mp3 and /dev/null differ
diff --git a/MODELS/F1/14.mp3 b/MODELS/F1/14.mp3
deleted file mode 100644
index 4bfb5b56b22bd27dc5738f60f0b6bd0b774a3f96..0000000000000000000000000000000000000000
Binary files a/MODELS/F1/14.mp3 and /dev/null differ
diff --git a/MODELS/F1/20.mp3 b/MODELS/F1/20.mp3
deleted file mode 100644
index 420c119020d0331ea1bf6ce6bd3740be84a58e83..0000000000000000000000000000000000000000
Binary files a/MODELS/F1/20.mp3 and /dev/null differ
diff --git a/MODELS/F1/4.mp3 b/MODELS/F1/4.mp3
deleted file mode 100644
index 724086c808cc8b3a32ff34e9d87c27482c97f78b..0000000000000000000000000000000000000000
Binary files a/MODELS/F1/4.mp3 and /dev/null differ
diff --git a/MODELS/F1/57.mp3 b/MODELS/F1/57.mp3
deleted file mode 100644
index a9e0a3a61a281b9064abd07357a360aa7efc2f2d..0000000000000000000000000000000000000000
Binary files a/MODELS/F1/57.mp3 and /dev/null differ
diff --git a/MODELS/F1/6.mp3 b/MODELS/F1/6.mp3
deleted file mode 100644
index ec4076d88089923b6e87d6259a493ba5e0c0b7c2..0000000000000000000000000000000000000000
Binary files a/MODELS/F1/6.mp3 and /dev/null differ
diff --git a/MODELS/F1/80.mp3 b/MODELS/F1/80.mp3
deleted file mode 100644
index 560e05d5152c374dfdd74893711ad8d37c1110e7..0000000000000000000000000000000000000000
Binary files a/MODELS/F1/80.mp3 and /dev/null differ
diff --git a/MODELS/F1/F1.ckpt b/MODELS/F1/F1.ckpt
deleted file mode 100644
index a14ff992d9f28e344b8ef96627b02fb4e7ad70c9..0000000000000000000000000000000000000000
--- a/MODELS/F1/F1.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:dba979332953998f3bc2227ced81150976726382ec387382e862bd5d52c19afc
-size 155085079
diff --git a/MODELS/F1/F1.pth b/MODELS/F1/F1.pth
deleted file mode 100644
index 5e3495ed4e1cde4bc48c436e9f107ecb2e614884..0000000000000000000000000000000000000000
--- a/MODELS/F1/F1.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2b7c451d3e2ecce930f8c639efbcf34f0acc77f92076852c65178bda795df4ae
-size 84930746
diff --git a/MODELS/F1/s1.mp3 b/MODELS/F1/s1.mp3
deleted file mode 100644
index e70b051e257b9d3a88d8b837a870bfd5c239866d..0000000000000000000000000000000000000000
Binary files a/MODELS/F1/s1.mp3 and /dev/null differ
diff --git a/MODELS/F1/s2.mp3 b/MODELS/F1/s2.mp3
deleted file mode 100644
index 011538675098f86703a843d4bf2e885a78df92ca..0000000000000000000000000000000000000000
Binary files a/MODELS/F1/s2.mp3 and /dev/null differ
diff --git a/MODELS/F1/s3.mp3 b/MODELS/F1/s3.mp3
deleted file mode 100644
index 9717a2bed6b50bcfb3eef8f29dd421ef509664f5..0000000000000000000000000000000000000000
Binary files a/MODELS/F1/s3.mp3 and /dev/null differ
diff --git a/MODELS/G1/18.mp3 b/MODELS/G1/18.mp3
deleted file mode 100644
index 47b0340b817ae127223076bee877de9ec8b89417..0000000000000000000000000000000000000000
Binary files a/MODELS/G1/18.mp3 and /dev/null differ
diff --git a/MODELS/G1/30.mp3 b/MODELS/G1/30.mp3
deleted file mode 100644
index 6ac44305ed2bf7f27a0bfa9faf6ca553bce22ec9..0000000000000000000000000000000000000000
Binary files a/MODELS/G1/30.mp3 and /dev/null differ
diff --git a/MODELS/G1/62.mp3 b/MODELS/G1/62.mp3
deleted file mode 100644
index d3408be78801bd1ce58fbb5a2fd1e3ea6a8d8f41..0000000000000000000000000000000000000000
Binary files a/MODELS/G1/62.mp3 and /dev/null differ
diff --git a/MODELS/G1/G1.ckpt b/MODELS/G1/G1.ckpt
deleted file mode 100644
index 58456f2d3d5dc0106c73119a357b2eb013fb18f1..0000000000000000000000000000000000000000
--- a/MODELS/G1/G1.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:766442b105e1eb95084a476603aaf25c7aa60172ab7cd0954c62c6c26f652fbe
-size 155084922
diff --git a/MODELS/G1/G1.pth b/MODELS/G1/G1.pth
deleted file mode 100644
index 917bfa19e9967fb44d04f7351505b04aec11b271..0000000000000000000000000000000000000000
--- a/MODELS/G1/G1.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:414afd351c2b1a81fab5bf0053f7e0de794862edf6253252189dd0cde543eba7
-size 84929166
diff --git a/MODELS/G1/s1.mp3 b/MODELS/G1/s1.mp3
deleted file mode 100644
index 7f61fa63eed5c46542d5a9d454d3e757719bf26c..0000000000000000000000000000000000000000
Binary files a/MODELS/G1/s1.mp3 and /dev/null differ
diff --git a/MODELS/G1/s2.mp3 b/MODELS/G1/s2.mp3
deleted file mode 100644
index dbe810a0919d9383973ed518b51a2eb2da124e9f..0000000000000000000000000000000000000000
Binary files a/MODELS/G1/s2.mp3 and /dev/null differ
diff --git a/MODELS/G1/s3.mp3 b/MODELS/G1/s3.mp3
deleted file mode 100644
index 701bbec97266f732b7a0cbd1e8f9fc5466c477f7..0000000000000000000000000000000000000000
Binary files a/MODELS/G1/s3.mp3 and /dev/null differ
diff --git a/MODELS/G2/31.mp3 b/MODELS/G2/31.mp3
deleted file mode 100644
index 1067e6c21259d34f052908cc953c15061d3459d5..0000000000000000000000000000000000000000
Binary files a/MODELS/G2/31.mp3 and /dev/null differ
diff --git a/MODELS/G2/53.mp3 b/MODELS/G2/53.mp3
deleted file mode 100644
index c03e7b60a81722e594616fe80a18f868239abcd6..0000000000000000000000000000000000000000
Binary files a/MODELS/G2/53.mp3 and /dev/null differ
diff --git a/MODELS/G2/62.mp3 b/MODELS/G2/62.mp3
deleted file mode 100644
index 73efdd7c7b05dd2defadf708cf4203c4a375b02c..0000000000000000000000000000000000000000
Binary files a/MODELS/G2/62.mp3 and /dev/null differ
diff --git a/MODELS/G2/73.mp3 b/MODELS/G2/73.mp3
deleted file mode 100644
index 5e7b3ed728e5c746a9ea6036f1cc0489b2806475..0000000000000000000000000000000000000000
Binary files a/MODELS/G2/73.mp3 and /dev/null differ
diff --git a/MODELS/G2/G2.ckpt b/MODELS/G2/G2.ckpt
deleted file mode 100644
index 0947fcd8380299eced2ce32e0c5b1242b432dfc2..0000000000000000000000000000000000000000
--- a/MODELS/G2/G2.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c475ee7436bb4adcc8a86d4a1f4b2202c43926c9f082b535e99de73e559cdb1f
-size 155084623
diff --git a/MODELS/G2/G2.pth b/MODELS/G2/G2.pth
deleted file mode 100644
index 0d0e3ed98fb00bd04014347ad5c442bee3aad46f..0000000000000000000000000000000000000000
--- a/MODELS/G2/G2.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1c764a4d680c804fffe8b4685980a234c07ebdbd402bf7e0b3be1e3d6f058620
-size 84929166
diff --git a/MODELS/G2/s1.mp3 b/MODELS/G2/s1.mp3
deleted file mode 100644
index 9d8398545d20f4daa9d1a82b7917769e0b28570f..0000000000000000000000000000000000000000
Binary files a/MODELS/G2/s1.mp3 and /dev/null differ
diff --git a/MODELS/G2/s2.mp3 b/MODELS/G2/s2.mp3
deleted file mode 100644
index a606f1890ccaf0ba8ce4d9d75cdbee9975fad88a..0000000000000000000000000000000000000000
Binary files a/MODELS/G2/s2.mp3 and /dev/null differ
diff --git a/MODELS/G2/s3.mp3 b/MODELS/G2/s3.mp3
deleted file mode 100644
index 3d22e9df7bc3bea313cb88c0113743a51c346470..0000000000000000000000000000000000000000
Binary files a/MODELS/G2/s3.mp3 and /dev/null differ
diff --git a/MODELS/G3/1.mp3 b/MODELS/G3/1.mp3
deleted file mode 100644
index 4d1ba14c606c9ca3f1b8a16eb3093edb28e6bf7e..0000000000000000000000000000000000000000
Binary files a/MODELS/G3/1.mp3 and /dev/null differ
diff --git a/MODELS/G3/120.mp3 b/MODELS/G3/120.mp3
deleted file mode 100644
index c7858d8a356a14fc50674f20868d4755deae296e..0000000000000000000000000000000000000000
Binary files a/MODELS/G3/120.mp3 and /dev/null differ
diff --git a/MODELS/G3/122.mp3 b/MODELS/G3/122.mp3
deleted file mode 100644
index 8c0157395a5b1ada203faa9faedcc7a0bd03ed9e..0000000000000000000000000000000000000000
Binary files a/MODELS/G3/122.mp3 and /dev/null differ
diff --git a/MODELS/G3/G3.ckpt b/MODELS/G3/G3.ckpt
deleted file mode 100644
index 07eaba27d768868d57a239b9958657cd6c3e5006..0000000000000000000000000000000000000000
--- a/MODELS/G3/G3.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ea437b30d8e871b6a7a5603945c5bc11005bd302e2a26d904dc9e6450d1d7a54
-size 155084188
diff --git a/MODELS/G3/G3.pth b/MODELS/G3/G3.pth
deleted file mode 100644
index 1d4235d7e3aecfb58f2badd75b9ee8631e716228..0000000000000000000000000000000000000000
--- a/MODELS/G3/G3.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:661b1ce7ec3862451e1bd9dcaeac2a33c9ac9c60b018a1a868448d92d7eace69
-size 84928657
diff --git a/MODELS/G3/s1.mp3 b/MODELS/G3/s1.mp3
deleted file mode 100644
index dfc5c70c87e24b868d35cd177f31554d45c196c0..0000000000000000000000000000000000000000
Binary files a/MODELS/G3/s1.mp3 and /dev/null differ
diff --git a/MODELS/G3/s2.mp3 b/MODELS/G3/s2.mp3
deleted file mode 100644
index c99a5a21acb46394024957563130b180e3a979bf..0000000000000000000000000000000000000000
Binary files a/MODELS/G3/s2.mp3 and /dev/null differ
diff --git a/MODELS/G3/s3.mp3 b/MODELS/G3/s3.mp3
deleted file mode 100644
index 110f97c6146b4a809535755cf8b36f63f96f0de2..0000000000000000000000000000000000000000
Binary files a/MODELS/G3/s3.mp3 and /dev/null differ
diff --git a/MODELS/K2/0013064.mp3 b/MODELS/K2/0013064.mp3
deleted file mode 100644
index 1a3bf476932e932256b64488ae470ea98ebc2c62..0000000000000000000000000000000000000000
Binary files a/MODELS/K2/0013064.mp3 and /dev/null differ
diff --git a/MODELS/K2/0013073.mp3 b/MODELS/K2/0013073.mp3
deleted file mode 100644
index f11f06e339b5510a77e3c61ecaed8bf1aba662a9..0000000000000000000000000000000000000000
Binary files a/MODELS/K2/0013073.mp3 and /dev/null differ
diff --git a/MODELS/K2/1.mp3 b/MODELS/K2/1.mp3
deleted file mode 100644
index c10568ff969ee60edffa463e71c42afd31c85371..0000000000000000000000000000000000000000
Binary files a/MODELS/K2/1.mp3 and /dev/null differ
diff --git a/MODELS/K2/K2.ckpt b/MODELS/K2/K2.ckpt
deleted file mode 100644
index 15d2e6872c553c2cdd534ea01763e9ac594aaf67..0000000000000000000000000000000000000000
--- a/MODELS/K2/K2.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:341c855d3b832e0322a1c38fb20da3696632decf0163944f4de818099ecd4700
-size 155085221
diff --git a/MODELS/K2/K2.pth b/MODELS/K2/K2.pth
deleted file mode 100644
index 33b0cba3eb1c8f2c847230bdf9479a677836b006..0000000000000000000000000000000000000000
--- a/MODELS/K2/K2.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:880f61f2ce71f19ec94d9b8c3165209df74f96dbadec70a82d38c77323ed1ec5
-size 84930520
diff --git a/MODELS/K2/s1.mp3 b/MODELS/K2/s1.mp3
deleted file mode 100644
index faed640a95588e100827e6f12d32acb25025d39f..0000000000000000000000000000000000000000
Binary files a/MODELS/K2/s1.mp3 and /dev/null differ
diff --git a/MODELS/K2/s2.mp3 b/MODELS/K2/s2.mp3
deleted file mode 100644
index e207bbabd99f30c092563536f39271c745d8beb5..0000000000000000000000000000000000000000
Binary files a/MODELS/K2/s2.mp3 and /dev/null differ
diff --git a/MODELS/K2/s3.mp3 b/MODELS/K2/s3.mp3
deleted file mode 100644
index 5cdc093290bb214f8c844739c58673074d39fd8c..0000000000000000000000000000000000000000
Binary files a/MODELS/K2/s3.mp3 and /dev/null differ
diff --git a/MODELS/L1/1.mp3 b/MODELS/L1/1.mp3
deleted file mode 100644
index 8f08f585dad23e0d4dd5a0a834a43dec2811c94a..0000000000000000000000000000000000000000
Binary files a/MODELS/L1/1.mp3 and /dev/null differ
diff --git a/MODELS/L1/4.mp3 b/MODELS/L1/4.mp3
deleted file mode 100644
index 263210acce36b2d4a62af1d37a8ef34c5ee6e9af..0000000000000000000000000000000000000000
Binary files a/MODELS/L1/4.mp3 and /dev/null differ
diff --git a/MODELS/L1/66.mp3 b/MODELS/L1/66.mp3
deleted file mode 100644
index 8f60f44dc362d4774df7fa07af795201e81bd3fa..0000000000000000000000000000000000000000
Binary files a/MODELS/L1/66.mp3 and /dev/null differ
diff --git a/MODELS/L1/L1.ckpt b/MODELS/L1/L1.ckpt
deleted file mode 100644
index 3999b1c3bd4e2c6ca2b1a778320f46acd550eb12..0000000000000000000000000000000000000000
--- a/MODELS/L1/L1.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1f9b23db23beaf26201d90878269fe949b9c79eaa983cefedce215d002a437ad
-size 155084922
diff --git a/MODELS/L1/L1.pth b/MODELS/L1/L1.pth
deleted file mode 100644
index 7ea15541b176202630b103bfffd34986af5795d0..0000000000000000000000000000000000000000
--- a/MODELS/L1/L1.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b18b863fa039bd66b2421d20b01c6a1258b437e954af258155d46dc9aa5e387b
-size 84929166
diff --git a/MODELS/L1/s1.mp3 b/MODELS/L1/s1.mp3
deleted file mode 100644
index 41b221044f80e4fcc56d0da5dd9728295fb12ea4..0000000000000000000000000000000000000000
Binary files a/MODELS/L1/s1.mp3 and /dev/null differ
diff --git a/MODELS/L1/s2.mp3 b/MODELS/L1/s2.mp3
deleted file mode 100644
index 53deb8825110f074ec3431efb822b17025abee78..0000000000000000000000000000000000000000
Binary files a/MODELS/L1/s2.mp3 and /dev/null differ
diff --git a/MODELS/L1/s3.mp3 b/MODELS/L1/s3.mp3
deleted file mode 100644
index 810d6d9e81e1bac700cfcea1ed2083b2eebf9716..0000000000000000000000000000000000000000
Binary files a/MODELS/L1/s3.mp3 and /dev/null differ
diff --git a/MODELS/Mandarin/TJ/A0003_S004_0_G0001_1.WAV.mp3 b/MODELS/Mandarin/TJ/A0003_S004_0_G0001_1.WAV.mp3
deleted file mode 100644
index 278862b790feed2ae4b4f323508b36dfdf34087b..0000000000000000000000000000000000000000
Binary files a/MODELS/Mandarin/TJ/A0003_S004_0_G0001_1.WAV.mp3 and /dev/null differ
diff --git a/MODELS/Mandarin/TJ/A0003_S004_0_G0001_61.WAV.mp3 b/MODELS/Mandarin/TJ/A0003_S004_0_G0001_61.WAV.mp3
deleted file mode 100644
index f5417f02062f557c9d4fa8678d86b078eb556062..0000000000000000000000000000000000000000
Binary files a/MODELS/Mandarin/TJ/A0003_S004_0_G0001_61.WAV.mp3 and /dev/null differ
diff --git a/MODELS/Mandarin/TJ/A0003_S006_0_G0001_189.WAV.mp3 b/MODELS/Mandarin/TJ/A0003_S006_0_G0001_189.WAV.mp3
deleted file mode 100644
index 1dae07b1cfd2b7537a81881724cd5054e5edf894..0000000000000000000000000000000000000000
Binary files a/MODELS/Mandarin/TJ/A0003_S006_0_G0001_189.WAV.mp3 and /dev/null differ
diff --git a/MODELS/Mandarin/TJ/TJ.ckpt b/MODELS/Mandarin/TJ/TJ.ckpt
deleted file mode 100644
index 476c3f4cde93da3d7dc8a1805b685f218bf0b9ac..0000000000000000000000000000000000000000
--- a/MODELS/Mandarin/TJ/TJ.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ce1e4ac5b13b0f497bea9240fe055268ea8b85dfd36a6bba76719b12a74e6aef
-size 155087677
diff --git a/MODELS/Mandarin/TJ/TJ.pth b/MODELS/Mandarin/TJ/TJ.pth
deleted file mode 100644
index 221f1b344b9b8cca74d07fd3df688fc21abe1bdf..0000000000000000000000000000000000000000
--- a/MODELS/Mandarin/TJ/TJ.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bd79ef3c6466b1d604ecae3ccd1d4a1bc26c41b05d80cbe5375acd0a1d1524da
-size 84932551
diff --git a/MODELS/Mandarin/ZZ/A0001_S001_0_G0001_10.WAV.mp3 b/MODELS/Mandarin/ZZ/A0001_S001_0_G0001_10.WAV.mp3
deleted file mode 100644
index 6c919669113830ed9b2c912b7c0515a8238dc427..0000000000000000000000000000000000000000
Binary files a/MODELS/Mandarin/ZZ/A0001_S001_0_G0001_10.WAV.mp3 and /dev/null differ
diff --git a/MODELS/Mandarin/ZZ/A0001_S003_0_G0001_14.WAV.mp3 b/MODELS/Mandarin/ZZ/A0001_S003_0_G0001_14.WAV.mp3
deleted file mode 100644
index f897245ccea3ef8a965c4dc15d17bd6ef5d8e858..0000000000000000000000000000000000000000
Binary files a/MODELS/Mandarin/ZZ/A0001_S003_0_G0001_14.WAV.mp3 and /dev/null differ
diff --git a/MODELS/Mandarin/ZZ/A0001_S003_0_G0001_2.WAV.mp3 b/MODELS/Mandarin/ZZ/A0001_S003_0_G0001_2.WAV.mp3
deleted file mode 100644
index 717817b46d69f053d6f3125a7183965c96539a0f..0000000000000000000000000000000000000000
Binary files a/MODELS/Mandarin/ZZ/A0001_S003_0_G0001_2.WAV.mp3 and /dev/null differ
diff --git a/MODELS/Mandarin/ZZ/ZZ.ckpt b/MODELS/Mandarin/ZZ/ZZ.ckpt
deleted file mode 100644
index 7812c02aa9f344e9dc3e40713e5929f52a1c97e6..0000000000000000000000000000000000000000
--- a/MODELS/Mandarin/ZZ/ZZ.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:03e23f41526ca33b71026da306259e5bb9b2f3439de4bd9e48a0647bf94065a6
-size 155087378
diff --git a/MODELS/Mandarin/ZZ/ZZ.pth b/MODELS/Mandarin/ZZ/ZZ.pth
deleted file mode 100644
index 4a31f87da8a58749588b46ee027e8ab3ae228813..0000000000000000000000000000000000000000
--- a/MODELS/Mandarin/ZZ/ZZ.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5767c5fd9afd85455348bce589b6aafec143a16f87370666e4df1d12031d86db
-size 84931874
diff --git a/MODELS/N1/.ipynb_checkpoints/nikii3_e22_s418.pth b/MODELS/N1/.ipynb_checkpoints/nikii3_e22_s418.pth
deleted file mode 100644
index c285e4942850ef8e3794873258e40496adaf3bf2..0000000000000000000000000000000000000000
--- a/MODELS/N1/.ipynb_checkpoints/nikii3_e22_s418.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:71a104d657770bb964289af24677ef17e805bf9ea5bf964cff3b97c7fdff23c9
-size 84930520
diff --git a/MODELS/N1/2_33.mp3 b/MODELS/N1/2_33.mp3
deleted file mode 100644
index 7d7ed5139aed9066420fd4054667e7e36c641521..0000000000000000000000000000000000000000
Binary files a/MODELS/N1/2_33.mp3 and /dev/null differ
diff --git a/MODELS/N1/3_10.mp3 b/MODELS/N1/3_10.mp3
deleted file mode 100644
index a64b377ad42e693ee2d076854ccf7ccf4a9496c6..0000000000000000000000000000000000000000
Binary files a/MODELS/N1/3_10.mp3 and /dev/null differ
diff --git a/MODELS/N1/3_28.mp3 b/MODELS/N1/3_28.mp3
deleted file mode 100644
index 249a29d0318fbf8ba947ae6f716b2fae092ff2c6..0000000000000000000000000000000000000000
Binary files a/MODELS/N1/3_28.mp3 and /dev/null differ
diff --git a/MODELS/N1/N1.ckpt b/MODELS/N1/N1.ckpt
deleted file mode 100644
index e6c3a441ee5af830434e33d6229d7cb6cb9005ba..0000000000000000000000000000000000000000
--- a/MODELS/N1/N1.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6593af63a34f9f7342e6afcc07684870a8c6e085c070e9e99b3d1f9ccaac947c
-size 155085221
diff --git a/MODELS/N1/N1.pth b/MODELS/N1/N1.pth
deleted file mode 100644
index c285e4942850ef8e3794873258e40496adaf3bf2..0000000000000000000000000000000000000000
--- a/MODELS/N1/N1.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:71a104d657770bb964289af24677ef17e805bf9ea5bf964cff3b97c7fdff23c9
-size 84930520
diff --git a/MODELS/N1/s1.mp3 b/MODELS/N1/s1.mp3
deleted file mode 100644
index 23186feed6dc92605ad4895db181cf1b5f33105b..0000000000000000000000000000000000000000
Binary files a/MODELS/N1/s1.mp3 and /dev/null differ
diff --git a/MODELS/N1/s2.mp3 b/MODELS/N1/s2.mp3
deleted file mode 100644
index 71afc1197cbb245c16a85c7ab0919c28b6be90b9..0000000000000000000000000000000000000000
Binary files a/MODELS/N1/s2.mp3 and /dev/null differ
diff --git a/MODELS/N1/s3.mp3 b/MODELS/N1/s3.mp3
deleted file mode 100644
index c7800f75cbd134fff585f226117f5ed8bdd226ae..0000000000000000000000000000000000000000
Binary files a/MODELS/N1/s3.mp3 and /dev/null differ
diff --git a/MODELS/N2/1.mp3 b/MODELS/N2/1.mp3
deleted file mode 100644
index 50a6e93c02bbb12810d8bd7604b1cb75bc6ff74e..0000000000000000000000000000000000000000
Binary files a/MODELS/N2/1.mp3 and /dev/null differ
diff --git a/MODELS/N2/N2.ckpt b/MODELS/N2/N2.ckpt
deleted file mode 100644
index f9998d006ca4ebb8cc2d6674f7533636b7776e3f..0000000000000000000000000000000000000000
--- a/MODELS/N2/N2.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:78967a79fc11d44b7b1374537fc05545511214d1c8515f664813334762283cdf
-size 155085079
diff --git a/MODELS/N2/N2.pth b/MODELS/N2/N2.pth
deleted file mode 100644
index ee6750b8cf8d75b6680a62ebaafa69e4fac47800..0000000000000000000000000000000000000000
--- a/MODELS/N2/N2.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:49dde02bebb258716318c19dfc56f3b444d33f394d8b0af34bf526aa33f7fa50
-size 84930746
diff --git a/MODELS/P1/1.mp3 b/MODELS/P1/1.mp3
deleted file mode 100644
index 73bfcecccf4b69f050b96e85627b9b7e4d25793e..0000000000000000000000000000000000000000
Binary files a/MODELS/P1/1.mp3 and /dev/null differ
diff --git a/MODELS/P1/143.mp3 b/MODELS/P1/143.mp3
deleted file mode 100644
index 77f37a736504d30320c622a4a926b236eee77511..0000000000000000000000000000000000000000
Binary files a/MODELS/P1/143.mp3 and /dev/null differ
diff --git a/MODELS/P1/30.mp3 b/MODELS/P1/30.mp3
deleted file mode 100644
index 31c8f51d63d7e63c1d122794cdb44e53bedb7d08..0000000000000000000000000000000000000000
Binary files a/MODELS/P1/30.mp3 and /dev/null differ
diff --git a/MODELS/P1/P1.ckpt b/MODELS/P1/P1.ckpt
deleted file mode 100644
index aeb64a94dde2b7202e5ce379b8d4d51365d1ec89..0000000000000000000000000000000000000000
--- a/MODELS/P1/P1.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:081688c687f312857594b74eb6b2caa2a300252d29a13fdaa12f8e14e6e466e7
-size 155083748
diff --git a/MODELS/P1/P1.pth b/MODELS/P1/P1.pth
deleted file mode 100644
index 630efb66e1b5bb6e1e759a3c9e3bfb999a91a9f3..0000000000000000000000000000000000000000
--- a/MODELS/P1/P1.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ee0a6be23b8461aa5caf9ea6a6ccef6ad0a998d31dce76721ad75cc508e0a3dc
-size 84928425
diff --git a/MODELS/R1/1.mp3 b/MODELS/R1/1.mp3
deleted file mode 100644
index 2e9315d268947f8657843891564aede2bc1bbd1c..0000000000000000000000000000000000000000
Binary files a/MODELS/R1/1.mp3 and /dev/null differ
diff --git a/MODELS/R1/25.mp3 b/MODELS/R1/25.mp3
deleted file mode 100644
index 270bf9e669149ad91ea35dc1c4c23b5136cae6bf..0000000000000000000000000000000000000000
Binary files a/MODELS/R1/25.mp3 and /dev/null differ
diff --git a/MODELS/R1/26.mp3 b/MODELS/R1/26.mp3
deleted file mode 100644
index e4cbcbc18dd466bf17f22ca18671c0af45b05fd5..0000000000000000000000000000000000000000
Binary files a/MODELS/R1/26.mp3 and /dev/null differ
diff --git a/MODELS/R1/3.mp3 b/MODELS/R1/3.mp3
deleted file mode 100644
index 615f2b7030e98a1bd7b0aac47ea3c7b55cc24a4d..0000000000000000000000000000000000000000
Binary files a/MODELS/R1/3.mp3 and /dev/null differ
diff --git a/MODELS/R1/R1.ckpt b/MODELS/R1/R1.ckpt
deleted file mode 100644
index fb29665fe48b2f546849ef0e235512dc5d4750c9..0000000000000000000000000000000000000000
--- a/MODELS/R1/R1.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:566ea493bf5f5b56e0cbb46d4a7417b3754a5006ae56f036a196df8a78811f8f
-size 155085221
diff --git a/MODELS/R1/R1.pth b/MODELS/R1/R1.pth
deleted file mode 100644
index 5528455d116680a5621730ef4cfe08eb1a22881f..0000000000000000000000000000000000000000
--- a/MODELS/R1/R1.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:adfa503ded460e62dbf77567ddf8e07343aed902e2170de187211f3d4a462c9d
-size 84930520
diff --git a/MODELS/R1/s1.mp3 b/MODELS/R1/s1.mp3
deleted file mode 100644
index d86a344c7507a2a3b8cb3c3ea9c7d3fd6e55ea16..0000000000000000000000000000000000000000
Binary files a/MODELS/R1/s1.mp3 and /dev/null differ
diff --git a/MODELS/R1/s2.mp3 b/MODELS/R1/s2.mp3
deleted file mode 100644
index f13f68cb2d2d955cd9c722c81e2fa1c0860d445d..0000000000000000000000000000000000000000
Binary files a/MODELS/R1/s2.mp3 and /dev/null differ
diff --git a/MODELS/R1/s3.mp3 b/MODELS/R1/s3.mp3
deleted file mode 100644
index d1c73a4657a37d91321719b305dccfb4493d09e4..0000000000000000000000000000000000000000
Binary files a/MODELS/R1/s3.mp3 and /dev/null differ
diff --git a/MODELS/STD/stdeng-e15.ckpt b/MODELS/STD/stdeng-e15.ckpt
deleted file mode 100644
index f04ef9067adc38dbe042f7908ea8180ac1948024..0000000000000000000000000000000000000000
--- a/MODELS/STD/stdeng-e15.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ec93f42378c4fa9f30701aa5a6a8a79be97e43a8ecae3bd14a3d95e319d6d80c
-size 155085221
diff --git a/MODELS/STD/stdeng_e12_s192.pth b/MODELS/STD/stdeng_e12_s192.pth
deleted file mode 100644
index 7a6660b91385888dd1151f645c69ff16dc8128ac..0000000000000000000000000000000000000000
--- a/MODELS/STD/stdeng_e12_s192.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e4c8072665acc5c0868ed1cd684798e3201f0632589bdda4e5e0805a1db806fb
-size 84930520
diff --git a/MODELS/STD/stdengvocal.WAV_0000000000_0000149760.mp3 b/MODELS/STD/stdengvocal.WAV_0000000000_0000149760.mp3
deleted file mode 100644
index d9e4a0aa167180a5b1a1e140d304ed5596e41b9b..0000000000000000000000000000000000000000
Binary files a/MODELS/STD/stdengvocal.WAV_0000000000_0000149760.mp3 and /dev/null differ
diff --git a/MODELS/X1/29.mp3 b/MODELS/X1/29.mp3
deleted file mode 100644
index ee8c5972036293a1a4952b461e23160e88cde6dd..0000000000000000000000000000000000000000
Binary files a/MODELS/X1/29.mp3 and /dev/null differ
diff --git a/MODELS/X1/48.mp3 b/MODELS/X1/48.mp3
deleted file mode 100644
index 5b56bb08700518e42d7b3eaadf91e028f4969f5a..0000000000000000000000000000000000000000
Binary files a/MODELS/X1/48.mp3 and /dev/null differ
diff --git a/MODELS/X1/91.mp3 b/MODELS/X1/91.mp3
deleted file mode 100644
index 794a46a3ac9566512a40ae78fc7939c31235d27e..0000000000000000000000000000000000000000
Binary files a/MODELS/X1/91.mp3 and /dev/null differ
diff --git a/MODELS/X1/X1.ckpt b/MODELS/X1/X1.ckpt
deleted file mode 100644
index 8ddf9f695fda3cd9e33f809fff38c514e0e895bc..0000000000000000000000000000000000000000
--- a/MODELS/X1/X1.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:486b3d915c0f644c8c3882de195278f0ded9bf90b12f01e145aeb7efde265772
-size 155087314
diff --git a/MODELS/X1/X1.pth b/MODELS/X1/X1.pth
deleted file mode 100644
index 19cf238e37af546503d236b13f158bab04dcd648..0000000000000000000000000000000000000000
--- a/MODELS/X1/X1.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:86fa86cef70b5b7e3a4af7d54f72bb58c8f70919eca3c6766e6ba3d819791892
-size 84932551
diff --git a/MODELS/X1/s1.mp3 b/MODELS/X1/s1.mp3
deleted file mode 100644
index 6fedc7751558a4ad8483b5c7013c61606e18de73..0000000000000000000000000000000000000000
Binary files a/MODELS/X1/s1.mp3 and /dev/null differ
diff --git a/MODELS/X1/s2.mp3 b/MODELS/X1/s2.mp3
deleted file mode 100644
index 77f5c09ea3bd8b47a63c2220cbfc8907fa2cb772..0000000000000000000000000000000000000000
Binary files a/MODELS/X1/s2.mp3 and /dev/null differ
diff --git a/MODELS/X1/s3.mp3 b/MODELS/X1/s3.mp3
deleted file mode 100644
index ba0c90a35a2ec4d528764db566a373d85e464626..0000000000000000000000000000000000000000
Binary files a/MODELS/X1/s3.mp3 and /dev/null differ
diff --git a/MODELS/Y1/25.mp3 b/MODELS/Y1/25.mp3
deleted file mode 100644
index 57b31efc7d6e61e7796f20a5624f2461d98a03d0..0000000000000000000000000000000000000000
Binary files a/MODELS/Y1/25.mp3 and /dev/null differ
diff --git a/MODELS/Y1/39.mp3 b/MODELS/Y1/39.mp3
deleted file mode 100644
index 13a012b8032d5b0211fbf07b2c55be393441861b..0000000000000000000000000000000000000000
Binary files a/MODELS/Y1/39.mp3 and /dev/null differ
diff --git a/MODELS/Y1/Y1.ckpt b/MODELS/Y1/Y1.ckpt
deleted file mode 100644
index f9056b0d6c5c4cb28fe5f1135f9c784609a31bdc..0000000000000000000000000000000000000000
--- a/MODELS/Y1/Y1.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4dd5e29f9078300d748d357ab9f1ff8b0b661484fbab410f9672c773f8344fee
-size 155084623
diff --git a/MODELS/Y1/Y1.pth b/MODELS/Y1/Y1.pth
deleted file mode 100644
index 55ec040fcac235f48c5f3fbff5baba66fca17450..0000000000000000000000000000000000000000
--- a/MODELS/Y1/Y1.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:cff1edaf7227bb037cbe23d857eeb663e97835f3610db983422f2037ba511d05
-size 84928425
diff --git a/MODELS/Y1/query.mp3 b/MODELS/Y1/query.mp3
deleted file mode 100644
index ba70aca6cd7980e93d21edfe7a42ac4f2844aa87..0000000000000000000000000000000000000000
Binary files a/MODELS/Y1/query.mp3 and /dev/null differ
diff --git a/MODELS/Y1/s1.mp3 b/MODELS/Y1/s1.mp3
deleted file mode 100644
index 24d69a4749b1838d2eb9899a9013e5982029cdbb..0000000000000000000000000000000000000000
Binary files a/MODELS/Y1/s1.mp3 and /dev/null differ
diff --git a/MODELS/Y1/s2.mp3 b/MODELS/Y1/s2.mp3
deleted file mode 100644
index e847c298600d0a29685f83c42c9accb3ce076b98..0000000000000000000000000000000000000000
Binary files a/MODELS/Y1/s2.mp3 and /dev/null differ
diff --git a/MODELS/Y1/s3.mp3 b/MODELS/Y1/s3.mp3
deleted file mode 100644
index 6e58a5fbdce44876cd7d5255d13861d04be2f844..0000000000000000000000000000000000000000
Binary files a/MODELS/Y1/s3.mp3 and /dev/null differ
diff --git a/MODELS/Y2/1.mp3 b/MODELS/Y2/1.mp3
deleted file mode 100644
index 79365e0b155650d28896a0a461a44df666565ed7..0000000000000000000000000000000000000000
Binary files a/MODELS/Y2/1.mp3 and /dev/null differ
diff --git a/MODELS/Y2/22.mp3 b/MODELS/Y2/22.mp3
deleted file mode 100644
index 6aa77b9d1e573c13b893afefdc687d4747960928..0000000000000000000000000000000000000000
Binary files a/MODELS/Y2/22.mp3 and /dev/null differ
diff --git a/MODELS/Y2/44.mp3 b/MODELS/Y2/44.mp3
deleted file mode 100644
index 6fd5691b3d6ffb381f144bfa1f23ad9998c980c1..0000000000000000000000000000000000000000
Binary files a/MODELS/Y2/44.mp3 and /dev/null differ
diff --git a/MODELS/Y2/7.mp3 b/MODELS/Y2/7.mp3
deleted file mode 100644
index 9bef16dbdbcf11f82995894f835e837046593f79..0000000000000000000000000000000000000000
Binary files a/MODELS/Y2/7.mp3 and /dev/null differ
diff --git a/MODELS/Y2/Y2.ckpt b/MODELS/Y2/Y2.ckpt
deleted file mode 100644
index 0602e483dcd7e1a2697562f0c8bc11c992ce781c..0000000000000000000000000000000000000000
--- a/MODELS/Y2/Y2.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bde0fe6bfae8d889cb38c93b424882232b727177a754b6c1d95237b2fa89a003
-size 155084485
diff --git a/MODELS/Y2/Y2.pth b/MODELS/Y2/Y2.pth
deleted file mode 100644
index 39f4b645c6206a5fc498a4d9ca0f5a8f4c7187ed..0000000000000000000000000000000000000000
--- a/MODELS/Y2/Y2.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8584f4c8dc9af4184eb8a15ee9131b3f4823b66733e87a12095357eaf6e256f5
-size 84928721
diff --git a/MODELS/Y2/s1.mp3 b/MODELS/Y2/s1.mp3
deleted file mode 100644
index da86433e6beb2e3cb1cfdbdede3cd6a7ef99a2e2..0000000000000000000000000000000000000000
Binary files a/MODELS/Y2/s1.mp3 and /dev/null differ
diff --git a/MODELS/Y2/s2.mp3 b/MODELS/Y2/s2.mp3
deleted file mode 100644
index 13155c243a7798763f15db182ae1c1f252c96530..0000000000000000000000000000000000000000
Binary files a/MODELS/Y2/s2.mp3 and /dev/null differ
diff --git a/MODELS/Y2/s3.mp3 b/MODELS/Y2/s3.mp3
deleted file mode 100644
index e8bba84a8f67d490a2fc89fe9d0e78d0c225bcf9..0000000000000000000000000000000000000000
Binary files a/MODELS/Y2/s3.mp3 and /dev/null differ
diff --git a/MODELS/Z1/A (28).mp3 b/MODELS/Z1/A (28).mp3
deleted file mode 100644
index 1063e455d53d41f8544294de5dc61657ac596d41..0000000000000000000000000000000000000000
Binary files a/MODELS/Z1/A (28).mp3 and /dev/null differ
diff --git a/MODELS/Z1/Z1.ckpt b/MODELS/Z1/Z1.ckpt
deleted file mode 100644
index 4028d714ea89fef435a56c9cc3042985527b24b2..0000000000000000000000000000000000000000
--- a/MODELS/Z1/Z1.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ca5bcdc807e4c9f1d1aee866903fe1bfb170b13c1b564b74c661dc1dc7b8190f
-size 155084922
diff --git a/MODELS/Z1/Z1.pth b/MODELS/Z1/Z1.pth
deleted file mode 100644
index 3c69080a5c9000dfb831c2da3064e6e0899d634c..0000000000000000000000000000000000000000
--- a/MODELS/Z1/Z1.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4a7133c3d45cabbd7d750174835aae89643c977721b850babfbe9558473f2b5b
-size 84929843
diff --git a/MODELS/Z2/1.mp3 b/MODELS/Z2/1.mp3
deleted file mode 100644
index 219b3119409e31fb400843e1e7797dbdbd90fc2f..0000000000000000000000000000000000000000
Binary files a/MODELS/Z2/1.mp3 and /dev/null differ
diff --git a/MODELS/Z2/56.mp3 b/MODELS/Z2/56.mp3
deleted file mode 100644
index 59e38d3ca9cd19f4df54d0b1b3094712a45d1884..0000000000000000000000000000000000000000
Binary files a/MODELS/Z2/56.mp3 and /dev/null differ
diff --git a/MODELS/Z2/7.mp3 b/MODELS/Z2/7.mp3
deleted file mode 100644
index 03b4376411a90c938d4bcfad7bacd5d3078c86a0..0000000000000000000000000000000000000000
Binary files a/MODELS/Z2/7.mp3 and /dev/null differ
diff --git a/MODELS/Z2/Z2.ckpt b/MODELS/Z2/Z2.ckpt
deleted file mode 100644
index 5485aea00098d0654d3dfd1a9964946eb7928956..0000000000000000000000000000000000000000
--- a/MODELS/Z2/Z2.ckpt
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9e8354363de54a22d7d84b41b9a8fd858cf2b2d2b758ebfd4beb6b2b7c1dd14f
-size 155085520
diff --git a/MODELS/Z2/Z2.pth b/MODELS/Z2/Z2.pth
deleted file mode 100644
index d1afeffbdb6fd915f42229598e129179668987de..0000000000000000000000000000000000000000
--- a/MODELS/Z2/Z2.pth
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fa1ebca22b88314d7a1af6b06f074202b76ae8bfb0868fd9df37571d963f3027
-size 84931197
diff --git a/MODELS/Z2/s1.mp3 b/MODELS/Z2/s1.mp3
deleted file mode 100644
index c1442846afbc4603a41be5bcd5684434169fff1f..0000000000000000000000000000000000000000
Binary files a/MODELS/Z2/s1.mp3 and /dev/null differ
diff --git a/MODELS/Z2/s2.mp3 b/MODELS/Z2/s2.mp3
deleted file mode 100644
index 57612db6529ea8677c48468003aeecd27711111a..0000000000000000000000000000000000000000
Binary files a/MODELS/Z2/s2.mp3 and /dev/null differ
diff --git a/MODELS/Z2/s3.mp3 b/MODELS/Z2/s3.mp3
deleted file mode 100644
index 7fe707ffc34205a4edab0335d82b651d5f798de9..0000000000000000000000000000000000000000
Binary files a/MODELS/Z2/s3.mp3 and /dev/null differ
diff --git a/README.md b/README.md
index 9eb82f62d6b7829b8e78f1500063175539d8aa87..2e9e9e0323209702fc66490836518a59578ec8f3 100644
--- a/README.md
+++ b/README.md
@@ -1,12 +1,14 @@
---
title: Multi Voice TTS(English/Chinese/Japanese)
-emoji: 🌖
+emoji: 😆🌖😀
colorFrom: purple
colorTo: gray
sdk: gradio
sdk_version: 4.19.0
app_file: app.py
pinned: false
+license: mit
+short_description: '[中文/English/日本語]multilingual text-to-speech'
---
Check out the configuration reference at https://huggingface.co/docs/hub/spaces-config-reference
diff --git a/__pycache__/download.cpython-310.pyc b/__pycache__/download.cpython-310.pyc
new file mode 100644
index 0000000000000000000000000000000000000000..80ae597b4af8427385111e4a58ccbb111a0a94b9
Binary files /dev/null and b/__pycache__/download.cpython-310.pyc differ
diff --git a/__pycache__/info.cpython-310.pyc b/__pycache__/info.cpython-310.pyc
index 7ef70756b55d62ccb9d8bbea8297d89d9828d193..4eeb522064db56c0e3d592393b205bb2886dcb34 100644
Binary files a/__pycache__/info.cpython-310.pyc and b/__pycache__/info.cpython-310.pyc differ
diff --git a/__pycache__/my_utils.cpython-310.pyc b/__pycache__/my_utils.cpython-310.pyc
index 4632e693b5cfc4130a115bf9f186b0d75434e87b..a2a95ee0e108e6add70ef60c0a2d39e0dff7870a 100644
Binary files a/__pycache__/my_utils.cpython-310.pyc and b/__pycache__/my_utils.cpython-310.pyc differ
diff --git a/__pycache__/utils.cpython-310.pyc b/__pycache__/utils.cpython-310.pyc
index c541230907a679da02d749777e94c34de49a1d5b..cb6f7df07b9f5670a053420fd31db131ee9e36cb 100644
Binary files a/__pycache__/utils.cpython-310.pyc and b/__pycache__/utils.cpython-310.pyc differ
diff --git a/app.py b/app.py
index 2f400355ea3ac394202ee975785283d02568288e..abced3c8022f71d5b5b89e4639731c2997f6cd6a 100644
--- a/app.py
+++ b/app.py
@@ -729,35 +729,35 @@ with gr.Blocks(theme='Kasien/ali_theme_custom') as app:
If you like this space, please click the ❤️ at the top of the page..如喜欢,请点一下页面顶部的❤️