diff --git a/lib_v5/dataset.py b/lib_v5/dataset.py deleted file mode 100644 index 831ffe4..0000000 --- a/lib_v5/dataset.py +++ /dev/null @@ -1,170 +0,0 @@ -import os -import random - -import numpy as np -import torch -import torch.utils.data -from tqdm import tqdm - -from lib_v5 import spec_utils - - -class VocalRemoverValidationSet(torch.utils.data.Dataset): - - def __init__(self, patch_list): - self.patch_list = patch_list - - def __len__(self): - return len(self.patch_list) - - def __getitem__(self, idx): - path = self.patch_list[idx] - data = np.load(path) - - X, y = data['X'], data['y'] - - X_mag = np.abs(X) - y_mag = np.abs(y) - - return X_mag, y_mag - - -def make_pair(mix_dir, inst_dir): - input_exts = ['.wav', '.m4a', '.mp3', '.mp4', '.flac'] - - X_list = sorted([ - os.path.join(mix_dir, fname) - for fname in os.listdir(mix_dir) - if os.path.splitext(fname)[1] in input_exts]) - y_list = sorted([ - os.path.join(inst_dir, fname) - for fname in os.listdir(inst_dir) - if os.path.splitext(fname)[1] in input_exts]) - - filelist = list(zip(X_list, y_list)) - - return filelist - - -def train_val_split(dataset_dir, split_mode, val_rate, val_filelist): - if split_mode == 'random': - filelist = make_pair( - os.path.join(dataset_dir, 'mixtures'), - os.path.join(dataset_dir, 'instruments')) - - random.shuffle(filelist) - - if len(val_filelist) == 0: - val_size = int(len(filelist) * val_rate) - train_filelist = filelist[:-val_size] - val_filelist = filelist[-val_size:] - else: - train_filelist = [ - pair for pair in filelist - if list(pair) not in val_filelist] - elif split_mode == 'subdirs': - if len(val_filelist) != 0: - raise ValueError('The `val_filelist` option is not available in `subdirs` mode') - - train_filelist = make_pair( - os.path.join(dataset_dir, 'training/mixtures'), - os.path.join(dataset_dir, 'training/instruments')) - - val_filelist = make_pair( - os.path.join(dataset_dir, 'validation/mixtures'), - os.path.join(dataset_dir, 'validation/instruments')) - - return train_filelist, val_filelist - - -def augment(X, y, reduction_rate, reduction_mask, mixup_rate, mixup_alpha): - perm = np.random.permutation(len(X)) - for i, idx in enumerate(tqdm(perm)): - if np.random.uniform() < reduction_rate: - y[idx] = spec_utils.reduce_vocal_aggressively(X[idx], y[idx], reduction_mask) - - if np.random.uniform() < 0.5: - # swap channel - X[idx] = X[idx, ::-1] - y[idx] = y[idx, ::-1] - if np.random.uniform() < 0.02: - # mono - X[idx] = X[idx].mean(axis=0, keepdims=True) - y[idx] = y[idx].mean(axis=0, keepdims=True) - if np.random.uniform() < 0.02: - # inst - X[idx] = y[idx] - - if np.random.uniform() < mixup_rate and i < len(perm) - 1: - lam = np.random.beta(mixup_alpha, mixup_alpha) - X[idx] = lam * X[idx] + (1 - lam) * X[perm[i + 1]] - y[idx] = lam * y[idx] + (1 - lam) * y[perm[i + 1]] - - return X, y - - -def make_padding(width, cropsize, offset): - left = offset - roi_size = cropsize - left * 2 - if roi_size == 0: - roi_size = cropsize - right = roi_size - (width % roi_size) + left - - return left, right, roi_size - - -def make_training_set(filelist, cropsize, patches, sr, hop_length, n_fft, offset): - len_dataset = patches * len(filelist) - - X_dataset = np.zeros( - (len_dataset, 2, n_fft // 2 + 1, cropsize), dtype=np.complex64) - y_dataset = np.zeros( - (len_dataset, 2, n_fft // 2 + 1, cropsize), dtype=np.complex64) - - for i, (X_path, y_path) in enumerate(tqdm(filelist)): - X, y = spec_utils.cache_or_load(X_path, y_path, sr, hop_length, n_fft) - coef = np.max([np.abs(X).max(), np.abs(y).max()]) - X, y = X / coef, y / coef - - l, r, roi_size = make_padding(X.shape[2], cropsize, offset) - X_pad = np.pad(X, ((0, 0), (0, 0), (l, r)), mode='constant') - y_pad = np.pad(y, ((0, 0), (0, 0), (l, r)), mode='constant') - - starts = np.random.randint(0, X_pad.shape[2] - cropsize, patches) - ends = starts + cropsize - for j in range(patches): - idx = i * patches + j - X_dataset[idx] = X_pad[:, :, starts[j]:ends[j]] - y_dataset[idx] = y_pad[:, :, starts[j]:ends[j]] - - return X_dataset, y_dataset - - -def make_validation_set(filelist, cropsize, sr, hop_length, n_fft, offset): - patch_list = [] - patch_dir = 'cs{}_sr{}_hl{}_nf{}_of{}'.format(cropsize, sr, hop_length, n_fft, offset) - os.makedirs(patch_dir, exist_ok=True) - - for i, (X_path, y_path) in enumerate(tqdm(filelist)): - basename = os.path.splitext(os.path.basename(X_path))[0] - - X, y = spec_utils.cache_or_load(X_path, y_path, sr, hop_length, n_fft) - coef = np.max([np.abs(X).max(), np.abs(y).max()]) - X, y = X / coef, y / coef - - l, r, roi_size = make_padding(X.shape[2], cropsize, offset) - X_pad = np.pad(X, ((0, 0), (0, 0), (l, r)), mode='constant') - y_pad = np.pad(y, ((0, 0), (0, 0), (l, r)), mode='constant') - - len_dataset = int(np.ceil(X.shape[2] / roi_size)) - for j in range(len_dataset): - outpath = os.path.join(patch_dir, '{}_p{}.npz'.format(basename, j)) - start = j * roi_size - if not os.path.exists(outpath): - np.savez( - outpath, - X=X_pad[:, :, start:start + cropsize], - y=y_pad[:, :, start:start + cropsize]) - patch_list.append(outpath) - - return VocalRemoverValidationSet(patch_list) diff --git a/lib_v5/filelist.py b/lib_v5/filelist.py deleted file mode 100644 index fcfc82a..0000000 --- a/lib_v5/filelist.py +++ /dev/null @@ -1,423 +0,0 @@ -import json - -def get_vr_download_list(list): - with open("lib_v5/filelists/download_lists/vr_download_list.txt", "r") as f: - text=f.read().splitlines() - - list = text - - return list - -def get_mdx_download_list(list): - with open("lib_v5/filelists/download_lists/mdx_download_list.txt", "r") as f: - text=f.read().splitlines() - - list = text - - return list - -def get_demucs_download_list(list): - with open("lib_v5/filelists/download_lists/demucs_download_list.txt", "r") as f: - text=f.read().splitlines() - - list = text - - return list - -def get_mdx_demucs_en_list(list): - with open("lib_v5/filelists/ensemble_list/mdx_demuc_en_list.txt", "r") as f: - text=f.read().splitlines() - - list = text - - return list - -def get_vr_en_list(list): - with open("lib_v5/filelists/ensemble_list/vr_en_list.txt", "r") as f: - text=f.read().splitlines() - - list = text - - return list - -def get_download_links(links, downloads=''): - - f = open(f"lib_v5/filelists/download_lists/download_links.json") - download_links = json.load(f) - - if downloads == 'Demucs v3: mdx': - url_1 = download_links['Demucs_v3_mdx_url_1'] - url_2 = download_links['Demucs_v3_mdx_url_2'] - url_3 = download_links['Demucs_v3_mdx_url_3'] - url_4 = download_links['Demucs_v3_mdx_url_4'] - url_5 = download_links['Demucs_v3_mdx_url_5'] - - links = url_1, url_2, url_3, url_4, url_5 - - - if downloads == 'Demucs v3: mdx_q': - url_1 = download_links['Demucs_v3_mdx_q_url_1'] - url_2 = download_links['Demucs_v3_mdx_q_url_2'] - url_3 = download_links['Demucs_v3_mdx_q_url_3'] - url_4 = download_links['Demucs_v3_mdx_q_url_4'] - url_5 = download_links['Demucs_v3_mdx_q_url_5'] - - links = url_1, url_2, url_3, url_4, url_5 - - if downloads == 'Demucs v3: mdx_extra': - url_1 = download_links['Demucs_v3_mdx_extra_url_1'] - url_2 = download_links['Demucs_v3_mdx_extra_url_2'] - url_3 = download_links['Demucs_v3_mdx_extra_url_3'] - url_4 = download_links['Demucs_v3_mdx_extra_url_4'] - url_5 = download_links['Demucs_v3_mdx_extra_url_5'] - - links = url_1, url_2, url_3, url_4, url_5 - - if downloads == 'Demucs v3: mdx_extra_q': - url_1 = download_links['Demucs_v3_mdx_extra_q_url_1'] - url_2 = download_links['Demucs_v3_mdx_extra_q_url_2'] - url_3 = download_links['Demucs_v3_mdx_extra_q_url_3'] - url_4 = download_links['Demucs_v3_mdx_extra_q_url_4'] - url_5 = download_links['Demucs_v3_mdx_extra_q_url_5'] - - links = url_1, url_2, url_3, url_4, url_5 - - if downloads == 'Demucs v3: UVR Models': - url_1 = download_links['Demucs_v3_UVR_url_1'] - url_2 = download_links['Demucs_v3_UVR_url_2'] - url_3 = download_links['Demucs_v3_UVR_url_3'] - url_4 = download_links['Demucs_v3_UVR_url_4'] - url_5 = download_links['Demucs_v3_UVR_url_5'] - - links = url_1, url_2, url_3, url_4, url_5 - - if downloads == 'Demucs v2: demucs': - url_1 = download_links['Demucs_v2_demucs_url_1'] - links = url_1 - - if downloads == 'Demucs v2: demucs_extra': - url_1 = download_links['Demucs_v2_demucs_extra_url_1'] - - links = url_1 - - if downloads == 'Demucs v2: demucs48_hq': - url_1 = download_links['Demucs_v2_demucs48_hq_url_1'] - - links = url_1 - - if downloads == 'Demucs v2: tasnet': - url_1 = download_links['Demucs_v2_tasnet_url_1'] - - links = url_1 - - if downloads == 'Demucs v2: tasnet_extra': - url_1 = download_links['Demucs_v2_tasnet_extra_url_1'] - - links = url_1 - - if downloads == 'Demucs v2: demucs_unittest': - url_1 = download_links['Demucs_v2_demucs_unittest_url_1'] - - links = url_1 - - if downloads == 'Demucs v1: demucs': - url_1 = download_links['Demucs_v1_demucs_url_1'] - - links = url_1 - - if downloads == 'Demucs v1: demucs_extra': - url_1 = download_links['Demucs_v1_demucs_extra_url_1'] - - links = url_1 - - if downloads == 'Demucs v1: light': - url_1 = download_links['Demucs_v1_light_url_1'] - - links = url_1 - - if downloads == 'Demucs v1: light_extra': - url_1 = download_links['Demucs_v1_light_extra_url_1'] - - links = url_1 - - if downloads == 'Demucs v1: tasnet': - url_1 = download_links['Demucs_v1_tasnet_url_1'] - - links = url_1 - - if downloads == 'Demucs v1: tasnet_extra': - url_1 = download_links['Demucs_v1_tasnet_extra_url_1'] - - links = url_1 - - if downloads == 'model_repo': - url_1 = download_links['model_repo_url_1'] - - links = url_1 - - if downloads == 'single_model_repo': - url_1 = download_links['single_model_repo_url_1'] - - links = url_1 - - if downloads == 'exclusive': - url_1 = download_links['exclusive_url_1'] - url_2 = download_links['exclusive_url_2'] - - links = url_1, url_2, url_3 - - if downloads == 'refresh': - url_1 = download_links['refresh_url_1'] - url_2 = download_links['refresh_url_2'] - url_3 = download_links['refresh_url_3'] - - links = url_1, url_2, url_3 - - if downloads == 'app_patch': - url_1 = download_links['app_patch'] - - links = url_1 - - return links - -def provide_model_param_hash(model_hash): - #v5 Models - if model_hash == '47939caf0cfe52a0e81442b85b971dfd': - model_params_set=str('lib_v5/modelparams/4band_44100.json') - param_name=str('4band_44100') - elif model_hash == '4e4ecb9764c50a8c414fee6e10395bbe': - model_params_set=str('lib_v5/modelparams/4band_v2.json') - param_name=str('4band_v2') - elif model_hash == 'e60a1e84803ce4efc0a6551206cc4b71': - model_params_set=str('lib_v5/modelparams/4band_44100.json') - param_name=str('4band_44100') - elif model_hash == 'a82f14e75892e55e994376edbf0c8435': - model_params_set=str('lib_v5/modelparams/4band_44100.json') - param_name=str('4band_44100') - elif model_hash == '6dd9eaa6f0420af9f1d403aaafa4cc06': - model_params_set=str('lib_v5/modelparams/4band_v2_sn.json') - param_name=str('4band_v2_sn') - elif model_hash == '5c7bbca45a187e81abbbd351606164e5': - model_params_set=str('lib_v5/modelparams/3band_44100_msb2.json') - param_name=str('3band_44100_msb2') - elif model_hash == 'd6b2cb685a058a091e5e7098192d3233': - model_params_set=str('lib_v5/modelparams/3band_44100_msb2.json') - param_name=str('3band_44100_msb2') - elif model_hash == 'c1b9f38170a7c90e96f027992eb7c62b': - model_params_set=str('lib_v5/modelparams/4band_44100.json') - param_name=str('4band_44100') - elif model_hash == 'c3448ec923fa0edf3d03a19e633faa53': - model_params_set=str('lib_v5/modelparams/4band_44100.json') - param_name=str('4band_44100') - elif model_hash == '68aa2c8093d0080704b200d140f59e54': - model_params_set=str('lib_v5/modelparams/3band_44100.json') - param_name=str('3band_44100.json') - elif model_hash == 'fdc83be5b798e4bd29fe00fe6600e147': - model_params_set=str('lib_v5/modelparams/3band_44100_mid.json') - param_name=str('3band_44100_mid.json') - elif model_hash == '2ce34bc92fd57f55db16b7a4def3d745': - model_params_set=str('lib_v5/modelparams/3band_44100_mid.json') - param_name=str('3band_44100_mid.json') - elif model_hash == '52fdca89576f06cf4340b74a4730ee5f': - model_params_set=str('lib_v5/modelparams/4band_44100.json') - param_name=str('4band_44100.json') - elif model_hash == '41191165b05d38fc77f072fa9e8e8a30': - model_params_set=str('lib_v5/modelparams/4band_44100.json') - param_name=str('4band_44100.json') - elif model_hash == '89e83b511ad474592689e562d5b1f80e': - model_params_set=str('lib_v5/modelparams/2band_32000.json') - param_name=str('2band_32000.json') - elif model_hash == '0b954da81d453b716b114d6d7c95177f': - model_params_set=str('lib_v5/modelparams/2band_32000.json') - param_name=str('2band_32000.json') - - #v4 Models - - elif model_hash == '6a00461c51c2920fd68937d4609ed6c8': - model_params_set=str('lib_v5/modelparams/1band_sr16000_hl512.json') - param_name=str('1band_sr16000_hl512') - elif model_hash == '0ab504864d20f1bd378fe9c81ef37140': - model_params_set=str('lib_v5/modelparams/1band_sr32000_hl512.json') - param_name=str('1band_sr32000_hl512') - elif model_hash == '7dd21065bf91c10f7fccb57d7d83b07f': - model_params_set=str('lib_v5/modelparams/1band_sr32000_hl512.json') - param_name=str('1band_sr32000_hl512') - elif model_hash == '80ab74d65e515caa3622728d2de07d23': - model_params_set=str('lib_v5/modelparams/1band_sr32000_hl512.json') - param_name=str('1band_sr32000_hl512') - elif model_hash == 'edc115e7fc523245062200c00caa847f': - model_params_set=str('lib_v5/modelparams/1band_sr33075_hl384.json') - param_name=str('1band_sr33075_hl384') - elif model_hash == '28063e9f6ab5b341c5f6d3c67f2045b7': - model_params_set=str('lib_v5/modelparams/1band_sr33075_hl384.json') - param_name=str('1band_sr33075_hl384') - elif model_hash == 'b58090534c52cbc3e9b5104bad666ef2': - model_params_set=str('lib_v5/modelparams/1band_sr44100_hl512.json') - param_name=str('1band_sr44100_hl512') - elif model_hash == '0cdab9947f1b0928705f518f3c78ea8f': - model_params_set=str('lib_v5/modelparams/1band_sr44100_hl512.json') - param_name=str('1band_sr44100_hl512') - elif model_hash == 'ae702fed0238afb5346db8356fe25f13': - model_params_set=str('lib_v5/modelparams/1band_sr44100_hl1024.json') - param_name=str('1band_sr44100_hl1024') - else: - try: - with open(f"lib_v5/filelists/model_cache/vr_param_cache/{model_hash}.txt", "r") as f: - name = f.read() - model_params_set=str(f'lib_v5/modelparams/{name}') - param_name=str(name) - ('using text of hash worked') - except: - model_params_set=str('Not Found Using Hash') - param_name=str('Not Found Using Hash') - - model_params = model_params_set, param_name - - return model_params - -def provide_model_param_name(ModelName): - #1 Band - if '1band_sr16000_hl512' in ModelName: - model_params_set=str('lib_v5/modelparams/1band_sr16000_hl512.json') - param_name=str('1band_sr16000_hl512') - elif '1band_sr32000_hl512' in ModelName: - model_params_set=str('lib_v5/modelparams/1band_sr32000_hl512.json') - param_name=str('1band_sr32000_hl512') - elif '1band_sr33075_hl384' in ModelName: - model_params_set=str('lib_v5/modelparams/1band_sr33075_hl384.json') - param_name=str('1band_sr33075_hl384') - elif '1band_sr44100_hl256' in ModelName: - model_params_set=str('lib_v5/modelparams/1band_sr44100_hl256.json') - param_name=str('1band_sr44100_hl256') - elif '1band_sr44100_hl512' in ModelName: - model_params_set=str('lib_v5/modelparams/1band_sr44100_hl512.json') - param_name=str('1band_sr44100_hl512') - elif '1band_sr44100_hl1024' in ModelName: - model_params_set=str('lib_v5/modelparams/1band_sr44100_hl1024.json') - param_name=str('1band_sr44100_hl1024') - - #2 Band - elif '2band_44100_lofi' in ModelName: - model_params_set=str('lib_v5/modelparams/2band_44100_lofi.json') - param_name=str('2band_44100_lofi') - - #3 Band - - elif '3band_44100_mid' in ModelName: - model_params_set=str('lib_v5/modelparams/3band_44100_mid.json') - param_name=str('3band_44100_mid') - elif '3band_44100_msb2' in ModelName: - model_params_set=str('lib_v5/modelparams/3band_44100_msb2.json') - param_name=str('3band_44100_msb2') - - #4 Band - - elif '4band_44100_msb' in ModelName: - model_params_set=str('lib_v5/modelparams/4band_44100_msb.json') - param_name=str('4band_44100_msb') - elif '4band_44100_msb2' in ModelName: - model_params_set=str('lib_v5/modelparams/4band_44100_msb2.json') - param_name=str('4band_44100_msb2') - elif '4band_44100_reverse' in ModelName: - model_params_set=str('lib_v5/modelparams/4band_44100_reverse.json') - param_name=str('4band_44100_reverse') - elif 'tmodelparam' in ModelName: - model_params_set=str('lib_v5/modelparams/tmodelparam.json') - param_name=str('User Model Param Set') - else: - model_params_set=str('Not Found Using Name') - param_name=str('Not Found Using Name') - - model_params = model_params_set, param_name - - return model_params - -def provide_mdx_model_param_name(modelhash): - with open("lib_v5/filelists/hashes/mdx_original_hashes.txt", "r") as f: - mdx_original=f.read() - with open("lib_v5/filelists/hashes/mdx_new_hashes.txt", "r") as f: - mdx_new=f.read() - with open("lib_v5/filelists/hashes/mdx_new_inst_hashes.txt", "r") as f: - mdx_new_inst=f.read() - - if modelhash in mdx_original: - MDX_modeltype = 'mdx_original' - elif modelhash in mdx_new: - MDX_modeltype = 'mdx_new' - elif modelhash in mdx_new_inst: - MDX_modeltype = 'mdx_new_inst' - else: - MDX_modeltype = 'None' - - if MDX_modeltype == 'mdx_original': - modeltype = 'v' - noise_pro = 'MDX-NET_Noise_Profile_14_kHz' - stemset_n = '(Vocals)' - compensate = 1.03597672895 - source_val = 3 - n_fft_scale_set=6144 - dim_f_set=2048 - elif MDX_modeltype == 'mdx_new': - modeltype = 'v' - noise_pro = 'MDX-NET_Noise_Profile_17_kHz' - stemset_n = '(Vocals)' - compensate = 1.08 - source_val = 3 - n_fft_scale_set=7680 - dim_f_set=3072 - elif MDX_modeltype == 'mdx_new_inst': - modeltype = 'v' - noise_pro = 'MDX-NET_Noise_Profile_17_kHz' - stemset_n = '(Instrumental)' - compensate = 1.08 - source_val = 3 - n_fft_scale_set=7680 - dim_f_set=3072 - elif modelhash == '6f7eefc2e6b9d819ba88dc0578056ca5': - modeltype = 'o' - noise_pro = 'MDX-NET_Noise_Profile_Full_Band' - stemset_n = '(Other)' - compensate = 1.03597672895 - source_val = 2 - n_fft_scale_set=8192 - dim_f_set=2048 - elif modelhash == '72a27258a69b2381b60523a50982e9f1': - modeltype = 'd' - noise_pro = 'MDX-NET_Noise_Profile_Full_Band' - stemset_n = '(Drums)' - compensate = 1.03597672895 - source_val = 1 - n_fft_scale_set=4096 - dim_f_set=2048 - elif modelhash == '7051d7315c04285e94a97edcac3f2f76': - modeltype = 'b' - noise_pro = 'MDX-NET_Noise_Profile_Full_Band' - stemset_n = '(Bass)' - compensate = 1.03597672895 - source_val = 0 - n_fft_scale_set=16384 - dim_f_set=2048 - else: - try: - f = open(f"lib_v5/filelists/model_cache/mdx_model_cache/{modelhash}.json") - mdx_model_de = json.load(f) - modeltype = mdx_model_de["modeltype"] - noise_pro = mdx_model_de["noise_pro"] - stemset_n = mdx_model_de["stemset_n"] - compensate = mdx_model_de["compensate"] - source_val = mdx_model_de["source_val"] - n_fft_scale_set = mdx_model_de["n_fft_scale_set"] - dim_f_set = mdx_model_de["dim_f_set"] - except: - modeltype = 'Not Set' - noise_pro = 'Not Set' - stemset_n = 'Not Set' - compensate = 'Not Set' - source_val = 'Not Set' - n_fft_scale_set='Not Set' - dim_f_set='Not Set' - - - model_params = modeltype, noise_pro, stemset_n, compensate, source_val, n_fft_scale_set, dim_f_set - - return model_params \ No newline at end of file diff --git a/lib_v5/filelists/download_codes/temp/temp.txt b/lib_v5/filelists/download_codes/temp/temp.txt deleted file mode 100644 index 3602361..0000000 --- a/lib_v5/filelists/download_codes/temp/temp.txt +++ /dev/null @@ -1 +0,0 @@ -temp \ No newline at end of file diff --git a/lib_v5/filelists/download_codes/user_code.txt b/lib_v5/filelists/download_codes/user_code.txt deleted file mode 100644 index 8b13789..0000000 --- a/lib_v5/filelists/download_codes/user_code.txt +++ /dev/null @@ -1 +0,0 @@ - diff --git a/lib_v5/filelists/download_codes/user_code_download.txt b/lib_v5/filelists/download_codes/user_code_download.txt deleted file mode 100644 index 8b13789..0000000 --- a/lib_v5/filelists/download_codes/user_code_download.txt +++ /dev/null @@ -1 +0,0 @@ - diff --git a/lib_v5/filelists/download_lists/demucs_download_list.txt b/lib_v5/filelists/download_lists/demucs_download_list.txt deleted file mode 100644 index ad9df0f..0000000 --- a/lib_v5/filelists/download_lists/demucs_download_list.txt +++ /dev/null @@ -1,19 +0,0 @@ -No Model Selected -No Model Selected -Demucs v3: UVR Models -Demucs v3: mdx -Demucs v3: mdx_q -Demucs v3: mdx_extra -Demucs v3: mdx_extra_q -Demucs v2: demucs -Demucs v2: demucs_extra -Demucs v2: demucs48_hq -Demucs v2: tasnet -Demucs v2: tasnet_extra -Demucs v2: demucs_unittest -Demucs v1: demucs -Demucs v1: demucs_extra -Demucs v1: light -Demucs v1: light_extra -Demucs v1: tasnet -Demucs v1: tasnet_extra \ No newline at end of file diff --git a/lib_v5/filelists/download_lists/download_links.json b/lib_v5/filelists/download_lists/download_links.json deleted file mode 100644 index 62d8357..0000000 --- a/lib_v5/filelists/download_lists/download_links.json +++ /dev/null @@ -1,42 +0,0 @@ -{ - "Demucs_v3_mdx_url_1": "https://dl.fbaipublicfiles.com/demucs/mdx_final/0d19c1c6-0f06f20e.th", - "Demucs_v3_mdx_url_2": "https://dl.fbaipublicfiles.com/demucs/mdx_final/7ecf8ec1-70f50cc9.th", - "Demucs_v3_mdx_url_3": "https://dl.fbaipublicfiles.com/demucs/mdx_final/c511e2ab-fe698775.th", - "Demucs_v3_mdx_url_4": "https://dl.fbaipublicfiles.com/demucs/mdx_final/7d865c68-3d5dd56b.th", - "Demucs_v3_mdx_url_5": "https://raw.githubusercontent.com/facebookresearch/demucs/main/demucs/remote/mdx.yaml", - "Demucs_v3_mdx_q_url_1": "https://dl.fbaipublicfiles.com/demucs/mdx_final/6b9c2ca1-3fd82607.th", - "Demucs_v3_mdx_q_url_2": "https://dl.fbaipublicfiles.com/demucs/mdx_final/b72baf4e-8778635e.th", - "Demucs_v3_mdx_q_url_3": "https://dl.fbaipublicfiles.com/demucs/mdx_final/42e558d4-196e0e1b.th", - "Demucs_v3_mdx_q_url_4": "https://dl.fbaipublicfiles.com/demucs/mdx_final/305bc58f-18378783.th", - "Demucs_v3_mdx_q_url_5": "https://raw.githubusercontent.com/facebookresearch/demucs/main/demucs/remote/mdx_q.yaml", - "Demucs_v3_mdx_extra_url_1": "https://dl.fbaipublicfiles.com/demucs/mdx_final/e51eebcc-c1b80bdd.th", - "Demucs_v3_mdx_extra_url_2": "https://dl.fbaipublicfiles.com/demucs/mdx_final/a1d90b5c-ae9d2452.th", - "Demucs_v3_mdx_extra_url_3": "https://dl.fbaipublicfiles.com/demucs/mdx_final/5d2d6c55-db83574e.th", - "Demucs_v3_mdx_extra_url_4": "https://dl.fbaipublicfiles.com/demucs/mdx_final/cfa93e08-61801ae1.th", - "Demucs_v3_mdx_extra_url_5": "https://raw.githubusercontent.com/facebookresearch/demucs/main/demucs/remote/mdx_extra.yaml", - "Demucs_v3_mdx_extra_q_url_1": "https://dl.fbaipublicfiles.com/demucs/mdx_final/83fc094f-4a16d450.th", - "Demucs_v3_mdx_extra_q_url_2": "https://dl.fbaipublicfiles.com/demucs/mdx_final/464b36d7-e5a9386e.th", - "Demucs_v3_mdx_extra_q_url_3": "https://dl.fbaipublicfiles.com/demucs/mdx_final/14fc6a69-a89dd0ee.th", - "Demucs_v3_mdx_extra_q_url_4": "https://dl.fbaipublicfiles.com/demucs/mdx_final/7fd6ef75-a905dd85.th", - "Demucs_v3_mdx_extra_q_url_5": "https://raw.githubusercontent.com/facebookresearch/demucs/main/demucs/remote/mdx_extra_q.yaml", - "Demucs_v3_UVR_url_1": "https://github.com/TRvlvr/model_repo/releases/download/all_public_uvr_models/ebf34a2d.th", - "Demucs_v3_UVR_url_2": "https://github.com/TRvlvr/model_repo/releases/download/all_public_uvr_models/ebf34a2db.th", - "Demucs_v3_UVR_url_3": "https://github.com/TRvlvr/model_repo/releases/download/all_public_uvr_models/UVR_Demucs_Model_1.yaml", - "Demucs_v3_UVR_url_4": "https://github.com/TRvlvr/model_repo/releases/download/all_public_uvr_models/UVR_Demucs_Model_2.yaml", - "Demucs_v3_UVR_url_5": "https://github.com/TRvlvr/model_repo/releases/download/all_public_uvr_models/UVR_Demucs_Model_Bag.yaml", - "Demucs_v2_demucs_url_1": "https://dl.fbaipublicfiles.com/demucs/v3.0/demucs-e07c671f.th", - "Demucs_v2_demucs_extra_url_1": "https://dl.fbaipublicfiles.com/demucs/v3.0/demucs_extra-3646af93.th", - "Demucs_v2_demucs48_hq_url_1": "https://dl.fbaipublicfiles.com/demucs/v3.0/demucs48_hq-28a1282c.th", - "Demucs_v2_tasnet_url_1": "https://dl.fbaipublicfiles.com/demucs/v3.0/tasnet-beb46fac.th", - "Demucs_v2_tasnet_extra_url_1": "https://dl.fbaipublicfiles.com/demucs/v3.0/tasnet_extra-df3777b2.th", - "Demucs_v2_demucs_unittest_url_1": "https://dl.fbaipublicfiles.com/demucs/v3.0/demucs_unittest-09ebc15f.th", - "Demucs_v1_demucs_url_1": "https://dl.fbaipublicfiles.com/demucs/v2.0/demucs.th", - "Demucs_v1_demucs_extra_url_1": "https://dl.fbaipublicfiles.com/demucs/v2.0/demucs_extra.th", - "Demucs_v1_light_url_1": "https://dl.fbaipublicfiles.com/demucs/v2.0/light.th", - "Demucs_v1_light_extra_url_1": "https://dl.fbaipublicfiles.com/demucs/v2.0/light_extra.th", - "Demucs_v1_tasnet_url_1": "https://dl.fbaipublicfiles.com/demucs/v2.0/tasnet.th", - "Demucs_v1_tasnet_extra_url_1": "https://dl.fbaipublicfiles.com/demucs/v2.0/tasnet_extra.th", - "model_repo_url_1": "https://github.com/TRvlvr/model_repo/releases/download/model_pack_repo/", - "single_model_repo_url_1": "https://github.com/TRvlvr/model_repo/releases/download/all_public_uvr_models/", - "app_patch": "https://github.com/TRvlvr/model_repo/releases/download/uvr_update_patches/" -} \ No newline at end of file diff --git a/lib_v5/filelists/download_lists/mdx_download_list.txt b/lib_v5/filelists/download_lists/mdx_download_list.txt deleted file mode 100644 index 96fb7f2..0000000 --- a/lib_v5/filelists/download_lists/mdx_download_list.txt +++ /dev/null @@ -1,13 +0,0 @@ -No Model Selected -No Model Selected -MDX-Net Model: UVR_MDXNET_Main -MDX-Net Model: UVR_MDXNET_1_9703 -MDX-Net Model: UVR_MDXNET_2_9682 -MDX-Net Model: UVR_MDXNET_3_9662 -MDX-Net Model: UVR_MDXNET_9482 -MDX-Net Model: UVR_MDXNET_KARA -Developer Pack: voc_model_epochs_434-439 -Developer Pack: inst_model_epochs_10-17 -Developer Pack: inst_model_epochs_26-40 -Developer Pack: inst_model_epochs_51-57 -Developer Pack: inst_model_epochs_58-64 diff --git a/lib_v5/filelists/download_lists/temp/temp.txt b/lib_v5/filelists/download_lists/temp/temp.txt deleted file mode 100644 index 3602361..0000000 --- a/lib_v5/filelists/download_lists/temp/temp.txt +++ /dev/null @@ -1 +0,0 @@ -temp \ No newline at end of file diff --git a/lib_v5/filelists/download_lists/vr_download_list.txt b/lib_v5/filelists/download_lists/vr_download_list.txt deleted file mode 100644 index e3f740c..0000000 --- a/lib_v5/filelists/download_lists/vr_download_list.txt +++ /dev/null @@ -1,25 +0,0 @@ -No Model Selected -No Model Selected -VR Arch Model Pack v5: SP Models -VR Arch Model Pack v5: HP2 Models -VR Arch Model Pack v4: Main Models -VR Arch Single Model v5: 1_HP-UVR -VR Arch Single Model v5: 2_HP-UVR -VR Arch Single Model v5: 3_HP-Vocal-UVR -VR Arch Single Model v5: 4_HP-Vocal-UVR -VR Arch Single Model v5: 5_HP-Karaoke-UVR -VR Arch Single Model v5: 6_HP-Karaoke-UVR -VR Arch Single Model v5: 7_HP2-UVR -VR Arch Single Model v5: 8_HP2-UVR -VR Arch Single Model v5: 9_HP2-UVR -VR Arch Single Model v5: 10_SP-UVR-2B-32000-1 -VR Arch Single Model v5: 11_SP-UVR-2B-32000-2 -VR Arch Single Model v5: 12_SP-UVR-3B-44100 -VR Arch Single Model v5: 13_SP-UVR-4B-44100-1 -VR Arch Single Model v5: 14_SP-UVR-4B-44100-2 -VR Arch Single Model v5: 15_SP-UVR-MID-44100-1 -VR Arch Single Model v5: 16_SP-UVR-MID-44100-2 -VR Arch Single Model v4: MGM_HIGHEND_v4 -VR Arch Single Model v4: MGM_LOWEND_A_v4 -VR Arch Single Model v4: MGM_LOWEND_B_v4 -VR Arch Single Model v4: MGM_MAIN_v4 \ No newline at end of file diff --git a/lib_v5/filelists/ensemble_list/mdx_demuc_en_list.txt b/lib_v5/filelists/ensemble_list/mdx_demuc_en_list.txt deleted file mode 100644 index 132f6ee..0000000 --- a/lib_v5/filelists/ensemble_list/mdx_demuc_en_list.txt +++ /dev/null @@ -1,16 +0,0 @@ -No Model -No Model -MDX-Net: UVR-MDX-NET 1 -MDX-Net: UVR-MDX-NET 2 -MDX-Net: UVR-MDX-NET 3 -MDX-Net: UVR_MDXNET_9482 -MDX-Net: UVR-MDX-NET Karaoke -MDX-Net: bass -Demucs: UVR_Demucs_Model_1 -Demucs: UVR_Demucs_Model_2 -Demucs: UVR_Demucs_Model_Bag -Demucs: Demucs_unittest v2 -Demucs: mdx_extra -Demucs: mdx_q -Demucs: Tasnet v1 -Demucs: Tasnet_extra v1 diff --git a/lib_v5/filelists/ensemble_list/vr_en_list.txt b/lib_v5/filelists/ensemble_list/vr_en_list.txt deleted file mode 100644 index 21b2b79..0000000 --- a/lib_v5/filelists/ensemble_list/vr_en_list.txt +++ /dev/null @@ -1,13 +0,0 @@ -No Model -No Model -1_HP-UVR -2_HP-UVR -6_HP-Karaoke-UVR -11_SP-UVR-2B-32000-2 -13_SP-UVR-4B-44100-1 -MGM_HIGHEND_v4 (1) -MGM_HIGHEND_v4 -MGM_LOWEND_A_v4 -MGM_LOWEND_B_v4 -MGM_MAIN_v4 -WIP-Piano-4band-129605kb diff --git a/lib_v5/filelists/hashes/mdx_new_hashes.txt b/lib_v5/filelists/hashes/mdx_new_hashes.txt deleted file mode 100644 index 9da2909..0000000 --- a/lib_v5/filelists/hashes/mdx_new_hashes.txt +++ /dev/null @@ -1,266 +0,0 @@ -0374836ab954ccd5946b29668c36bfdd -e494001f6e38f3ff9f8db07073dbcc38 -1284cfb6ca5cbe68778a392bf92fe448 -927f5993571090980f7042a5087ad7d5 -8a7b42b609383c9bd11c093e357c8d01 -d7b9b49bf75c78afad0e88786bd729ae -8737fb18a216d62ba2fec7948da59721 -432308a1f31d144ba117dc5f87e97809 -39eedabe4309ecbcda1df37a5cdd6adf -fbee5264485e2c4b4003db897dea3528 -443ca4b02bf26bc42d9ef114aa25adc8 -8d700d4589ba30b876114823af40bcea -52be0e4c18ddfba376081a7edaca5f56 -f0fd48dc0422a992e08e18f9cf318678 -af21b8645202d0b6d93cb383284ad0e6 -c5f39697c5dd372c4fb9656f01c814cc -3f2bd7da922c4b45ac8923cccce41455 -8c467b5fbce83858b67436e28efa31c3 -16418df565fbaddd8e91ead6693a7418 -06f4c4b9e7cc2c3503bdcb9cfad4298b -3a28db13d74c27f4ef255e5acb2f66b1 -2c7e0a31f0aa7947865b66a8ccfdf08f -ef878de3d28e6ef376ad35527d86e4dc -52b4c815669b7a6c1898453f5c42a617 -63c28c788f40af6d49ad8013600149bf -787c1fa7256250695b14d2c62d57070c -3eac6076f597da01788946563cc2756d -d3efcccba9417bd0567845958d55bed5 -5d4b6d50847807833b82009be6519364 -cd988a4722f06c7fc9798750da9a6216 -5c0953d6f2d6a6ac3c738c0ba04fb518 -c488149f2cd37c710da574f3b784e6e3 -e46ef7b671b13a9a6bada197d8ccc0cf -a57f5884b67bc0be16759045d9734b7f -9b60b21391809845bb4435bc7096aabf -5a4897d7a3afcae86f6948ba9275a49e -d521fcb9b6cb6818710bf1609d1a8182 -3c6420e4e3646d7906d6d1b86d0410bc -a85c8174b2c91e780a67b391650ae264 -b5a906653199f49f0e0215e0b22901b4 -16de23223764249902734d64f2a0223f -2957853f7346c5039fc2f4d1b0f3c65c -a8fb404acc3631cfbb8aacf20f39d65d -f1e62e9e52477dff0c1b92c218bcd7f0 -2067c316fe7a097040f6da35451bde94 -b6653ac3158e60561f05933ebe4d6477 -274f631b444ce3ec6fbb71778ca58ae5 -5dc5f89788c7385a99787a15e78cc852 -740e38a99d835f113ffc396e144fbfa8 -b21de390242db154b1e6d45b9c44a912 -8c6751c184707c356534a8d4481e2987 -057a0878236e70dfdf8e09fc8e3d9126 -0a15368a0d7b00eb1f49276c316c280f -ae35d179e0395e53867f2b7f32de337e -87a9c56e36d2cb159ff76929b0edfd3f -c488149f2cd37c710da574f3b784e6e3 -18508ba57b14327516f4f958d7cb5bdd -d2b8a00978bcf61eeb3642ffb2653431 -c1cbaeea910a925be045c4dad52e0f95 -72d739c4fa1f0c606f357cc6b4b313b0 -44d6519e1efc6c68d53f82361e382987 -7b63504b3dd9ed7ef5c6ef9fbbb6d857 -f0fb53226a97e2d1ed8af46308d0b238 -27065f326f173ee54c38e349a84caed8 -71f2b8871d21ce1ae9b3c16042d3b511 -870a12746e7b7648cc8449c0ea5f8be8 -93bcd06e20b2ae5388da783bf68c7224 -09973b74f4dabb01ecdfed706743f45e -34c8c8870ed8cac0fbc1dc9d1ae90dec -e3078ba5c104e5f4ec7ff17b23f4bc48 -7a84d9cc7d2a064be2328d5f183e21f8 -49efdbcfcf32bde3b0cdec517fc14f7d -389c7c5b890a73fec8753a675dd12ac0 -34ec0124d7d734babf76c79ab94c1f5c -2ebfd30a6f0dcae400bdadf27c138d72 -a6520bca33f5d9d47249c9dc72769869 -fb95e55c41d7b4609da78f7e189d57c7 -82ea77ce031ff7f388ca61d8022d0783 -ca4225e905d87de17c4495af7763f853 -066f3b8bc8e25d949c73ec1995072903 -1e4cccb2b9279c0f3d120e3df42eade5 -7148b2d2a566a500df4046b57d64c921 -4d5b28ed4facc34105c548b4ebe445d3 -545fcdc3f4214d1f19b5fdd21cde38bf -c84cea02dae21a7c94d5cbc0de4cebfc -19cb138773f3db150366f8ed3e1b3b44 -72f8c3d5486fe653c8bb99519097eb93 -1205327ef4f1b2b12710c4d648b71de2 -6b2a00d20b89c27e9b4185c2cf9e4aa7 -eae02d1f9b056ed813f864d30f33834d -1c3fecce7632cc859b75c7b88ad2afa2 -ff62c0bcbcc4f685dd3b7831a0f7c3b7 -6fbc36b6b8c22477ff32dac19e4fca28 -7a205daabf8960bf487b9c0b794251bc -cc1c53adf5c99f2264f5e01dc1082a5b -37822839f05c3befd0c99b9f4882ab86 -ee0712096e63be0afd56a74f4a9e0ea1 -c58340ff0f0507240e3a146bdd990cf1 -1a13fd81b213d7163b49db5da00f53c3 -b77cf1f489cdde9eb8a9b67b6b59ec68 -c488149f2cd37c710da574f3b784e6e3 -ae3bb6e6e27b272999c31ef153a3c87a -299a55c8ede63c7897f018b45cb2d5d2 -679042229a62536cc8edbfc04efd4db6 -a8bd219e9c47f19d7a6114e423ad408f -a55dd195a4545ee38d4cf35b1cc2ec63 -583d824859c4312bf9f29e33c9e5bfb9 -4c43c3b27dc8f806a629bf1fed00713f -3e50a377fe876b78b0372275e4280deb -0aa28867b9527b9d3039d51b64c539bd -254ece16803e5c86ab5e848b7ed050f7 -231532acc25316bec842fb9daf8a2433 -ff07a7503a0f5242c20d3120e31edaef -f3d967caf9a18cca0464c94af5e29b96 -f482c7a3e906bbd5f7f84344de95884e -47541c9bfc1f64fb27ed7fe0e51d5820 -d11dd98a13e6931844d099162e944175 -db59cbd3343a3e1c4077e97273947c07 -c488149f2cd37c710da574f3b784e6e3 -684895a24ed48e27092604e5ca55147b -f56742ceec2bb09e4a8f6bfebd19e3b2 -0938f3adcf49644ee5952fce8470e1ee -18c56f68d4a1ca021ef0daffd586e5a1 -2fd39f65bbdfb44ae24952fc55ec828f -56c8dd32289acfc89ddb1cf1eb2080a1 -49df79ad1f22a1cc51d3fe6581c04368 -b39b1edd3defacc1035fedcb9717c13f -493598ca0cfd5a4e3a308cf2d7b337cf -027e12756f7ac9d72a0243e57208d640 -2c3920c38cdb3dac251d35f7cad32d76 -7399b3d9512206b26f885cbbbd5db8a6 -857af50fb527a7b187e2038d1f5339fe -706bd84cee98aa24862c0d84b3ad7d83 -1310c0587c85752e2b2a958cbb8a865b -08e4bf0e8b3d35897f3165db19e2fe45 -cbbdd039f02090f130a774609f546073 -1f98187a1cb50b04fcf9b6483aede1fe -77c77d58fb898a936f534098c7cedde3 -68e0861a93e8f69d18e06446dabb4bfd -d66fcc3a6869fc9e16e412f7102e7a4b -c488149f2cd37c710da574f3b784e6e3 -cbf08ceba8462bc3b63a4b8219b2127f -1c8c65dccc65a874baf6b946323b9fcc -29d53240deda5d41501fcf0a766adfce -9c555f81fba02566811902d04c623d6c -282ba1496fd4242ce2cf2d90e57fe2df -5a071be7bdc03e9f10cfabc35256562f -24154e229b32e53bc9418ec787e17494 -e4bb05aef0f088bc085bd70fdf0e23e5 -75a2e9b4a66c0906aa05841a08796f16 -76fcb7ec78d402d0fcbab783e6a5bb08 -afcd755eb6fe6fbd63064d62b97d7415 -2f749b5bba3fbdf47b6f1786682b6e17 -d7c92cee09b62970b9dec9290507f1ab -4edc1683c236af337baa583a01120d4c -ab9bc82a525b84ffddb8e3e0d3cfb9d6 -12b4b7b4569816cb499a051203f84163 -7dc1829acd3fc5ed7aee352383464a8f -77654e582fa565e1878880c2dc7ccc6a -1af9ca98f02117c715a7d08a93a90d11 -26ee73d5f2cbff2f833e83e3d9d9a970 -aa04ea15b9607d920ae5ae0e826e2b96 -602bd5c724ea9d4c2f446c9491ee35f2 -5a5770df2a95203d87f383ea4bac1c13 -5c3aac1983493dca30d0512e32d73aec -317c5596068ee1d89f1e134f34c41a6f -cb7622696ed1a09922c8bf9e08dab19a -a10993b3fc9e713175e8c15369208e37 -54f94ef6ae99039746b29e8c7b095f42 -fcdf005de9869614d418fda6921736b1 -738526a1206737e49ed2e3ed525cef75 -561075aa5e8c15da84a793cc351ff7f1 -6c31403d96f13e0f99cf70caba5dbcf4 -d2f6e3956e13abcaa5854061ec66b328 -eeb018b28ae4d0aeec0a5644f2784319 -33b6e5e6677d03a5210f04eb9f2b7d25 -a93ff7868bbe0707e01f23b1bd420dc9 -3fcc378ca8ff8d2e57e2768393a78f01 -759ca61e56317dc0c1dfbaec891e0b6d -fd5e636fbb4c6eea0383f7803f32649f -743f50f5512c8b8d8a045c8987e2f490 -cc40b9e052b524fa882b812be835e2b1 -2299e5fd3ff04cdac5473479dab4ca12 -80ed2351ed5645b10ee59c49de2fa85e -72e70ae8fcea406a4175cb8aff365f26 -ce7eab5316ddbe8492a911fd6e9360ec -0a3db22db2ec36d2274be2e6c1a3f281 -7accc6b329e87fd488a8611be2822c31 -9d75768514ae1e9d815d44770c2c7528 -2c099e9ad0ef0ed8fbbe5207d86bf1c3 -1735d7847e15f75103dab33ae7812593 -4ccf7af16a1e132915a53b5c1d0489b4 -9d6dc0eeb89233b2fc2e4cb6b0c03c8d -9c174a9728ba905330d53404350e5030 -b1e90f473873c0de27feadd42f784cde -d96712e0a516217a4b15f21da3e09dee -9c64543bc5757fd9bd385ad1977d98f6 -6f3c09ff2b603f88f9cb59643bf60d27 -195710ebfdac31abc9a8c1cf70af64c5 -dc69356b009931763e60494ed65b091b -8700c86a88cc28873a3fa38dddeb657d -d2deadd2e486200fad9d7504a6be272b -94c1f1fcc101819c1b0ea619b1d14a4d -bd1f3fcfb0080ad24fbaf522f46d93d0 -7ab6e91e95dc46c43f6fd453a7fa08d2 -b62bf9ecb1504fafcbb2f1dfd3577adb -d79e834a074be79732214c241acbafae -248fbfb44e4c7b6252c43f6efd57beeb -9d0a3bf0fbfd3ac5a326da42730c59d8 -0381868fc1424a5a2cbddc0dcd3e03ff -99fe35974f3b3e44222d3ea922361441 -ee649ecf9af62537230d53a1669aded9 -7c603f02ecae615a6e6db193c833049d -70643a56ccda1e41c853b626fc61b2b7 -7aede03b88b41aed480873dcc1155ff1 -f82eb261734ae9506f3a2b0982f5a436 -b7e0ea765ce79b16b3360b6f7c20bf3e -e42f1bb671e9007a58a56a0dbcfba96a -4944c8ab32140b11ea96055b536195bd -2398160da9da6e05ed4cf41c313ab359 -83640e4eebfa904a335fcce7308f76ee -b79bcd180ab4105bc7d477594366ac32 -9ea57e40b2a085a34432903153b6f553 -a55bd0247b2b97299a21ca33ea4153d6 -b917bdac8ecdd58d62c662604fe41156 -de0e9b8d929f8ea4c6e9fbdbc5702539 -a1f86a115d6771f2f49c192187433937 -3c0441d69f6f21890f07b791a2a0f975 -df50c0c577db9620d65c461514753cc6 -e2c2fdddc294a14e81ab638877746897 -6289fc9313430c398a5a154a4184e643 -45858d3c16515a018a55bdd63a8dcaa0 -094235d47192c91bd2bfeaa2005c4a95 -e50ae9b60d3a2527545c2a9c3c840947 -38e807c4d51ea851182e89b2a26823c9 -7b0e3b866a0ad9aedac142b017a46d23 -82f53c138d9ae0442f42357538c2623a -e6dd1e0d8fd1dc6ace7026f8749c1fed -221c01f90c00e98ceccef860b33ecb76 -1d39503ae9334f6eee559bdd70f8c24f -f4b9da2652eb0dce90a9ea3335cd36c0 -d403bb7dcbe901eb8f248e87c03fb7cd -41e7fab08927a26a7afd6a8830bc2d8c -539e6c09143a295cea430c7459bbff33 -fd83d05f82a4edf4a01c56ce3a8d6e63 -8fead59e6616e753f9f1c27156353947 -61be36cf0a2880d4b38c575b65699b4a -83232153c59247187570377af0a1d223 -dc9777a4cef96dc2f46a5381ba058256 -322d9cd44c707f6b54e55775700ca514 -7587ebafebed7d9bdaa6165db2c43608 -83ddc19beea20010318bce4722d890d5 -bb64c8f176f3c4d87ff260be720d66c3 -202c811375f61cd6d5840a40cf2cb4ba -7b3460f9e8dd28202111ec582e965d55 -dd087f5adcd94116225963397ac25889 -5e5865e8d2f48d93066c866aa31c5983 -ff2d856e56b5768688a1d1de00c143dc -90245b98df873843287f68caf9da596b -fb793952993781dbee22336bc6296987 -5107088c9476c07bdd32af1b9d67108e -969bfa927f27ca1c98c00d3ae589f623 -37969f2b2add6199fb00780899ce8c0d -122742f2e218d003cc22d108df9c668a -c72c77ff2373bc0e0d9beebf35c0dc07 -43eefd064d333877c59ee7362d044e0c diff --git a/lib_v5/filelists/hashes/mdx_new_inst_hashes.txt b/lib_v5/filelists/hashes/mdx_new_inst_hashes.txt deleted file mode 100644 index a25e871..0000000 --- a/lib_v5/filelists/hashes/mdx_new_inst_hashes.txt +++ /dev/null @@ -1,56 +0,0 @@ -c488149f2cd37c710da574f3b784e6e3 -2223f985aa47e99a0348f987ea2a3db6 -3fc1fa83cebb144dca7d379a3767ac77 -dfe5e1f42c42dcc262f2a2e2bc4ca7aa -69108243963e4ed3fe22fdb37b812fe8 -ec3d6dc24c75e06a72fe1a2bd970b7b0 -aee23fcb90ef135bbd036f6e1c1ad9f9 -4561b9240c9acaf13eee2bd0186b4df4 -da0f43e81eb60b0bdacedd2de4758ee9 -5ee77a84e40bbd66a9d2b08b6a4c8496 -8b0526d02937c08adc95dfd57652c915 -08ff1d3a743eb2377c96b3de793990a0 -af292ce84aa6125ab75020f31e183f5b -7f56ee6b9ee402802c403f348fea58cb -038bb0d0a9f3c89b5671189384cfdf91 -db79054b3ae6c30f655e8ff12d64caa7 -b2e16d43ef559782a32874ffdace8b82 -c488149f2cd37c710da574f3b784e6e3 -b71bb782cad9b8c6ea0a72c6ae69e8b4 -9d478026519f140e14e9c1bb32fcc522 -e81c4b46ec685b3ce227f426f884cfe0 -e9edcfacbbbbc513734082e1c1f7f6ad -8d0bb54171a0996f2610be0fdc5743a8 -fbe5c4eecc1f3ad4b38364d77a774013 -66209e099302542c627c29bbb6976c59 -ee7b7dcda4e4353730cf89afc881c8cb -0d09ab08de2cf0efe123144589345a33 -be2cff51fc6fcae172d30d3f1c142ee6 -b53e4cc77f9c47cbc6184cc7158f65ca -c38f6a06977b9bc287c83f1e80ee0d9f -0e05e776801b7016714015043e97373b -fd39ea4282a92d3cb5f8d502e4c44ffa -c937b7662b6f5cd92ff82fe595f160e7 -c0e0e9c44f815c1d0c0737343d702923 -c488149f2cd37c710da574f3b784e6e3 -823ef02eadf24f652609959e3a35206e -674e8851d69bef3e4e1724d21247a8dc -d3543c7b5d214515a7bd55d57b2413a0 -eb1179fb56fbcab660d9b69f9ac9cbe7 -0f7f0b21feb6b1b6e843f6047a3af13a -b6f8de9a8316d5bd330a84eb22078ef4 -6dd6104d3ba4b3e9f47fba7d6c84dd9c -1579df63864bf6ec11f2484cb2cfca7e -3d2af588b96dc0e84be66804684e7c56 -6e566b37b3cec881ec93cfe415a710ec -455c272b691c1001aa9b9cad5dfedd20 -ec892e0ea6f973d8c15645e621ee8fe1 -4a0b13b03e4db47191f387c2ced82f73 -e5d6e895bcbe4ca62ca9cc8808d8da6e -4a0b13b03e4db47191f387c2ced82f73 -e5d6e895bcbe4ca62ca9cc8808d8da6e -9df9f3bf4c7151fc36fb822d7728f433 -4475c1d3f79482cb2082f1bd13899e1b -3d3523c8e0ab0a355748f38449331918 -24bb2808feae6efb2aaae9db3778886c -947e6dd9e4aea2811eb3fb26d4bde615 diff --git a/lib_v5/filelists/hashes/mdx_original_hashes.txt b/lib_v5/filelists/hashes/mdx_original_hashes.txt deleted file mode 100644 index dbbec24..0000000 --- a/lib_v5/filelists/hashes/mdx_original_hashes.txt +++ /dev/null @@ -1,5 +0,0 @@ -1bbcb39d8a4be721d9322e62f13de1c1 -94422d1d6eb7019eff97dbef2daba979 -d3b87173f484864674ee2a21cd7b35f2 -053f663b23c70c6c1f52938fb480f5b8 -76929c1b5b9b804f89f4ebb78712c668 \ No newline at end of file diff --git a/lib_v5/filelists/model_cache/mdx_model_cache/cache_goes_here.txt b/lib_v5/filelists/model_cache/mdx_model_cache/cache_goes_here.txt deleted file mode 100644 index 4502017..0000000 --- a/lib_v5/filelists/model_cache/mdx_model_cache/cache_goes_here.txt +++ /dev/null @@ -1 +0,0 @@ -cache_goes_here \ No newline at end of file diff --git a/lib_v5/filelists/model_cache/vr_param_cache/cache_goes_here.txt b/lib_v5/filelists/model_cache/vr_param_cache/cache_goes_here.txt deleted file mode 100644 index 4502017..0000000 --- a/lib_v5/filelists/model_cache/vr_param_cache/cache_goes_here.txt +++ /dev/null @@ -1 +0,0 @@ -cache_goes_here \ No newline at end of file diff --git a/lib_v5/fonts/centurygothic/GOTHIC.TTF b/lib_v5/fonts/centurygothic/GOTHIC.TTF deleted file mode 100644 index c60a324..0000000 Binary files a/lib_v5/fonts/centurygothic/GOTHIC.TTF and /dev/null differ diff --git a/lib_v5/fonts/centurygothic/GOTHICB.TTF b/lib_v5/fonts/centurygothic/GOTHICB.TTF deleted file mode 100644 index d3577b9..0000000 Binary files a/lib_v5/fonts/centurygothic/GOTHICB.TTF and /dev/null differ diff --git a/lib_v5/fonts/centurygothic/GOTHICBI.TTF b/lib_v5/fonts/centurygothic/GOTHICBI.TTF deleted file mode 100644 index d01cefa..0000000 Binary files a/lib_v5/fonts/centurygothic/GOTHICBI.TTF and /dev/null differ diff --git a/lib_v5/fonts/centurygothic/GOTHICI.TTF b/lib_v5/fonts/centurygothic/GOTHICI.TTF deleted file mode 100644 index 777a6d8..0000000 Binary files a/lib_v5/fonts/centurygothic/GOTHICI.TTF and /dev/null differ diff --git a/lib_v5/fonts/unispace/unispace.ttf b/lib_v5/fonts/unispace/unispace.ttf deleted file mode 100644 index 6151186..0000000 Binary files a/lib_v5/fonts/unispace/unispace.ttf and /dev/null differ diff --git a/lib_v5/fonts/unispace/unispace_bd.ttf b/lib_v5/fonts/unispace/unispace_bd.ttf deleted file mode 100644 index 5312426..0000000 Binary files a/lib_v5/fonts/unispace/unispace_bd.ttf and /dev/null differ diff --git a/lib_v5/fonts/unispace/unispace_bd_it.ttf b/lib_v5/fonts/unispace/unispace_bd_it.ttf deleted file mode 100644 index 8f14509..0000000 Binary files a/lib_v5/fonts/unispace/unispace_bd_it.ttf and /dev/null differ diff --git a/lib_v5/fonts/unispace/unispace_it.ttf b/lib_v5/fonts/unispace/unispace_it.ttf deleted file mode 100644 index be4b6e8..0000000 Binary files a/lib_v5/fonts/unispace/unispace_it.ttf and /dev/null differ diff --git a/lib_v5/layers.py b/lib_v5/layers.py deleted file mode 100644 index e48d70b..0000000 --- a/lib_v5/layers.py +++ /dev/null @@ -1,116 +0,0 @@ -import torch -from torch import nn -import torch.nn.functional as F - -from lib_v5 import spec_utils - - -class Conv2DBNActiv(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, dilation=1, activ=nn.ReLU): - super(Conv2DBNActiv, self).__init__() - self.conv = nn.Sequential( - nn.Conv2d( - nin, nout, - kernel_size=ksize, - stride=stride, - padding=pad, - dilation=dilation, - bias=False), - nn.BatchNorm2d(nout), - activ() - ) - - def __call__(self, x): - return self.conv(x) - - -class SeperableConv2DBNActiv(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, dilation=1, activ=nn.ReLU): - super(SeperableConv2DBNActiv, self).__init__() - self.conv = nn.Sequential( - nn.Conv2d( - nin, nin, - kernel_size=ksize, - stride=stride, - padding=pad, - dilation=dilation, - groups=nin, - bias=False), - nn.Conv2d( - nin, nout, - kernel_size=1, - bias=False), - nn.BatchNorm2d(nout), - activ() - ) - - def __call__(self, x): - return self.conv(x) - - -class Encoder(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, activ=nn.LeakyReLU): - super(Encoder, self).__init__() - self.conv1 = Conv2DBNActiv(nin, nout, ksize, 1, pad, activ=activ) - self.conv2 = Conv2DBNActiv(nout, nout, ksize, stride, pad, activ=activ) - - def __call__(self, x): - skip = self.conv1(x) - h = self.conv2(skip) - - return h, skip - - -class Decoder(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, activ=nn.ReLU, dropout=False): - super(Decoder, self).__init__() - self.conv = Conv2DBNActiv(nin, nout, ksize, 1, pad, activ=activ) - self.dropout = nn.Dropout2d(0.1) if dropout else None - - def __call__(self, x, skip=None): - x = F.interpolate(x, scale_factor=2, mode='bilinear', align_corners=True) - if skip is not None: - skip = spec_utils.crop_center(skip, x) - x = torch.cat([x, skip], dim=1) - h = self.conv(x) - - if self.dropout is not None: - h = self.dropout(h) - - return h - - -class ASPPModule(nn.Module): - - def __init__(self, nin, nout, dilations=(4, 8, 16), activ=nn.ReLU): - super(ASPPModule, self).__init__() - self.conv1 = nn.Sequential( - nn.AdaptiveAvgPool2d((1, None)), - Conv2DBNActiv(nin, nin, 1, 1, 0, activ=activ) - ) - self.conv2 = Conv2DBNActiv(nin, nin, 1, 1, 0, activ=activ) - self.conv3 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[0], dilations[0], activ=activ) - self.conv4 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[1], dilations[1], activ=activ) - self.conv5 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[2], dilations[2], activ=activ) - self.bottleneck = nn.Sequential( - Conv2DBNActiv(nin * 5, nout, 1, 1, 0, activ=activ), - nn.Dropout2d(0.1) - ) - - def forward(self, x): - _, _, h, w = x.size() - feat1 = F.interpolate(self.conv1(x), size=(h, w), mode='bilinear', align_corners=True) - feat2 = self.conv2(x) - feat3 = self.conv3(x) - feat4 = self.conv4(x) - feat5 = self.conv5(x) - out = torch.cat((feat1, feat2, feat3, feat4, feat5), dim=1) - bottle = self.bottleneck(out) - return bottle diff --git a/lib_v5/layers_123812KB .py b/lib_v5/layers_123812KB .py deleted file mode 100644 index e48d70b..0000000 --- a/lib_v5/layers_123812KB .py +++ /dev/null @@ -1,116 +0,0 @@ -import torch -from torch import nn -import torch.nn.functional as F - -from lib_v5 import spec_utils - - -class Conv2DBNActiv(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, dilation=1, activ=nn.ReLU): - super(Conv2DBNActiv, self).__init__() - self.conv = nn.Sequential( - nn.Conv2d( - nin, nout, - kernel_size=ksize, - stride=stride, - padding=pad, - dilation=dilation, - bias=False), - nn.BatchNorm2d(nout), - activ() - ) - - def __call__(self, x): - return self.conv(x) - - -class SeperableConv2DBNActiv(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, dilation=1, activ=nn.ReLU): - super(SeperableConv2DBNActiv, self).__init__() - self.conv = nn.Sequential( - nn.Conv2d( - nin, nin, - kernel_size=ksize, - stride=stride, - padding=pad, - dilation=dilation, - groups=nin, - bias=False), - nn.Conv2d( - nin, nout, - kernel_size=1, - bias=False), - nn.BatchNorm2d(nout), - activ() - ) - - def __call__(self, x): - return self.conv(x) - - -class Encoder(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, activ=nn.LeakyReLU): - super(Encoder, self).__init__() - self.conv1 = Conv2DBNActiv(nin, nout, ksize, 1, pad, activ=activ) - self.conv2 = Conv2DBNActiv(nout, nout, ksize, stride, pad, activ=activ) - - def __call__(self, x): - skip = self.conv1(x) - h = self.conv2(skip) - - return h, skip - - -class Decoder(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, activ=nn.ReLU, dropout=False): - super(Decoder, self).__init__() - self.conv = Conv2DBNActiv(nin, nout, ksize, 1, pad, activ=activ) - self.dropout = nn.Dropout2d(0.1) if dropout else None - - def __call__(self, x, skip=None): - x = F.interpolate(x, scale_factor=2, mode='bilinear', align_corners=True) - if skip is not None: - skip = spec_utils.crop_center(skip, x) - x = torch.cat([x, skip], dim=1) - h = self.conv(x) - - if self.dropout is not None: - h = self.dropout(h) - - return h - - -class ASPPModule(nn.Module): - - def __init__(self, nin, nout, dilations=(4, 8, 16), activ=nn.ReLU): - super(ASPPModule, self).__init__() - self.conv1 = nn.Sequential( - nn.AdaptiveAvgPool2d((1, None)), - Conv2DBNActiv(nin, nin, 1, 1, 0, activ=activ) - ) - self.conv2 = Conv2DBNActiv(nin, nin, 1, 1, 0, activ=activ) - self.conv3 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[0], dilations[0], activ=activ) - self.conv4 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[1], dilations[1], activ=activ) - self.conv5 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[2], dilations[2], activ=activ) - self.bottleneck = nn.Sequential( - Conv2DBNActiv(nin * 5, nout, 1, 1, 0, activ=activ), - nn.Dropout2d(0.1) - ) - - def forward(self, x): - _, _, h, w = x.size() - feat1 = F.interpolate(self.conv1(x), size=(h, w), mode='bilinear', align_corners=True) - feat2 = self.conv2(x) - feat3 = self.conv3(x) - feat4 = self.conv4(x) - feat5 = self.conv5(x) - out = torch.cat((feat1, feat2, feat3, feat4, feat5), dim=1) - bottle = self.bottleneck(out) - return bottle diff --git a/lib_v5/layers_123821KB.py b/lib_v5/layers_123821KB.py deleted file mode 100644 index e48d70b..0000000 --- a/lib_v5/layers_123821KB.py +++ /dev/null @@ -1,116 +0,0 @@ -import torch -from torch import nn -import torch.nn.functional as F - -from lib_v5 import spec_utils - - -class Conv2DBNActiv(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, dilation=1, activ=nn.ReLU): - super(Conv2DBNActiv, self).__init__() - self.conv = nn.Sequential( - nn.Conv2d( - nin, nout, - kernel_size=ksize, - stride=stride, - padding=pad, - dilation=dilation, - bias=False), - nn.BatchNorm2d(nout), - activ() - ) - - def __call__(self, x): - return self.conv(x) - - -class SeperableConv2DBNActiv(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, dilation=1, activ=nn.ReLU): - super(SeperableConv2DBNActiv, self).__init__() - self.conv = nn.Sequential( - nn.Conv2d( - nin, nin, - kernel_size=ksize, - stride=stride, - padding=pad, - dilation=dilation, - groups=nin, - bias=False), - nn.Conv2d( - nin, nout, - kernel_size=1, - bias=False), - nn.BatchNorm2d(nout), - activ() - ) - - def __call__(self, x): - return self.conv(x) - - -class Encoder(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, activ=nn.LeakyReLU): - super(Encoder, self).__init__() - self.conv1 = Conv2DBNActiv(nin, nout, ksize, 1, pad, activ=activ) - self.conv2 = Conv2DBNActiv(nout, nout, ksize, stride, pad, activ=activ) - - def __call__(self, x): - skip = self.conv1(x) - h = self.conv2(skip) - - return h, skip - - -class Decoder(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, activ=nn.ReLU, dropout=False): - super(Decoder, self).__init__() - self.conv = Conv2DBNActiv(nin, nout, ksize, 1, pad, activ=activ) - self.dropout = nn.Dropout2d(0.1) if dropout else None - - def __call__(self, x, skip=None): - x = F.interpolate(x, scale_factor=2, mode='bilinear', align_corners=True) - if skip is not None: - skip = spec_utils.crop_center(skip, x) - x = torch.cat([x, skip], dim=1) - h = self.conv(x) - - if self.dropout is not None: - h = self.dropout(h) - - return h - - -class ASPPModule(nn.Module): - - def __init__(self, nin, nout, dilations=(4, 8, 16), activ=nn.ReLU): - super(ASPPModule, self).__init__() - self.conv1 = nn.Sequential( - nn.AdaptiveAvgPool2d((1, None)), - Conv2DBNActiv(nin, nin, 1, 1, 0, activ=activ) - ) - self.conv2 = Conv2DBNActiv(nin, nin, 1, 1, 0, activ=activ) - self.conv3 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[0], dilations[0], activ=activ) - self.conv4 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[1], dilations[1], activ=activ) - self.conv5 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[2], dilations[2], activ=activ) - self.bottleneck = nn.Sequential( - Conv2DBNActiv(nin * 5, nout, 1, 1, 0, activ=activ), - nn.Dropout2d(0.1) - ) - - def forward(self, x): - _, _, h, w = x.size() - feat1 = F.interpolate(self.conv1(x), size=(h, w), mode='bilinear', align_corners=True) - feat2 = self.conv2(x) - feat3 = self.conv3(x) - feat4 = self.conv4(x) - feat5 = self.conv5(x) - out = torch.cat((feat1, feat2, feat3, feat4, feat5), dim=1) - bottle = self.bottleneck(out) - return bottle diff --git a/lib_v5/layers_129605KB.py b/lib_v5/layers_129605KB.py deleted file mode 100644 index 6c318de..0000000 --- a/lib_v5/layers_129605KB.py +++ /dev/null @@ -1,119 +0,0 @@ -import torch -from torch import nn -import torch.nn.functional as F - -from lib_v5 import spec_utils - - -class Conv2DBNActiv(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, dilation=1, activ=nn.ReLU): - super(Conv2DBNActiv, self).__init__() - self.conv = nn.Sequential( - nn.Conv2d( - nin, nout, - kernel_size=ksize, - stride=stride, - padding=pad, - dilation=dilation, - bias=False), - nn.BatchNorm2d(nout), - activ() - ) - - def __call__(self, x): - return self.conv(x) - - -class SeperableConv2DBNActiv(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, dilation=1, activ=nn.ReLU): - super(SeperableConv2DBNActiv, self).__init__() - self.conv = nn.Sequential( - nn.Conv2d( - nin, nin, - kernel_size=ksize, - stride=stride, - padding=pad, - dilation=dilation, - groups=nin, - bias=False), - nn.Conv2d( - nin, nout, - kernel_size=1, - bias=False), - nn.BatchNorm2d(nout), - activ() - ) - - def __call__(self, x): - return self.conv(x) - - -class Encoder(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, activ=nn.LeakyReLU): - super(Encoder, self).__init__() - self.conv1 = Conv2DBNActiv(nin, nout, ksize, 1, pad, activ=activ) - self.conv2 = Conv2DBNActiv(nout, nout, ksize, stride, pad, activ=activ) - - def __call__(self, x): - skip = self.conv1(x) - h = self.conv2(skip) - - return h, skip - - -class Decoder(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, activ=nn.ReLU, dropout=False): - super(Decoder, self).__init__() - self.conv = Conv2DBNActiv(nin, nout, ksize, 1, pad, activ=activ) - self.dropout = nn.Dropout2d(0.1) if dropout else None - - def __call__(self, x, skip=None): - x = F.interpolate(x, scale_factor=2, mode='bilinear', align_corners=True) - if skip is not None: - skip = spec_utils.crop_center(skip, x) - x = torch.cat([x, skip], dim=1) - h = self.conv(x) - - if self.dropout is not None: - h = self.dropout(h) - - return h - - -class ASPPModule(nn.Module): - - def __init__(self, nin, nout, dilations=(4, 8, 16, 32), activ=nn.ReLU): - super(ASPPModule, self).__init__() - self.conv1 = nn.Sequential( - nn.AdaptiveAvgPool2d((1, None)), - Conv2DBNActiv(nin, nin, 1, 1, 0, activ=activ) - ) - self.conv2 = Conv2DBNActiv(nin, nin, 1, 1, 0, activ=activ) - self.conv3 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[0], dilations[0], activ=activ) - self.conv4 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[1], dilations[1], activ=activ) - self.conv5 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[2], dilations[2], activ=activ) - self.conv6 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[2], dilations[2], activ=activ) - self.bottleneck = nn.Sequential( - Conv2DBNActiv(nin * 6, nout, 1, 1, 0, activ=activ), - nn.Dropout2d(0.1) - ) - - def forward(self, x): - _, _, h, w = x.size() - feat1 = F.interpolate(self.conv1(x), size=(h, w), mode='bilinear', align_corners=True) - feat2 = self.conv2(x) - feat3 = self.conv3(x) - feat4 = self.conv4(x) - feat5 = self.conv5(x) - feat6 = self.conv6(x) - out = torch.cat((feat1, feat2, feat3, feat4, feat5, feat6), dim=1) - bottle = self.bottleneck(out) - return bottle diff --git a/lib_v5/layers_33966KB.py b/lib_v5/layers_33966KB.py deleted file mode 100644 index d410a21..0000000 --- a/lib_v5/layers_33966KB.py +++ /dev/null @@ -1,122 +0,0 @@ -import torch -from torch import nn -import torch.nn.functional as F - -from lib_v5 import spec_utils - - -class Conv2DBNActiv(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, dilation=1, activ=nn.ReLU): - super(Conv2DBNActiv, self).__init__() - self.conv = nn.Sequential( - nn.Conv2d( - nin, nout, - kernel_size=ksize, - stride=stride, - padding=pad, - dilation=dilation, - bias=False), - nn.BatchNorm2d(nout), - activ() - ) - - def __call__(self, x): - return self.conv(x) - - -class SeperableConv2DBNActiv(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, dilation=1, activ=nn.ReLU): - super(SeperableConv2DBNActiv, self).__init__() - self.conv = nn.Sequential( - nn.Conv2d( - nin, nin, - kernel_size=ksize, - stride=stride, - padding=pad, - dilation=dilation, - groups=nin, - bias=False), - nn.Conv2d( - nin, nout, - kernel_size=1, - bias=False), - nn.BatchNorm2d(nout), - activ() - ) - - def __call__(self, x): - return self.conv(x) - - -class Encoder(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, activ=nn.LeakyReLU): - super(Encoder, self).__init__() - self.conv1 = Conv2DBNActiv(nin, nout, ksize, 1, pad, activ=activ) - self.conv2 = Conv2DBNActiv(nout, nout, ksize, stride, pad, activ=activ) - - def __call__(self, x): - skip = self.conv1(x) - h = self.conv2(skip) - - return h, skip - - -class Decoder(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, activ=nn.ReLU, dropout=False): - super(Decoder, self).__init__() - self.conv = Conv2DBNActiv(nin, nout, ksize, 1, pad, activ=activ) - self.dropout = nn.Dropout2d(0.1) if dropout else None - - def __call__(self, x, skip=None): - x = F.interpolate(x, scale_factor=2, mode='bilinear', align_corners=True) - if skip is not None: - skip = spec_utils.crop_center(skip, x) - x = torch.cat([x, skip], dim=1) - h = self.conv(x) - - if self.dropout is not None: - h = self.dropout(h) - - return h - - -class ASPPModule(nn.Module): - - def __init__(self, nin, nout, dilations=(4, 8, 16, 32, 64), activ=nn.ReLU): - super(ASPPModule, self).__init__() - self.conv1 = nn.Sequential( - nn.AdaptiveAvgPool2d((1, None)), - Conv2DBNActiv(nin, nin, 1, 1, 0, activ=activ) - ) - self.conv2 = Conv2DBNActiv(nin, nin, 1, 1, 0, activ=activ) - self.conv3 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[0], dilations[0], activ=activ) - self.conv4 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[1], dilations[1], activ=activ) - self.conv5 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[2], dilations[2], activ=activ) - self.conv6 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[2], dilations[2], activ=activ) - self.conv7 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[2], dilations[2], activ=activ) - self.bottleneck = nn.Sequential( - Conv2DBNActiv(nin * 7, nout, 1, 1, 0, activ=activ), - nn.Dropout2d(0.1) - ) - - def forward(self, x): - _, _, h, w = x.size() - feat1 = F.interpolate(self.conv1(x), size=(h, w), mode='bilinear', align_corners=True) - feat2 = self.conv2(x) - feat3 = self.conv3(x) - feat4 = self.conv4(x) - feat5 = self.conv5(x) - feat6 = self.conv6(x) - feat7 = self.conv7(x) - out = torch.cat((feat1, feat2, feat3, feat4, feat5, feat6, feat7), dim=1) - bottle = self.bottleneck(out) - return bottle diff --git a/lib_v5/layers_537227KB.py b/lib_v5/layers_537227KB.py deleted file mode 100644 index d410a21..0000000 --- a/lib_v5/layers_537227KB.py +++ /dev/null @@ -1,122 +0,0 @@ -import torch -from torch import nn -import torch.nn.functional as F - -from lib_v5 import spec_utils - - -class Conv2DBNActiv(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, dilation=1, activ=nn.ReLU): - super(Conv2DBNActiv, self).__init__() - self.conv = nn.Sequential( - nn.Conv2d( - nin, nout, - kernel_size=ksize, - stride=stride, - padding=pad, - dilation=dilation, - bias=False), - nn.BatchNorm2d(nout), - activ() - ) - - def __call__(self, x): - return self.conv(x) - - -class SeperableConv2DBNActiv(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, dilation=1, activ=nn.ReLU): - super(SeperableConv2DBNActiv, self).__init__() - self.conv = nn.Sequential( - nn.Conv2d( - nin, nin, - kernel_size=ksize, - stride=stride, - padding=pad, - dilation=dilation, - groups=nin, - bias=False), - nn.Conv2d( - nin, nout, - kernel_size=1, - bias=False), - nn.BatchNorm2d(nout), - activ() - ) - - def __call__(self, x): - return self.conv(x) - - -class Encoder(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, activ=nn.LeakyReLU): - super(Encoder, self).__init__() - self.conv1 = Conv2DBNActiv(nin, nout, ksize, 1, pad, activ=activ) - self.conv2 = Conv2DBNActiv(nout, nout, ksize, stride, pad, activ=activ) - - def __call__(self, x): - skip = self.conv1(x) - h = self.conv2(skip) - - return h, skip - - -class Decoder(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, activ=nn.ReLU, dropout=False): - super(Decoder, self).__init__() - self.conv = Conv2DBNActiv(nin, nout, ksize, 1, pad, activ=activ) - self.dropout = nn.Dropout2d(0.1) if dropout else None - - def __call__(self, x, skip=None): - x = F.interpolate(x, scale_factor=2, mode='bilinear', align_corners=True) - if skip is not None: - skip = spec_utils.crop_center(skip, x) - x = torch.cat([x, skip], dim=1) - h = self.conv(x) - - if self.dropout is not None: - h = self.dropout(h) - - return h - - -class ASPPModule(nn.Module): - - def __init__(self, nin, nout, dilations=(4, 8, 16, 32, 64), activ=nn.ReLU): - super(ASPPModule, self).__init__() - self.conv1 = nn.Sequential( - nn.AdaptiveAvgPool2d((1, None)), - Conv2DBNActiv(nin, nin, 1, 1, 0, activ=activ) - ) - self.conv2 = Conv2DBNActiv(nin, nin, 1, 1, 0, activ=activ) - self.conv3 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[0], dilations[0], activ=activ) - self.conv4 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[1], dilations[1], activ=activ) - self.conv5 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[2], dilations[2], activ=activ) - self.conv6 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[2], dilations[2], activ=activ) - self.conv7 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[2], dilations[2], activ=activ) - self.bottleneck = nn.Sequential( - Conv2DBNActiv(nin * 7, nout, 1, 1, 0, activ=activ), - nn.Dropout2d(0.1) - ) - - def forward(self, x): - _, _, h, w = x.size() - feat1 = F.interpolate(self.conv1(x), size=(h, w), mode='bilinear', align_corners=True) - feat2 = self.conv2(x) - feat3 = self.conv3(x) - feat4 = self.conv4(x) - feat5 = self.conv5(x) - feat6 = self.conv6(x) - feat7 = self.conv7(x) - out = torch.cat((feat1, feat2, feat3, feat4, feat5, feat6, feat7), dim=1) - bottle = self.bottleneck(out) - return bottle diff --git a/lib_v5/layers_537238KB.py b/lib_v5/layers_537238KB.py deleted file mode 100644 index d410a21..0000000 --- a/lib_v5/layers_537238KB.py +++ /dev/null @@ -1,122 +0,0 @@ -import torch -from torch import nn -import torch.nn.functional as F - -from lib_v5 import spec_utils - - -class Conv2DBNActiv(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, dilation=1, activ=nn.ReLU): - super(Conv2DBNActiv, self).__init__() - self.conv = nn.Sequential( - nn.Conv2d( - nin, nout, - kernel_size=ksize, - stride=stride, - padding=pad, - dilation=dilation, - bias=False), - nn.BatchNorm2d(nout), - activ() - ) - - def __call__(self, x): - return self.conv(x) - - -class SeperableConv2DBNActiv(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, dilation=1, activ=nn.ReLU): - super(SeperableConv2DBNActiv, self).__init__() - self.conv = nn.Sequential( - nn.Conv2d( - nin, nin, - kernel_size=ksize, - stride=stride, - padding=pad, - dilation=dilation, - groups=nin, - bias=False), - nn.Conv2d( - nin, nout, - kernel_size=1, - bias=False), - nn.BatchNorm2d(nout), - activ() - ) - - def __call__(self, x): - return self.conv(x) - - -class Encoder(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, activ=nn.LeakyReLU): - super(Encoder, self).__init__() - self.conv1 = Conv2DBNActiv(nin, nout, ksize, 1, pad, activ=activ) - self.conv2 = Conv2DBNActiv(nout, nout, ksize, stride, pad, activ=activ) - - def __call__(self, x): - skip = self.conv1(x) - h = self.conv2(skip) - - return h, skip - - -class Decoder(nn.Module): - - def __init__(self, nin, nout, ksize=3, stride=1, pad=1, activ=nn.ReLU, dropout=False): - super(Decoder, self).__init__() - self.conv = Conv2DBNActiv(nin, nout, ksize, 1, pad, activ=activ) - self.dropout = nn.Dropout2d(0.1) if dropout else None - - def __call__(self, x, skip=None): - x = F.interpolate(x, scale_factor=2, mode='bilinear', align_corners=True) - if skip is not None: - skip = spec_utils.crop_center(skip, x) - x = torch.cat([x, skip], dim=1) - h = self.conv(x) - - if self.dropout is not None: - h = self.dropout(h) - - return h - - -class ASPPModule(nn.Module): - - def __init__(self, nin, nout, dilations=(4, 8, 16, 32, 64), activ=nn.ReLU): - super(ASPPModule, self).__init__() - self.conv1 = nn.Sequential( - nn.AdaptiveAvgPool2d((1, None)), - Conv2DBNActiv(nin, nin, 1, 1, 0, activ=activ) - ) - self.conv2 = Conv2DBNActiv(nin, nin, 1, 1, 0, activ=activ) - self.conv3 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[0], dilations[0], activ=activ) - self.conv4 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[1], dilations[1], activ=activ) - self.conv5 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[2], dilations[2], activ=activ) - self.conv6 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[2], dilations[2], activ=activ) - self.conv7 = SeperableConv2DBNActiv( - nin, nin, 3, 1, dilations[2], dilations[2], activ=activ) - self.bottleneck = nn.Sequential( - Conv2DBNActiv(nin * 7, nout, 1, 1, 0, activ=activ), - nn.Dropout2d(0.1) - ) - - def forward(self, x): - _, _, h, w = x.size() - feat1 = F.interpolate(self.conv1(x), size=(h, w), mode='bilinear', align_corners=True) - feat2 = self.conv2(x) - feat3 = self.conv3(x) - feat4 = self.conv4(x) - feat5 = self.conv5(x) - feat6 = self.conv6(x) - feat7 = self.conv7(x) - out = torch.cat((feat1, feat2, feat3, feat4, feat5, feat6, feat7), dim=1) - bottle = self.bottleneck(out) - return bottle diff --git a/lib_v5/model_param_init.py b/lib_v5/model_param_init.py deleted file mode 100644 index 0cee888..0000000 --- a/lib_v5/model_param_init.py +++ /dev/null @@ -1,60 +0,0 @@ -import json -import os -import pathlib - -default_param = {} -default_param['bins'] = 768 -default_param['unstable_bins'] = 9 # training only -default_param['reduction_bins'] = 762 # training only -default_param['sr'] = 44100 -default_param['pre_filter_start'] = 757 -default_param['pre_filter_stop'] = 768 -default_param['band'] = {} - - -default_param['band'][1] = { - 'sr': 11025, - 'hl': 128, - 'n_fft': 960, - 'crop_start': 0, - 'crop_stop': 245, - 'lpf_start': 61, # inference only - 'res_type': 'polyphase' -} - -default_param['band'][2] = { - 'sr': 44100, - 'hl': 512, - 'n_fft': 1536, - 'crop_start': 24, - 'crop_stop': 547, - 'hpf_start': 81, # inference only - 'res_type': 'sinc_best' -} - - -def int_keys(d): - r = {} - for k, v in d: - if k.isdigit(): - k = int(k) - r[k] = v - return r - - -class ModelParameters(object): - def __init__(self, config_path=''): - if '.pth' == pathlib.Path(config_path).suffix: - import zipfile - - with zipfile.ZipFile(config_path, 'r') as zip: - self.param = json.loads(zip.read('param.json'), object_pairs_hook=int_keys) - elif '.json' == pathlib.Path(config_path).suffix: - with open(config_path, 'r') as f: - self.param = json.loads(f.read(), object_pairs_hook=int_keys) - else: - self.param = default_param - - for k in ['mid_side', 'mid_side_b', 'mid_side_b2', 'stereo_w', 'stereo_n', 'reverse']: - if not k in self.param: - self.param[k] = False \ No newline at end of file diff --git a/lib_v5/modelparams/1band_sr16000_hl512.json b/lib_v5/modelparams/1band_sr16000_hl512.json deleted file mode 100644 index 72cb449..0000000 --- a/lib_v5/modelparams/1band_sr16000_hl512.json +++ /dev/null @@ -1,19 +0,0 @@ -{ - "bins": 1024, - "unstable_bins": 0, - "reduction_bins": 0, - "band": { - "1": { - "sr": 16000, - "hl": 512, - "n_fft": 2048, - "crop_start": 0, - "crop_stop": 1024, - "hpf_start": -1, - "res_type": "sinc_best" - } - }, - "sr": 16000, - "pre_filter_start": 1023, - "pre_filter_stop": 1024 -} \ No newline at end of file diff --git a/lib_v5/modelparams/1band_sr32000_hl512.json b/lib_v5/modelparams/1band_sr32000_hl512.json deleted file mode 100644 index 3c00ecf..0000000 --- a/lib_v5/modelparams/1band_sr32000_hl512.json +++ /dev/null @@ -1,19 +0,0 @@ -{ - "bins": 1024, - "unstable_bins": 0, - "reduction_bins": 0, - "band": { - "1": { - "sr": 32000, - "hl": 512, - "n_fft": 2048, - "crop_start": 0, - "crop_stop": 1024, - "hpf_start": -1, - "res_type": "kaiser_fast" - } - }, - "sr": 32000, - "pre_filter_start": 1000, - "pre_filter_stop": 1021 -} \ No newline at end of file diff --git a/lib_v5/modelparams/1band_sr33075_hl384.json b/lib_v5/modelparams/1band_sr33075_hl384.json deleted file mode 100644 index 55666ac..0000000 --- a/lib_v5/modelparams/1band_sr33075_hl384.json +++ /dev/null @@ -1,19 +0,0 @@ -{ - "bins": 1024, - "unstable_bins": 0, - "reduction_bins": 0, - "band": { - "1": { - "sr": 33075, - "hl": 384, - "n_fft": 2048, - "crop_start": 0, - "crop_stop": 1024, - "hpf_start": -1, - "res_type": "sinc_best" - } - }, - "sr": 33075, - "pre_filter_start": 1000, - "pre_filter_stop": 1021 -} \ No newline at end of file diff --git a/lib_v5/modelparams/1band_sr44100_hl1024.json b/lib_v5/modelparams/1band_sr44100_hl1024.json deleted file mode 100644 index 665abe2..0000000 --- a/lib_v5/modelparams/1band_sr44100_hl1024.json +++ /dev/null @@ -1,19 +0,0 @@ -{ - "bins": 1024, - "unstable_bins": 0, - "reduction_bins": 0, - "band": { - "1": { - "sr": 44100, - "hl": 1024, - "n_fft": 2048, - "crop_start": 0, - "crop_stop": 1024, - "hpf_start": -1, - "res_type": "sinc_best" - } - }, - "sr": 44100, - "pre_filter_start": 1023, - "pre_filter_stop": 1024 -} \ No newline at end of file diff --git a/lib_v5/modelparams/1band_sr44100_hl256.json b/lib_v5/modelparams/1band_sr44100_hl256.json deleted file mode 100644 index 0e8b16f..0000000 --- a/lib_v5/modelparams/1band_sr44100_hl256.json +++ /dev/null @@ -1,19 +0,0 @@ -{ - "bins": 256, - "unstable_bins": 0, - "reduction_bins": 0, - "band": { - "1": { - "sr": 44100, - "hl": 256, - "n_fft": 512, - "crop_start": 0, - "crop_stop": 256, - "hpf_start": -1, - "res_type": "sinc_best" - } - }, - "sr": 44100, - "pre_filter_start": 256, - "pre_filter_stop": 256 -} \ No newline at end of file diff --git a/lib_v5/modelparams/1band_sr44100_hl512.json b/lib_v5/modelparams/1band_sr44100_hl512.json deleted file mode 100644 index 3b38fca..0000000 --- a/lib_v5/modelparams/1band_sr44100_hl512.json +++ /dev/null @@ -1,19 +0,0 @@ -{ - "bins": 1024, - "unstable_bins": 0, - "reduction_bins": 0, - "band": { - "1": { - "sr": 44100, - "hl": 512, - "n_fft": 2048, - "crop_start": 0, - "crop_stop": 1024, - "hpf_start": -1, - "res_type": "sinc_best" - } - }, - "sr": 44100, - "pre_filter_start": 1023, - "pre_filter_stop": 1024 -} \ No newline at end of file diff --git a/lib_v5/modelparams/1band_sr44100_hl512_cut.json b/lib_v5/modelparams/1band_sr44100_hl512_cut.json deleted file mode 100644 index 630df35..0000000 --- a/lib_v5/modelparams/1band_sr44100_hl512_cut.json +++ /dev/null @@ -1,19 +0,0 @@ -{ - "bins": 1024, - "unstable_bins": 0, - "reduction_bins": 0, - "band": { - "1": { - "sr": 44100, - "hl": 512, - "n_fft": 2048, - "crop_start": 0, - "crop_stop": 700, - "hpf_start": -1, - "res_type": "sinc_best" - } - }, - "sr": 44100, - "pre_filter_start": 1023, - "pre_filter_stop": 700 -} \ No newline at end of file diff --git a/lib_v5/modelparams/2band_32000.json b/lib_v5/modelparams/2band_32000.json deleted file mode 100644 index ab9cf11..0000000 --- a/lib_v5/modelparams/2band_32000.json +++ /dev/null @@ -1,30 +0,0 @@ -{ - "bins": 768, - "unstable_bins": 7, - "reduction_bins": 705, - "band": { - "1": { - "sr": 6000, - "hl": 66, - "n_fft": 512, - "crop_start": 0, - "crop_stop": 240, - "lpf_start": 60, - "lpf_stop": 118, - "res_type": "sinc_fastest" - }, - "2": { - "sr": 32000, - "hl": 352, - "n_fft": 1024, - "crop_start": 22, - "crop_stop": 505, - "hpf_start": 44, - "hpf_stop": 23, - "res_type": "sinc_medium" - } - }, - "sr": 32000, - "pre_filter_start": 710, - "pre_filter_stop": 731 -} diff --git a/lib_v5/modelparams/2band_44100_lofi.json b/lib_v5/modelparams/2band_44100_lofi.json deleted file mode 100644 index 7faa216..0000000 --- a/lib_v5/modelparams/2band_44100_lofi.json +++ /dev/null @@ -1,30 +0,0 @@ -{ - "bins": 512, - "unstable_bins": 7, - "reduction_bins": 510, - "band": { - "1": { - "sr": 11025, - "hl": 160, - "n_fft": 768, - "crop_start": 0, - "crop_stop": 192, - "lpf_start": 41, - "lpf_stop": 139, - "res_type": "sinc_fastest" - }, - "2": { - "sr": 44100, - "hl": 640, - "n_fft": 1024, - "crop_start": 10, - "crop_stop": 320, - "hpf_start": 47, - "hpf_stop": 15, - "res_type": "sinc_medium" - } - }, - "sr": 44100, - "pre_filter_start": 510, - "pre_filter_stop": 512 -} diff --git a/lib_v5/modelparams/2band_48000.json b/lib_v5/modelparams/2band_48000.json deleted file mode 100644 index be075f5..0000000 --- a/lib_v5/modelparams/2band_48000.json +++ /dev/null @@ -1,30 +0,0 @@ -{ - "bins": 768, - "unstable_bins": 7, - "reduction_bins": 705, - "band": { - "1": { - "sr": 6000, - "hl": 66, - "n_fft": 512, - "crop_start": 0, - "crop_stop": 240, - "lpf_start": 60, - "lpf_stop": 240, - "res_type": "sinc_fastest" - }, - "2": { - "sr": 48000, - "hl": 528, - "n_fft": 1536, - "crop_start": 22, - "crop_stop": 505, - "hpf_start": 82, - "hpf_stop": 22, - "res_type": "sinc_medium" - } - }, - "sr": 48000, - "pre_filter_start": 710, - "pre_filter_stop": 731 -} \ No newline at end of file diff --git a/lib_v5/modelparams/3band_44100.json b/lib_v5/modelparams/3band_44100.json deleted file mode 100644 index d99e239..0000000 --- a/lib_v5/modelparams/3band_44100.json +++ /dev/null @@ -1,42 +0,0 @@ -{ - "bins": 768, - "unstable_bins": 5, - "reduction_bins": 733, - "band": { - "1": { - "sr": 11025, - "hl": 128, - "n_fft": 768, - "crop_start": 0, - "crop_stop": 278, - "lpf_start": 28, - "lpf_stop": 140, - "res_type": "polyphase" - }, - "2": { - "sr": 22050, - "hl": 256, - "n_fft": 768, - "crop_start": 14, - "crop_stop": 322, - "hpf_start": 70, - "hpf_stop": 14, - "lpf_start": 283, - "lpf_stop": 314, - "res_type": "polyphase" - }, - "3": { - "sr": 44100, - "hl": 512, - "n_fft": 768, - "crop_start": 131, - "crop_stop": 313, - "hpf_start": 154, - "hpf_stop": 141, - "res_type": "sinc_medium" - } - }, - "sr": 44100, - "pre_filter_start": 757, - "pre_filter_stop": 768 -} diff --git a/lib_v5/modelparams/3band_44100_mid.json b/lib_v5/modelparams/3band_44100_mid.json deleted file mode 100644 index fc2c487..0000000 --- a/lib_v5/modelparams/3band_44100_mid.json +++ /dev/null @@ -1,43 +0,0 @@ -{ - "mid_side": true, - "bins": 768, - "unstable_bins": 5, - "reduction_bins": 733, - "band": { - "1": { - "sr": 11025, - "hl": 128, - "n_fft": 768, - "crop_start": 0, - "crop_stop": 278, - "lpf_start": 28, - "lpf_stop": 140, - "res_type": "polyphase" - }, - "2": { - "sr": 22050, - "hl": 256, - "n_fft": 768, - "crop_start": 14, - "crop_stop": 322, - "hpf_start": 70, - "hpf_stop": 14, - "lpf_start": 283, - "lpf_stop": 314, - "res_type": "polyphase" - }, - "3": { - "sr": 44100, - "hl": 512, - "n_fft": 768, - "crop_start": 131, - "crop_stop": 313, - "hpf_start": 154, - "hpf_stop": 141, - "res_type": "sinc_medium" - } - }, - "sr": 44100, - "pre_filter_start": 757, - "pre_filter_stop": 768 -} diff --git a/lib_v5/modelparams/3band_44100_msb2.json b/lib_v5/modelparams/3band_44100_msb2.json deleted file mode 100644 index 33b0877..0000000 --- a/lib_v5/modelparams/3band_44100_msb2.json +++ /dev/null @@ -1,43 +0,0 @@ -{ - "mid_side_b2": true, - "bins": 640, - "unstable_bins": 7, - "reduction_bins": 565, - "band": { - "1": { - "sr": 11025, - "hl": 108, - "n_fft": 1024, - "crop_start": 0, - "crop_stop": 187, - "lpf_start": 92, - "lpf_stop": 186, - "res_type": "polyphase" - }, - "2": { - "sr": 22050, - "hl": 216, - "n_fft": 768, - "crop_start": 0, - "crop_stop": 212, - "hpf_start": 68, - "hpf_stop": 34, - "lpf_start": 174, - "lpf_stop": 209, - "res_type": "polyphase" - }, - "3": { - "sr": 44100, - "hl": 432, - "n_fft": 640, - "crop_start": 66, - "crop_stop": 307, - "hpf_start": 86, - "hpf_stop": 72, - "res_type": "kaiser_fast" - } - }, - "sr": 44100, - "pre_filter_start": 639, - "pre_filter_stop": 640 -} diff --git a/lib_v5/modelparams/4band_44100.json b/lib_v5/modelparams/4band_44100.json deleted file mode 100644 index 4ae850a..0000000 --- a/lib_v5/modelparams/4band_44100.json +++ /dev/null @@ -1,54 +0,0 @@ -{ - "bins": 768, - "unstable_bins": 7, - "reduction_bins": 668, - "band": { - "1": { - "sr": 11025, - "hl": 128, - "n_fft": 1024, - "crop_start": 0, - "crop_stop": 186, - "lpf_start": 37, - "lpf_stop": 73, - "res_type": "polyphase" - }, - "2": { - "sr": 11025, - "hl": 128, - "n_fft": 512, - "crop_start": 4, - "crop_stop": 185, - "hpf_start": 36, - "hpf_stop": 18, - "lpf_start": 93, - "lpf_stop": 185, - "res_type": "polyphase" - }, - "3": { - "sr": 22050, - "hl": 256, - "n_fft": 512, - "crop_start": 46, - "crop_stop": 186, - "hpf_start": 93, - "hpf_stop": 46, - "lpf_start": 164, - "lpf_stop": 186, - "res_type": "polyphase" - }, - "4": { - "sr": 44100, - "hl": 512, - "n_fft": 768, - "crop_start": 121, - "crop_stop": 382, - "hpf_start": 138, - "hpf_stop": 123, - "res_type": "sinc_medium" - } - }, - "sr": 44100, - "pre_filter_start": 740, - "pre_filter_stop": 768 -} diff --git a/lib_v5/modelparams/4band_44100_mid.json b/lib_v5/modelparams/4band_44100_mid.json deleted file mode 100644 index 6346701..0000000 --- a/lib_v5/modelparams/4band_44100_mid.json +++ /dev/null @@ -1,55 +0,0 @@ -{ - "bins": 768, - "unstable_bins": 7, - "mid_side": true, - "reduction_bins": 668, - "band": { - "1": { - "sr": 11025, - "hl": 128, - "n_fft": 1024, - "crop_start": 0, - "crop_stop": 186, - "lpf_start": 37, - "lpf_stop": 73, - "res_type": "polyphase" - }, - "2": { - "sr": 11025, - "hl": 128, - "n_fft": 512, - "crop_start": 4, - "crop_stop": 185, - "hpf_start": 36, - "hpf_stop": 18, - "lpf_start": 93, - "lpf_stop": 185, - "res_type": "polyphase" - }, - "3": { - "sr": 22050, - "hl": 256, - "n_fft": 512, - "crop_start": 46, - "crop_stop": 186, - "hpf_start": 93, - "hpf_stop": 46, - "lpf_start": 164, - "lpf_stop": 186, - "res_type": "polyphase" - }, - "4": { - "sr": 44100, - "hl": 512, - "n_fft": 768, - "crop_start": 121, - "crop_stop": 382, - "hpf_start": 138, - "hpf_stop": 123, - "res_type": "sinc_medium" - } - }, - "sr": 44100, - "pre_filter_start": 740, - "pre_filter_stop": 768 -} diff --git a/lib_v5/modelparams/4band_44100_msb.json b/lib_v5/modelparams/4band_44100_msb.json deleted file mode 100644 index 0bf4771..0000000 --- a/lib_v5/modelparams/4band_44100_msb.json +++ /dev/null @@ -1,55 +0,0 @@ -{ - "mid_side_b": true, - "bins": 768, - "unstable_bins": 7, - "reduction_bins": 668, - "band": { - "1": { - "sr": 11025, - "hl": 128, - "n_fft": 1024, - "crop_start": 0, - "crop_stop": 186, - "lpf_start": 37, - "lpf_stop": 73, - "res_type": "polyphase" - }, - "2": { - "sr": 11025, - "hl": 128, - "n_fft": 512, - "crop_start": 4, - "crop_stop": 185, - "hpf_start": 36, - "hpf_stop": 18, - "lpf_start": 93, - "lpf_stop": 185, - "res_type": "polyphase" - }, - "3": { - "sr": 22050, - "hl": 256, - "n_fft": 512, - "crop_start": 46, - "crop_stop": 186, - "hpf_start": 93, - "hpf_stop": 46, - "lpf_start": 164, - "lpf_stop": 186, - "res_type": "polyphase" - }, - "4": { - "sr": 44100, - "hl": 512, - "n_fft": 768, - "crop_start": 121, - "crop_stop": 382, - "hpf_start": 138, - "hpf_stop": 123, - "res_type": "sinc_medium" - } - }, - "sr": 44100, - "pre_filter_start": 740, - "pre_filter_stop": 768 -} \ No newline at end of file diff --git a/lib_v5/modelparams/4band_44100_msb2.json b/lib_v5/modelparams/4band_44100_msb2.json deleted file mode 100644 index 0bf4771..0000000 --- a/lib_v5/modelparams/4band_44100_msb2.json +++ /dev/null @@ -1,55 +0,0 @@ -{ - "mid_side_b": true, - "bins": 768, - "unstable_bins": 7, - "reduction_bins": 668, - "band": { - "1": { - "sr": 11025, - "hl": 128, - "n_fft": 1024, - "crop_start": 0, - "crop_stop": 186, - "lpf_start": 37, - "lpf_stop": 73, - "res_type": "polyphase" - }, - "2": { - "sr": 11025, - "hl": 128, - "n_fft": 512, - "crop_start": 4, - "crop_stop": 185, - "hpf_start": 36, - "hpf_stop": 18, - "lpf_start": 93, - "lpf_stop": 185, - "res_type": "polyphase" - }, - "3": { - "sr": 22050, - "hl": 256, - "n_fft": 512, - "crop_start": 46, - "crop_stop": 186, - "hpf_start": 93, - "hpf_stop": 46, - "lpf_start": 164, - "lpf_stop": 186, - "res_type": "polyphase" - }, - "4": { - "sr": 44100, - "hl": 512, - "n_fft": 768, - "crop_start": 121, - "crop_stop": 382, - "hpf_start": 138, - "hpf_stop": 123, - "res_type": "sinc_medium" - } - }, - "sr": 44100, - "pre_filter_start": 740, - "pre_filter_stop": 768 -} \ No newline at end of file diff --git a/lib_v5/modelparams/4band_44100_reverse.json b/lib_v5/modelparams/4band_44100_reverse.json deleted file mode 100644 index 779a1c9..0000000 --- a/lib_v5/modelparams/4band_44100_reverse.json +++ /dev/null @@ -1,55 +0,0 @@ -{ - "reverse": true, - "bins": 768, - "unstable_bins": 7, - "reduction_bins": 668, - "band": { - "1": { - "sr": 11025, - "hl": 128, - "n_fft": 1024, - "crop_start": 0, - "crop_stop": 186, - "lpf_start": 37, - "lpf_stop": 73, - "res_type": "polyphase" - }, - "2": { - "sr": 11025, - "hl": 128, - "n_fft": 512, - "crop_start": 4, - "crop_stop": 185, - "hpf_start": 36, - "hpf_stop": 18, - "lpf_start": 93, - "lpf_stop": 185, - "res_type": "polyphase" - }, - "3": { - "sr": 22050, - "hl": 256, - "n_fft": 512, - "crop_start": 46, - "crop_stop": 186, - "hpf_start": 93, - "hpf_stop": 46, - "lpf_start": 164, - "lpf_stop": 186, - "res_type": "polyphase" - }, - "4": { - "sr": 44100, - "hl": 512, - "n_fft": 768, - "crop_start": 121, - "crop_stop": 382, - "hpf_start": 138, - "hpf_stop": 123, - "res_type": "sinc_medium" - } - }, - "sr": 44100, - "pre_filter_start": 740, - "pre_filter_stop": 768 -} \ No newline at end of file diff --git a/lib_v5/modelparams/4band_44100_sw.json b/lib_v5/modelparams/4band_44100_sw.json deleted file mode 100644 index 1fefd4a..0000000 --- a/lib_v5/modelparams/4band_44100_sw.json +++ /dev/null @@ -1,55 +0,0 @@ -{ - "stereo_w": true, - "bins": 768, - "unstable_bins": 7, - "reduction_bins": 668, - "band": { - "1": { - "sr": 11025, - "hl": 128, - "n_fft": 1024, - "crop_start": 0, - "crop_stop": 186, - "lpf_start": 37, - "lpf_stop": 73, - "res_type": "polyphase" - }, - "2": { - "sr": 11025, - "hl": 128, - "n_fft": 512, - "crop_start": 4, - "crop_stop": 185, - "hpf_start": 36, - "hpf_stop": 18, - "lpf_start": 93, - "lpf_stop": 185, - "res_type": "polyphase" - }, - "3": { - "sr": 22050, - "hl": 256, - "n_fft": 512, - "crop_start": 46, - "crop_stop": 186, - "hpf_start": 93, - "hpf_stop": 46, - "lpf_start": 164, - "lpf_stop": 186, - "res_type": "polyphase" - }, - "4": { - "sr": 44100, - "hl": 512, - "n_fft": 768, - "crop_start": 121, - "crop_stop": 382, - "hpf_start": 138, - "hpf_stop": 123, - "res_type": "sinc_medium" - } - }, - "sr": 44100, - "pre_filter_start": 740, - "pre_filter_stop": 768 -} \ No newline at end of file diff --git a/lib_v5/modelparams/4band_v2.json b/lib_v5/modelparams/4band_v2.json deleted file mode 100644 index af79810..0000000 --- a/lib_v5/modelparams/4band_v2.json +++ /dev/null @@ -1,54 +0,0 @@ -{ - "bins": 672, - "unstable_bins": 8, - "reduction_bins": 637, - "band": { - "1": { - "sr": 7350, - "hl": 80, - "n_fft": 640, - "crop_start": 0, - "crop_stop": 85, - "lpf_start": 25, - "lpf_stop": 53, - "res_type": "polyphase" - }, - "2": { - "sr": 7350, - "hl": 80, - "n_fft": 320, - "crop_start": 4, - "crop_stop": 87, - "hpf_start": 25, - "hpf_stop": 12, - "lpf_start": 31, - "lpf_stop": 62, - "res_type": "polyphase" - }, - "3": { - "sr": 14700, - "hl": 160, - "n_fft": 512, - "crop_start": 17, - "crop_stop": 216, - "hpf_start": 48, - "hpf_stop": 24, - "lpf_start": 139, - "lpf_stop": 210, - "res_type": "polyphase" - }, - "4": { - "sr": 44100, - "hl": 480, - "n_fft": 960, - "crop_start": 78, - "crop_stop": 383, - "hpf_start": 130, - "hpf_stop": 86, - "res_type": "kaiser_fast" - } - }, - "sr": 44100, - "pre_filter_start": 668, - "pre_filter_stop": 672 -} \ No newline at end of file diff --git a/lib_v5/modelparams/4band_v2_sn.json b/lib_v5/modelparams/4band_v2_sn.json deleted file mode 100644 index 319b998..0000000 --- a/lib_v5/modelparams/4band_v2_sn.json +++ /dev/null @@ -1,55 +0,0 @@ -{ - "bins": 672, - "unstable_bins": 8, - "reduction_bins": 637, - "band": { - "1": { - "sr": 7350, - "hl": 80, - "n_fft": 640, - "crop_start": 0, - "crop_stop": 85, - "lpf_start": 25, - "lpf_stop": 53, - "res_type": "polyphase" - }, - "2": { - "sr": 7350, - "hl": 80, - "n_fft": 320, - "crop_start": 4, - "crop_stop": 87, - "hpf_start": 25, - "hpf_stop": 12, - "lpf_start": 31, - "lpf_stop": 62, - "res_type": "polyphase" - }, - "3": { - "sr": 14700, - "hl": 160, - "n_fft": 512, - "crop_start": 17, - "crop_stop": 216, - "hpf_start": 48, - "hpf_stop": 24, - "lpf_start": 139, - "lpf_stop": 210, - "res_type": "polyphase" - }, - "4": { - "sr": 44100, - "hl": 480, - "n_fft": 960, - "crop_start": 78, - "crop_stop": 383, - "hpf_start": 130, - "hpf_stop": 86, - "convert_channels": "stereo_n", - "res_type": "kaiser_fast" - } - }, - "sr": 44100, - "pre_filter_start": 668, - "pre_filter_stop": 672 -} \ No newline at end of file diff --git a/lib_v5/modelparams/Auto b/lib_v5/modelparams/Auto deleted file mode 100644 index cf5ff7a..0000000 --- a/lib_v5/modelparams/Auto +++ /dev/null @@ -1 +0,0 @@ -Auto \ No newline at end of file diff --git a/lib_v5/modelparams/ensemble.json b/lib_v5/modelparams/ensemble.json deleted file mode 100644 index ca96bf1..0000000 --- a/lib_v5/modelparams/ensemble.json +++ /dev/null @@ -1,43 +0,0 @@ -{ - "mid_side_b2": true, - "bins": 1280, - "unstable_bins": 7, - "reduction_bins": 565, - "band": { - "1": { - "sr": 11025, - "hl": 108, - "n_fft": 2048, - "crop_start": 0, - "crop_stop": 374, - "lpf_start": 92, - "lpf_stop": 186, - "res_type": "polyphase" - }, - "2": { - "sr": 22050, - "hl": 216, - "n_fft": 1536, - "crop_start": 0, - "crop_stop": 424, - "hpf_start": 68, - "hpf_stop": 34, - "lpf_start": 348, - "lpf_stop": 418, - "res_type": "polyphase" - }, - "3": { - "sr": 44100, - "hl": 432, - "n_fft": 1280, - "crop_start": 132, - "crop_stop": 614, - "hpf_start": 172, - "hpf_stop": 144, - "res_type": "polyphase" - } - }, - "sr": 44100, - "pre_filter_start": 1280, - "pre_filter_stop": 1280 -} \ No newline at end of file diff --git a/lib_v5/modelparamset.py b/lib_v5/modelparamset.py deleted file mode 100644 index 64c196d..0000000 --- a/lib_v5/modelparamset.py +++ /dev/null @@ -1,166 +0,0 @@ -def provide_model_param_hash(model_hash): - #v5 Models - if model_hash == '47939caf0cfe52a0e81442b85b971dfd': - model_params_set=str('lib_v5/modelparams/4band_44100.json') - param_name=str('4band_44100') - elif model_hash == '4e4ecb9764c50a8c414fee6e10395bbe': - model_params_set=str('lib_v5/modelparams/4band_v2.json') - param_name=str('4band_v2') - elif model_hash == 'e60a1e84803ce4efc0a6551206cc4b71': - model_params_set=str('lib_v5/modelparams/4band_44100.json') - param_name=str('4band_44100') - elif model_hash == 'a82f14e75892e55e994376edbf0c8435': - model_params_set=str('lib_v5/modelparams/4band_44100.json') - param_name=str('4band_44100') - elif model_hash == '6dd9eaa6f0420af9f1d403aaafa4cc06': - model_params_set=str('lib_v5/modelparams/4band_v2_sn.json') - param_name=str('4band_v2_sn') - elif model_hash == '5c7bbca45a187e81abbbd351606164e5': - model_params_set=str('lib_v5/modelparams/3band_44100_msb2.json') - param_name=str('3band_44100_msb2') - elif model_hash == 'd6b2cb685a058a091e5e7098192d3233': - model_params_set=str('lib_v5/modelparams/3band_44100_msb2.json') - param_name=str('3band_44100_msb2') - elif model_hash == 'c1b9f38170a7c90e96f027992eb7c62b': - model_params_set=str('lib_v5/modelparams/4band_44100.json') - param_name=str('4band_44100') - elif model_hash == 'c3448ec923fa0edf3d03a19e633faa53': - model_params_set=str('lib_v5/modelparams/4band_44100.json') - param_name=str('4band_44100') - elif model_hash == '68aa2c8093d0080704b200d140f59e54': - model_params_set=str('lib_v5/modelparams/3band_44100.json') - param_name=str('3band_44100.json') - elif model_hash == 'fdc83be5b798e4bd29fe00fe6600e147': - model_params_set=str('lib_v5/modelparams/3band_44100_mid.json') - param_name=str('3band_44100_mid.json') - elif model_hash == '2ce34bc92fd57f55db16b7a4def3d745': - model_params_set=str('lib_v5/modelparams/3band_44100_mid.json') - param_name=str('3band_44100_mid.json') - elif model_hash == '52fdca89576f06cf4340b74a4730ee5f': - model_params_set=str('lib_v5/modelparams/4band_44100.json') - param_name=str('4band_44100.json') - elif model_hash == '41191165b05d38fc77f072fa9e8e8a30': - model_params_set=str('lib_v5/modelparams/4band_44100.json') - param_name=str('4band_44100.json') - elif model_hash == '89e83b511ad474592689e562d5b1f80e': - model_params_set=str('lib_v5/modelparams/2band_32000.json') - param_name=str('2band_32000.json') - elif model_hash == '0b954da81d453b716b114d6d7c95177f': - model_params_set=str('lib_v5/modelparams/2band_32000.json') - param_name=str('2band_32000.json') - - #v4 Models - - elif model_hash == '6a00461c51c2920fd68937d4609ed6c8': - model_params_set=str('lib_v5/modelparams/1band_sr16000_hl512.json') - param_name=str('1band_sr16000_hl512') - elif model_hash == '0ab504864d20f1bd378fe9c81ef37140': - model_params_set=str('lib_v5/modelparams/1band_sr32000_hl512.json') - param_name=str('1band_sr32000_hl512') - elif model_hash == '7dd21065bf91c10f7fccb57d7d83b07f': - model_params_set=str('lib_v5/modelparams/1band_sr32000_hl512.json') - param_name=str('1band_sr32000_hl512') - elif model_hash == '80ab74d65e515caa3622728d2de07d23': - model_params_set=str('lib_v5/modelparams/1band_sr32000_hl512.json') - param_name=str('1band_sr32000_hl512') - elif model_hash == 'edc115e7fc523245062200c00caa847f': - model_params_set=str('lib_v5/modelparams/1band_sr33075_hl384.json') - param_name=str('1band_sr33075_hl384') - elif model_hash == '28063e9f6ab5b341c5f6d3c67f2045b7': - model_params_set=str('lib_v5/modelparams/1band_sr33075_hl384.json') - param_name=str('1band_sr33075_hl384') - elif model_hash == 'b58090534c52cbc3e9b5104bad666ef2': - model_params_set=str('lib_v5/modelparams/1band_sr44100_hl512.json') - param_name=str('1band_sr44100_hl512') - elif model_hash == '0cdab9947f1b0928705f518f3c78ea8f': - model_params_set=str('lib_v5/modelparams/1band_sr44100_hl512.json') - param_name=str('1band_sr44100_hl512') - elif model_hash == 'ae702fed0238afb5346db8356fe25f13': - model_params_set=str('lib_v5/modelparams/1band_sr44100_hl1024.json') - param_name=str('1band_sr44100_hl1024') - else: - model_params_set=str('Not Found Using Hash') - param_name=str('Not Found Using Hash') - - model_params = model_params_set, param_name - - return model_params - -def provide_model_param_name(ModelName): - #1 Band - if '1band_sr16000_hl512' in ModelName: - model_params_set=str('lib_v5/modelparams/1band_sr16000_hl512.json') - param_name=str('1band_sr16000_hl512') - elif '1band_sr32000_hl512' in ModelName: - model_params_set=str('lib_v5/modelparams/1band_sr32000_hl512.json') - param_name=str('1band_sr32000_hl512') - elif '1band_sr33075_hl384' in ModelName: - model_params_set=str('lib_v5/modelparams/1band_sr33075_hl384.json') - param_name=str('1band_sr33075_hl384') - elif '1band_sr44100_hl256' in ModelName: - model_params_set=str('lib_v5/modelparams/1band_sr44100_hl256.json') - param_name=str('1band_sr44100_hl256') - elif '1band_sr44100_hl512' in ModelName: - model_params_set=str('lib_v5/modelparams/1band_sr44100_hl512.json') - param_name=str('1band_sr44100_hl512') - elif '1band_sr44100_hl1024' in ModelName: - model_params_set=str('lib_v5/modelparams/1band_sr44100_hl1024.json') - param_name=str('1band_sr44100_hl1024') - - #2 Band - elif '2band_44100_lofi' in ModelName: - model_params_set=str('lib_v5/modelparams/2band_44100_lofi.json') - param_name=str('2band_44100_lofi') - elif '2band_32000' in ModelName: - model_params_set=str('lib_v5/modelparams/2band_32000.json') - param_name=str('2band_32000') - elif '2band_48000' in ModelName: - model_params_set=str('lib_v5/modelparams/2band_48000.json') - param_name=str('2band_48000') - - #3 Band - elif '3band_44100' in ModelName: - model_params_set=str('lib_v5/modelparams/3band_44100.json') - param_name=str('3band_44100') - elif '3band_44100_mid' in ModelName: - model_params_set=str('lib_v5/modelparams/3band_44100_mid.json') - param_name=str('3band_44100_mid') - elif '3band_44100_msb2' in ModelName: - model_params_set=str('lib_v5/modelparams/3band_44100_msb2.json') - param_name=str('3band_44100_msb2') - - #4 Band - elif '4band_44100' in ModelName: - model_params_set=str('lib_v5/modelparams/4band_44100.json') - param_name=str('4band_44100') - elif '4band_44100_mid' in ModelName: - model_params_set=str('lib_v5/modelparams/4band_44100_mid.json') - param_name=str('4band_44100_mid') - elif '4band_44100_msb' in ModelName: - model_params_set=str('lib_v5/modelparams/4band_44100_msb.json') - param_name=str('4band_44100_msb') - elif '4band_44100_msb2' in ModelName: - model_params_set=str('lib_v5/modelparams/4band_44100_msb2.json') - param_name=str('4band_44100_msb2') - elif '4band_44100_reverse' in ModelName: - model_params_set=str('lib_v5/modelparams/4band_44100_reverse.json') - param_name=str('4band_44100_reverse') - elif '4band_44100_sw' in ModelName: - model_params_set=str('lib_v5/modelparams/4band_44100_sw.json') - param_name=str('4band_44100_sw') - elif '4band_v2' in ModelName: - model_params_set=str('lib_v5/modelparams/4band_v2.json') - param_name=str('4band_v2') - elif '4band_v2_sn' in ModelName: - model_params_set=str('lib_v5/modelparams/4band_v2_sn.json') - param_name=str('4band_v2_sn') - elif 'tmodelparam' in ModelName: - model_params_set=str('lib_v5/modelparams/tmodelparam.json') - param_name=str('User Model Param Set') - else: - model_params_set=str('Not Found Using Name') - param_name=str('Not Found Using Name') - - model_params = model_params_set, param_name - - return model_params \ No newline at end of file diff --git a/lib_v5/nets.py b/lib_v5/nets.py deleted file mode 100644 index b5a8417..0000000 --- a/lib_v5/nets.py +++ /dev/null @@ -1,113 +0,0 @@ -import torch -from torch import nn -import torch.nn.functional as F - -from lib_v5 import layers -from lib_v5 import spec_utils - - -class BaseASPPNet(nn.Module): - - def __init__(self, nin, ch, dilations=(4, 8, 16)): - super(BaseASPPNet, self).__init__() - self.enc1 = layers.Encoder(nin, ch, 3, 2, 1) - self.enc2 = layers.Encoder(ch, ch * 2, 3, 2, 1) - self.enc3 = layers.Encoder(ch * 2, ch * 4, 3, 2, 1) - self.enc4 = layers.Encoder(ch * 4, ch * 8, 3, 2, 1) - - self.aspp = layers.ASPPModule(ch * 8, ch * 16, dilations) - - self.dec4 = layers.Decoder(ch * (8 + 16), ch * 8, 3, 1, 1) - self.dec3 = layers.Decoder(ch * (4 + 8), ch * 4, 3, 1, 1) - self.dec2 = layers.Decoder(ch * (2 + 4), ch * 2, 3, 1, 1) - self.dec1 = layers.Decoder(ch * (1 + 2), ch, 3, 1, 1) - - def __call__(self, x): - h, e1 = self.enc1(x) - h, e2 = self.enc2(h) - h, e3 = self.enc3(h) - h, e4 = self.enc4(h) - - h = self.aspp(h) - - h = self.dec4(h, e4) - h = self.dec3(h, e3) - h = self.dec2(h, e2) - h = self.dec1(h, e1) - - return h - - -class CascadedASPPNet(nn.Module): - - def __init__(self, n_fft): - super(CascadedASPPNet, self).__init__() - self.stg1_low_band_net = BaseASPPNet(2, 16) - self.stg1_high_band_net = BaseASPPNet(2, 16) - - self.stg2_bridge = layers.Conv2DBNActiv(18, 8, 1, 1, 0) - self.stg2_full_band_net = BaseASPPNet(8, 16) - - self.stg3_bridge = layers.Conv2DBNActiv(34, 16, 1, 1, 0) - self.stg3_full_band_net = BaseASPPNet(16, 32) - - self.out = nn.Conv2d(32, 2, 1, bias=False) - self.aux1_out = nn.Conv2d(16, 2, 1, bias=False) - self.aux2_out = nn.Conv2d(16, 2, 1, bias=False) - - self.max_bin = n_fft // 2 - self.output_bin = n_fft // 2 + 1 - - self.offset = 128 - - def forward(self, x, aggressiveness=None): - mix = x.detach() - x = x.clone() - - x = x[:, :, :self.max_bin] - - bandw = x.size()[2] // 2 - aux1 = torch.cat([ - self.stg1_low_band_net(x[:, :, :bandw]), - self.stg1_high_band_net(x[:, :, bandw:]) - ], dim=2) - - h = torch.cat([x, aux1], dim=1) - aux2 = self.stg2_full_band_net(self.stg2_bridge(h)) - - h = torch.cat([x, aux1, aux2], dim=1) - h = self.stg3_full_band_net(self.stg3_bridge(h)) - - mask = torch.sigmoid(self.out(h)) - mask = F.pad( - input=mask, - pad=(0, 0, 0, self.output_bin - mask.size()[2]), - mode='replicate') - - if self.training: - aux1 = torch.sigmoid(self.aux1_out(aux1)) - aux1 = F.pad( - input=aux1, - pad=(0, 0, 0, self.output_bin - aux1.size()[2]), - mode='replicate') - aux2 = torch.sigmoid(self.aux2_out(aux2)) - aux2 = F.pad( - input=aux2, - pad=(0, 0, 0, self.output_bin - aux2.size()[2]), - mode='replicate') - return mask * mix, aux1 * mix, aux2 * mix - else: - if aggressiveness: - mask[:, :, :aggressiveness['split_bin']] = torch.pow(mask[:, :, :aggressiveness['split_bin']], 1 + aggressiveness['value'] / 3) - mask[:, :, aggressiveness['split_bin']:] = torch.pow(mask[:, :, aggressiveness['split_bin']:], 1 + aggressiveness['value']) - - return mask * mix - - def predict(self, x_mag, aggressiveness=None): - h = self.forward(x_mag, aggressiveness) - - if self.offset > 0: - h = h[:, :, :, self.offset:-self.offset] - assert h.size()[3] > 0 - - return h diff --git a/lib_v5/nets_123812KB.py b/lib_v5/nets_123812KB.py deleted file mode 100644 index d32b5c0..0000000 --- a/lib_v5/nets_123812KB.py +++ /dev/null @@ -1,112 +0,0 @@ -import torch -from torch import nn -import torch.nn.functional as F - -from lib_v5 import layers_123821KB as layers - - -class BaseASPPNet(nn.Module): - - def __init__(self, nin, ch, dilations=(4, 8, 16)): - super(BaseASPPNet, self).__init__() - self.enc1 = layers.Encoder(nin, ch, 3, 2, 1) - self.enc2 = layers.Encoder(ch, ch * 2, 3, 2, 1) - self.enc3 = layers.Encoder(ch * 2, ch * 4, 3, 2, 1) - self.enc4 = layers.Encoder(ch * 4, ch * 8, 3, 2, 1) - - self.aspp = layers.ASPPModule(ch * 8, ch * 16, dilations) - - self.dec4 = layers.Decoder(ch * (8 + 16), ch * 8, 3, 1, 1) - self.dec3 = layers.Decoder(ch * (4 + 8), ch * 4, 3, 1, 1) - self.dec2 = layers.Decoder(ch * (2 + 4), ch * 2, 3, 1, 1) - self.dec1 = layers.Decoder(ch * (1 + 2), ch, 3, 1, 1) - - def __call__(self, x): - h, e1 = self.enc1(x) - h, e2 = self.enc2(h) - h, e3 = self.enc3(h) - h, e4 = self.enc4(h) - - h = self.aspp(h) - - h = self.dec4(h, e4) - h = self.dec3(h, e3) - h = self.dec2(h, e2) - h = self.dec1(h, e1) - - return h - - -class CascadedASPPNet(nn.Module): - - def __init__(self, n_fft): - super(CascadedASPPNet, self).__init__() - self.stg1_low_band_net = BaseASPPNet(2, 32) - self.stg1_high_band_net = BaseASPPNet(2, 32) - - self.stg2_bridge = layers.Conv2DBNActiv(34, 16, 1, 1, 0) - self.stg2_full_band_net = BaseASPPNet(16, 32) - - self.stg3_bridge = layers.Conv2DBNActiv(66, 32, 1, 1, 0) - self.stg3_full_band_net = BaseASPPNet(32, 64) - - self.out = nn.Conv2d(64, 2, 1, bias=False) - self.aux1_out = nn.Conv2d(32, 2, 1, bias=False) - self.aux2_out = nn.Conv2d(32, 2, 1, bias=False) - - self.max_bin = n_fft // 2 - self.output_bin = n_fft // 2 + 1 - - self.offset = 128 - - def forward(self, x, aggressiveness=None): - mix = x.detach() - x = x.clone() - - x = x[:, :, :self.max_bin] - - bandw = x.size()[2] // 2 - aux1 = torch.cat([ - self.stg1_low_band_net(x[:, :, :bandw]), - self.stg1_high_band_net(x[:, :, bandw:]) - ], dim=2) - - h = torch.cat([x, aux1], dim=1) - aux2 = self.stg2_full_band_net(self.stg2_bridge(h)) - - h = torch.cat([x, aux1, aux2], dim=1) - h = self.stg3_full_band_net(self.stg3_bridge(h)) - - mask = torch.sigmoid(self.out(h)) - mask = F.pad( - input=mask, - pad=(0, 0, 0, self.output_bin - mask.size()[2]), - mode='replicate') - - if self.training: - aux1 = torch.sigmoid(self.aux1_out(aux1)) - aux1 = F.pad( - input=aux1, - pad=(0, 0, 0, self.output_bin - aux1.size()[2]), - mode='replicate') - aux2 = torch.sigmoid(self.aux2_out(aux2)) - aux2 = F.pad( - input=aux2, - pad=(0, 0, 0, self.output_bin - aux2.size()[2]), - mode='replicate') - return mask * mix, aux1 * mix, aux2 * mix - else: - if aggressiveness: - mask[:, :, :aggressiveness['split_bin']] = torch.pow(mask[:, :, :aggressiveness['split_bin']], 1 + aggressiveness['value'] / 3) - mask[:, :, aggressiveness['split_bin']:] = torch.pow(mask[:, :, aggressiveness['split_bin']:], 1 + aggressiveness['value']) - - return mask * mix - - def predict(self, x_mag, aggressiveness=None): - h = self.forward(x_mag, aggressiveness) - - if self.offset > 0: - h = h[:, :, :, self.offset:-self.offset] - assert h.size()[3] > 0 - - return h diff --git a/lib_v5/nets_123821KB.py b/lib_v5/nets_123821KB.py deleted file mode 100644 index d32b5c0..0000000 --- a/lib_v5/nets_123821KB.py +++ /dev/null @@ -1,112 +0,0 @@ -import torch -from torch import nn -import torch.nn.functional as F - -from lib_v5 import layers_123821KB as layers - - -class BaseASPPNet(nn.Module): - - def __init__(self, nin, ch, dilations=(4, 8, 16)): - super(BaseASPPNet, self).__init__() - self.enc1 = layers.Encoder(nin, ch, 3, 2, 1) - self.enc2 = layers.Encoder(ch, ch * 2, 3, 2, 1) - self.enc3 = layers.Encoder(ch * 2, ch * 4, 3, 2, 1) - self.enc4 = layers.Encoder(ch * 4, ch * 8, 3, 2, 1) - - self.aspp = layers.ASPPModule(ch * 8, ch * 16, dilations) - - self.dec4 = layers.Decoder(ch * (8 + 16), ch * 8, 3, 1, 1) - self.dec3 = layers.Decoder(ch * (4 + 8), ch * 4, 3, 1, 1) - self.dec2 = layers.Decoder(ch * (2 + 4), ch * 2, 3, 1, 1) - self.dec1 = layers.Decoder(ch * (1 + 2), ch, 3, 1, 1) - - def __call__(self, x): - h, e1 = self.enc1(x) - h, e2 = self.enc2(h) - h, e3 = self.enc3(h) - h, e4 = self.enc4(h) - - h = self.aspp(h) - - h = self.dec4(h, e4) - h = self.dec3(h, e3) - h = self.dec2(h, e2) - h = self.dec1(h, e1) - - return h - - -class CascadedASPPNet(nn.Module): - - def __init__(self, n_fft): - super(CascadedASPPNet, self).__init__() - self.stg1_low_band_net = BaseASPPNet(2, 32) - self.stg1_high_band_net = BaseASPPNet(2, 32) - - self.stg2_bridge = layers.Conv2DBNActiv(34, 16, 1, 1, 0) - self.stg2_full_band_net = BaseASPPNet(16, 32) - - self.stg3_bridge = layers.Conv2DBNActiv(66, 32, 1, 1, 0) - self.stg3_full_band_net = BaseASPPNet(32, 64) - - self.out = nn.Conv2d(64, 2, 1, bias=False) - self.aux1_out = nn.Conv2d(32, 2, 1, bias=False) - self.aux2_out = nn.Conv2d(32, 2, 1, bias=False) - - self.max_bin = n_fft // 2 - self.output_bin = n_fft // 2 + 1 - - self.offset = 128 - - def forward(self, x, aggressiveness=None): - mix = x.detach() - x = x.clone() - - x = x[:, :, :self.max_bin] - - bandw = x.size()[2] // 2 - aux1 = torch.cat([ - self.stg1_low_band_net(x[:, :, :bandw]), - self.stg1_high_band_net(x[:, :, bandw:]) - ], dim=2) - - h = torch.cat([x, aux1], dim=1) - aux2 = self.stg2_full_band_net(self.stg2_bridge(h)) - - h = torch.cat([x, aux1, aux2], dim=1) - h = self.stg3_full_band_net(self.stg3_bridge(h)) - - mask = torch.sigmoid(self.out(h)) - mask = F.pad( - input=mask, - pad=(0, 0, 0, self.output_bin - mask.size()[2]), - mode='replicate') - - if self.training: - aux1 = torch.sigmoid(self.aux1_out(aux1)) - aux1 = F.pad( - input=aux1, - pad=(0, 0, 0, self.output_bin - aux1.size()[2]), - mode='replicate') - aux2 = torch.sigmoid(self.aux2_out(aux2)) - aux2 = F.pad( - input=aux2, - pad=(0, 0, 0, self.output_bin - aux2.size()[2]), - mode='replicate') - return mask * mix, aux1 * mix, aux2 * mix - else: - if aggressiveness: - mask[:, :, :aggressiveness['split_bin']] = torch.pow(mask[:, :, :aggressiveness['split_bin']], 1 + aggressiveness['value'] / 3) - mask[:, :, aggressiveness['split_bin']:] = torch.pow(mask[:, :, aggressiveness['split_bin']:], 1 + aggressiveness['value']) - - return mask * mix - - def predict(self, x_mag, aggressiveness=None): - h = self.forward(x_mag, aggressiveness) - - if self.offset > 0: - h = h[:, :, :, self.offset:-self.offset] - assert h.size()[3] > 0 - - return h diff --git a/lib_v5/nets_129605KB.py b/lib_v5/nets_129605KB.py deleted file mode 100644 index f08a214..0000000 --- a/lib_v5/nets_129605KB.py +++ /dev/null @@ -1,116 +0,0 @@ -import torch -from torch import nn -import torch.nn.functional as F - -from lib_v5 import layers_129605KB as layers - - -class BaseASPPNet(nn.Module): - - def __init__(self, nin, ch, dilations=(4, 8, 16, 32)): - super(BaseASPPNet, self).__init__() - self.enc1 = layers.Encoder(nin, ch, 3, 2, 1) - self.enc2 = layers.Encoder(ch, ch * 2, 3, 2, 1) - self.enc3 = layers.Encoder(ch * 2, ch * 4, 3, 2, 1) - self.enc4 = layers.Encoder(ch * 4, ch * 8, 3, 2, 1) - self.enc5 = layers.Encoder(ch * 8, ch * 16, 3, 2, 1) - - self.aspp = layers.ASPPModule(ch * 16, ch * 32, dilations) - - self.dec5 = layers.Decoder(ch * (16 + 32), ch * 16, 3, 1, 1) - self.dec4 = layers.Decoder(ch * (8 + 16), ch * 8, 3, 1, 1) - self.dec3 = layers.Decoder(ch * (4 + 8), ch * 4, 3, 1, 1) - self.dec2 = layers.Decoder(ch * (2 + 4), ch * 2, 3, 1, 1) - self.dec1 = layers.Decoder(ch * (1 + 2), ch, 3, 1, 1) - - def __call__(self, x): - h, e1 = self.enc1(x) - h, e2 = self.enc2(h) - h, e3 = self.enc3(h) - h, e4 = self.enc4(h) - h, e5 = self.enc5(h) - - h = self.aspp(h) - - h = self.dec5(h, e5) - h = self.dec4(h, e4) - h = self.dec3(h, e3) - h = self.dec2(h, e2) - h = self.dec1(h, e1) - - return h - - -class CascadedASPPNet(nn.Module): - - def __init__(self, n_fft): - super(CascadedASPPNet, self).__init__() - self.stg1_low_band_net = BaseASPPNet(2, 16) - self.stg1_high_band_net = BaseASPPNet(2, 16) - - self.stg2_bridge = layers.Conv2DBNActiv(18, 8, 1, 1, 0) - self.stg2_full_band_net = BaseASPPNet(8, 16) - - self.stg3_bridge = layers.Conv2DBNActiv(34, 16, 1, 1, 0) - self.stg3_full_band_net = BaseASPPNet(16, 32) - - self.out = nn.Conv2d(32, 2, 1, bias=False) - self.aux1_out = nn.Conv2d(16, 2, 1, bias=False) - self.aux2_out = nn.Conv2d(16, 2, 1, bias=False) - - self.max_bin = n_fft // 2 - self.output_bin = n_fft // 2 + 1 - - self.offset = 128 - - def forward(self, x, aggressiveness=None): - mix = x.detach() - x = x.clone() - - x = x[:, :, :self.max_bin] - - bandw = x.size()[2] // 2 - aux1 = torch.cat([ - self.stg1_low_band_net(x[:, :, :bandw]), - self.stg1_high_band_net(x[:, :, bandw:]) - ], dim=2) - - h = torch.cat([x, aux1], dim=1) - aux2 = self.stg2_full_band_net(self.stg2_bridge(h)) - - h = torch.cat([x, aux1, aux2], dim=1) - h = self.stg3_full_band_net(self.stg3_bridge(h)) - - mask = torch.sigmoid(self.out(h)) - mask = F.pad( - input=mask, - pad=(0, 0, 0, self.output_bin - mask.size()[2]), - mode='replicate') - - if self.training: - aux1 = torch.sigmoid(self.aux1_out(aux1)) - aux1 = F.pad( - input=aux1, - pad=(0, 0, 0, self.output_bin - aux1.size()[2]), - mode='replicate') - aux2 = torch.sigmoid(self.aux2_out(aux2)) - aux2 = F.pad( - input=aux2, - pad=(0, 0, 0, self.output_bin - aux2.size()[2]), - mode='replicate') - return mask * mix, aux1 * mix, aux2 * mix - else: - if aggressiveness: - mask[:, :, :aggressiveness['split_bin']] = torch.pow(mask[:, :, :aggressiveness['split_bin']], 1 + aggressiveness['value'] / 3) - mask[:, :, aggressiveness['split_bin']:] = torch.pow(mask[:, :, aggressiveness['split_bin']:], 1 + aggressiveness['value']) - - return mask * mix - - def predict(self, x_mag, aggressiveness=None): - h = self.forward(x_mag, aggressiveness) - - if self.offset > 0: - h = h[:, :, :, self.offset:-self.offset] - assert h.size()[3] > 0 - - return h diff --git a/lib_v5/nets_33966KB.py b/lib_v5/nets_33966KB.py deleted file mode 100644 index 07e2b8c..0000000 --- a/lib_v5/nets_33966KB.py +++ /dev/null @@ -1,112 +0,0 @@ -import torch -from torch import nn -import torch.nn.functional as F - -from lib_v5 import layers_33966KB as layers - - -class BaseASPPNet(nn.Module): - - def __init__(self, nin, ch, dilations=(4, 8, 16, 32)): - super(BaseASPPNet, self).__init__() - self.enc1 = layers.Encoder(nin, ch, 3, 2, 1) - self.enc2 = layers.Encoder(ch, ch * 2, 3, 2, 1) - self.enc3 = layers.Encoder(ch * 2, ch * 4, 3, 2, 1) - self.enc4 = layers.Encoder(ch * 4, ch * 8, 3, 2, 1) - - self.aspp = layers.ASPPModule(ch * 8, ch * 16, dilations) - - self.dec4 = layers.Decoder(ch * (8 + 16), ch * 8, 3, 1, 1) - self.dec3 = layers.Decoder(ch * (4 + 8), ch * 4, 3, 1, 1) - self.dec2 = layers.Decoder(ch * (2 + 4), ch * 2, 3, 1, 1) - self.dec1 = layers.Decoder(ch * (1 + 2), ch, 3, 1, 1) - - def __call__(self, x): - h, e1 = self.enc1(x) - h, e2 = self.enc2(h) - h, e3 = self.enc3(h) - h, e4 = self.enc4(h) - - h = self.aspp(h) - - h = self.dec4(h, e4) - h = self.dec3(h, e3) - h = self.dec2(h, e2) - h = self.dec1(h, e1) - - return h - - -class CascadedASPPNet(nn.Module): - - def __init__(self, n_fft): - super(CascadedASPPNet, self).__init__() - self.stg1_low_band_net = BaseASPPNet(2, 16) - self.stg1_high_band_net = BaseASPPNet(2, 16) - - self.stg2_bridge = layers.Conv2DBNActiv(18, 8, 1, 1, 0) - self.stg2_full_band_net = BaseASPPNet(8, 16) - - self.stg3_bridge = layers.Conv2DBNActiv(34, 16, 1, 1, 0) - self.stg3_full_band_net = BaseASPPNet(16, 32) - - self.out = nn.Conv2d(32, 2, 1, bias=False) - self.aux1_out = nn.Conv2d(16, 2, 1, bias=False) - self.aux2_out = nn.Conv2d(16, 2, 1, bias=False) - - self.max_bin = n_fft // 2 - self.output_bin = n_fft // 2 + 1 - - self.offset = 128 - - def forward(self, x, aggressiveness=None): - mix = x.detach() - x = x.clone() - - x = x[:, :, :self.max_bin] - - bandw = x.size()[2] // 2 - aux1 = torch.cat([ - self.stg1_low_band_net(x[:, :, :bandw]), - self.stg1_high_band_net(x[:, :, bandw:]) - ], dim=2) - - h = torch.cat([x, aux1], dim=1) - aux2 = self.stg2_full_band_net(self.stg2_bridge(h)) - - h = torch.cat([x, aux1, aux2], dim=1) - h = self.stg3_full_band_net(self.stg3_bridge(h)) - - mask = torch.sigmoid(self.out(h)) - mask = F.pad( - input=mask, - pad=(0, 0, 0, self.output_bin - mask.size()[2]), - mode='replicate') - - if self.training: - aux1 = torch.sigmoid(self.aux1_out(aux1)) - aux1 = F.pad( - input=aux1, - pad=(0, 0, 0, self.output_bin - aux1.size()[2]), - mode='replicate') - aux2 = torch.sigmoid(self.aux2_out(aux2)) - aux2 = F.pad( - input=aux2, - pad=(0, 0, 0, self.output_bin - aux2.size()[2]), - mode='replicate') - return mask * mix, aux1 * mix, aux2 * mix - else: - if aggressiveness: - mask[:, :, :aggressiveness['split_bin']] = torch.pow(mask[:, :, :aggressiveness['split_bin']], 1 + aggressiveness['value'] / 3) - mask[:, :, aggressiveness['split_bin']:] = torch.pow(mask[:, :, aggressiveness['split_bin']:], 1 + aggressiveness['value']) - - return mask * mix - - def predict(self, x_mag, aggressiveness=None): - h = self.forward(x_mag, aggressiveness) - - if self.offset > 0: - h = h[:, :, :, self.offset:-self.offset] - assert h.size()[3] > 0 - - return h diff --git a/lib_v5/nets_537227KB.py b/lib_v5/nets_537227KB.py deleted file mode 100644 index 566e3f9..0000000 --- a/lib_v5/nets_537227KB.py +++ /dev/null @@ -1,113 +0,0 @@ -import torch -import numpy as np -from torch import nn -import torch.nn.functional as F - -from lib_v5 import layers_537238KB as layers - - -class BaseASPPNet(nn.Module): - - def __init__(self, nin, ch, dilations=(4, 8, 16)): - super(BaseASPPNet, self).__init__() - self.enc1 = layers.Encoder(nin, ch, 3, 2, 1) - self.enc2 = layers.Encoder(ch, ch * 2, 3, 2, 1) - self.enc3 = layers.Encoder(ch * 2, ch * 4, 3, 2, 1) - self.enc4 = layers.Encoder(ch * 4, ch * 8, 3, 2, 1) - - self.aspp = layers.ASPPModule(ch * 8, ch * 16, dilations) - - self.dec4 = layers.Decoder(ch * (8 + 16), ch * 8, 3, 1, 1) - self.dec3 = layers.Decoder(ch * (4 + 8), ch * 4, 3, 1, 1) - self.dec2 = layers.Decoder(ch * (2 + 4), ch * 2, 3, 1, 1) - self.dec1 = layers.Decoder(ch * (1 + 2), ch, 3, 1, 1) - - def __call__(self, x): - h, e1 = self.enc1(x) - h, e2 = self.enc2(h) - h, e3 = self.enc3(h) - h, e4 = self.enc4(h) - - h = self.aspp(h) - - h = self.dec4(h, e4) - h = self.dec3(h, e3) - h = self.dec2(h, e2) - h = self.dec1(h, e1) - - return h - - -class CascadedASPPNet(nn.Module): - - def __init__(self, n_fft): - super(CascadedASPPNet, self).__init__() - self.stg1_low_band_net = BaseASPPNet(2, 64) - self.stg1_high_band_net = BaseASPPNet(2, 64) - - self.stg2_bridge = layers.Conv2DBNActiv(66, 32, 1, 1, 0) - self.stg2_full_band_net = BaseASPPNet(32, 64) - - self.stg3_bridge = layers.Conv2DBNActiv(130, 64, 1, 1, 0) - self.stg3_full_band_net = BaseASPPNet(64, 128) - - self.out = nn.Conv2d(128, 2, 1, bias=False) - self.aux1_out = nn.Conv2d(64, 2, 1, bias=False) - self.aux2_out = nn.Conv2d(64, 2, 1, bias=False) - - self.max_bin = n_fft // 2 - self.output_bin = n_fft // 2 + 1 - - self.offset = 128 - - def forward(self, x, aggressiveness=None): - mix = x.detach() - x = x.clone() - - x = x[:, :, :self.max_bin] - - bandw = x.size()[2] // 2 - aux1 = torch.cat([ - self.stg1_low_band_net(x[:, :, :bandw]), - self.stg1_high_band_net(x[:, :, bandw:]) - ], dim=2) - - h = torch.cat([x, aux1], dim=1) - aux2 = self.stg2_full_band_net(self.stg2_bridge(h)) - - h = torch.cat([x, aux1, aux2], dim=1) - h = self.stg3_full_band_net(self.stg3_bridge(h)) - - mask = torch.sigmoid(self.out(h)) - mask = F.pad( - input=mask, - pad=(0, 0, 0, self.output_bin - mask.size()[2]), - mode='replicate') - - if self.training: - aux1 = torch.sigmoid(self.aux1_out(aux1)) - aux1 = F.pad( - input=aux1, - pad=(0, 0, 0, self.output_bin - aux1.size()[2]), - mode='replicate') - aux2 = torch.sigmoid(self.aux2_out(aux2)) - aux2 = F.pad( - input=aux2, - pad=(0, 0, 0, self.output_bin - aux2.size()[2]), - mode='replicate') - return mask * mix, aux1 * mix, aux2 * mix - else: - if aggressiveness: - mask[:, :, :aggressiveness['split_bin']] = torch.pow(mask[:, :, :aggressiveness['split_bin']], 1 + aggressiveness['value'] / 3) - mask[:, :, aggressiveness['split_bin']:] = torch.pow(mask[:, :, aggressiveness['split_bin']:], 1 + aggressiveness['value']) - - return mask * mix - - def predict(self, x_mag, aggressiveness=None): - h = self.forward(x_mag, aggressiveness) - - if self.offset > 0: - h = h[:, :, :, self.offset:-self.offset] - assert h.size()[3] > 0 - - return h diff --git a/lib_v5/nets_537238KB.py b/lib_v5/nets_537238KB.py deleted file mode 100644 index 566e3f9..0000000 --- a/lib_v5/nets_537238KB.py +++ /dev/null @@ -1,113 +0,0 @@ -import torch -import numpy as np -from torch import nn -import torch.nn.functional as F - -from lib_v5 import layers_537238KB as layers - - -class BaseASPPNet(nn.Module): - - def __init__(self, nin, ch, dilations=(4, 8, 16)): - super(BaseASPPNet, self).__init__() - self.enc1 = layers.Encoder(nin, ch, 3, 2, 1) - self.enc2 = layers.Encoder(ch, ch * 2, 3, 2, 1) - self.enc3 = layers.Encoder(ch * 2, ch * 4, 3, 2, 1) - self.enc4 = layers.Encoder(ch * 4, ch * 8, 3, 2, 1) - - self.aspp = layers.ASPPModule(ch * 8, ch * 16, dilations) - - self.dec4 = layers.Decoder(ch * (8 + 16), ch * 8, 3, 1, 1) - self.dec3 = layers.Decoder(ch * (4 + 8), ch * 4, 3, 1, 1) - self.dec2 = layers.Decoder(ch * (2 + 4), ch * 2, 3, 1, 1) - self.dec1 = layers.Decoder(ch * (1 + 2), ch, 3, 1, 1) - - def __call__(self, x): - h, e1 = self.enc1(x) - h, e2 = self.enc2(h) - h, e3 = self.enc3(h) - h, e4 = self.enc4(h) - - h = self.aspp(h) - - h = self.dec4(h, e4) - h = self.dec3(h, e3) - h = self.dec2(h, e2) - h = self.dec1(h, e1) - - return h - - -class CascadedASPPNet(nn.Module): - - def __init__(self, n_fft): - super(CascadedASPPNet, self).__init__() - self.stg1_low_band_net = BaseASPPNet(2, 64) - self.stg1_high_band_net = BaseASPPNet(2, 64) - - self.stg2_bridge = layers.Conv2DBNActiv(66, 32, 1, 1, 0) - self.stg2_full_band_net = BaseASPPNet(32, 64) - - self.stg3_bridge = layers.Conv2DBNActiv(130, 64, 1, 1, 0) - self.stg3_full_band_net = BaseASPPNet(64, 128) - - self.out = nn.Conv2d(128, 2, 1, bias=False) - self.aux1_out = nn.Conv2d(64, 2, 1, bias=False) - self.aux2_out = nn.Conv2d(64, 2, 1, bias=False) - - self.max_bin = n_fft // 2 - self.output_bin = n_fft // 2 + 1 - - self.offset = 128 - - def forward(self, x, aggressiveness=None): - mix = x.detach() - x = x.clone() - - x = x[:, :, :self.max_bin] - - bandw = x.size()[2] // 2 - aux1 = torch.cat([ - self.stg1_low_band_net(x[:, :, :bandw]), - self.stg1_high_band_net(x[:, :, bandw:]) - ], dim=2) - - h = torch.cat([x, aux1], dim=1) - aux2 = self.stg2_full_band_net(self.stg2_bridge(h)) - - h = torch.cat([x, aux1, aux2], dim=1) - h = self.stg3_full_band_net(self.stg3_bridge(h)) - - mask = torch.sigmoid(self.out(h)) - mask = F.pad( - input=mask, - pad=(0, 0, 0, self.output_bin - mask.size()[2]), - mode='replicate') - - if self.training: - aux1 = torch.sigmoid(self.aux1_out(aux1)) - aux1 = F.pad( - input=aux1, - pad=(0, 0, 0, self.output_bin - aux1.size()[2]), - mode='replicate') - aux2 = torch.sigmoid(self.aux2_out(aux2)) - aux2 = F.pad( - input=aux2, - pad=(0, 0, 0, self.output_bin - aux2.size()[2]), - mode='replicate') - return mask * mix, aux1 * mix, aux2 * mix - else: - if aggressiveness: - mask[:, :, :aggressiveness['split_bin']] = torch.pow(mask[:, :, :aggressiveness['split_bin']], 1 + aggressiveness['value'] / 3) - mask[:, :, aggressiveness['split_bin']:] = torch.pow(mask[:, :, aggressiveness['split_bin']:], 1 + aggressiveness['value']) - - return mask * mix - - def predict(self, x_mag, aggressiveness=None): - h = self.forward(x_mag, aggressiveness) - - if self.offset > 0: - h = h[:, :, :, self.offset:-self.offset] - assert h.size()[3] > 0 - - return h diff --git a/lib_v5/sox/MDX-NET_Noise_Profile_14_kHz.prof b/lib_v5/sox/MDX-NET_Noise_Profile_14_kHz.prof deleted file mode 100644 index e84270d..0000000 --- a/lib_v5/sox/MDX-NET_Noise_Profile_14_kHz.prof +++ /dev/null @@ -1,2 +0,0 @@ -Channel 0: -7.009383, -9.291822, -8.961462, -8.988426, -8.133916, -7.550877, -6.823206, -8.324312, -7.926179, -8.284890, -7.006778, -7.520769, -6.676938, -7.599460, -7.296249, -7.862341, -7.603068, -7.957884, -6.943116, -7.064777, -6.617763, -6.976608, -6.474446, -6.976694, -6.775996, -7.173531, -6.239498, -7.433953, -7.435424, -7.556505, -6.661156, -7.537329, -6.869858, -7.345681, -6.348115, -7.624833, -7.356656, -7.397345, -7.268706, -8.009533, -7.879307, -7.206394, -7.595149, -8.183835, -7.877466, -7.849053, -6.575886, -7.970041, -7.973623, -8.654870, -8.238590, -8.322275, -7.080089, -8.381072, -8.166994, -8.211880, -6.978457, -8.440431, -8.660172, -8.568000, -7.374925, -7.825880, -7.727026, -8.436455, -8.058270, -7.776336, -7.163500, -8.324635, -7.496432, -8.231029, -8.168671, -8.803044, -8.365684, -8.284722, -7.717031, -7.899992, -6.716974, -7.789536, -8.123308, -8.718283, -8.127323, -8.608119, -7.955237, -8.195423, -8.562821, -8.923180, -8.620318, -8.362193, -7.892359, -9.106509, -8.866467, -8.334931, -8.432192, -7.981750, -8.118553, -8.357300, -8.303634, -8.951071, -8.357619, -8.628114, -8.194091, -8.329184, -8.479573, -9.059311, -8.928500, -8.971485, -8.930757, -7.888778, -8.512952, -8.701514, -8.509488, -7.927048, -8.980245, -9.453869, -8.502084, -9.179351, -9.352121, -8.612514, -8.515877, -8.990332, -8.064332, -9.353903, -9.226296, -8.582130, -8.062571, -8.975781, -8.985588, -9.084478, -9.475922, -9.627264, -8.866921, -9.788176, -9.405965, -9.690348, -9.697125, -9.834449, -9.723495, -9.551198, -9.067146, -8.391362, -8.062964, -8.664368, -8.834053, -9.365320, -8.774260, -8.826809, -8.938656, -8.571966, -9.301930, -8.476783, -9.083561, -9.606360, -9.013194, -9.633930, -9.361920, -8.814354, -8.210675, -8.741395, -8.973019, -9.735017, -9.445080, -9.970575, -9.387616, -8.885903, -8.364945, -8.181610, -9.367054, -9.632653, -9.174005, -9.669417, -9.632316, -8.792030, -8.639747, -8.757731, -8.189369, -8.609264, -9.203773, -9.027173, -9.267983, -9.038571, -8.480053, -8.989291, -9.334651, -8.989846, -8.505489, -9.093593, -8.603022, -8.935084, -8.995838, -9.807545, -9.936930, -9.858782, -9.525642, -9.342257, -9.687481, -10.109383, -9.415607, -9.960437, -9.511531, -9.512959, -9.410252, -9.463380, -8.009910, -9.010445, -7.930557, -8.907247, -8.696819, -7.628914, -8.656908, -9.540818, -9.834308, -10.149171, -9.603844, -9.368526, -9.262289, -9.177496, -7.941667, -8.894559, -9.577237, -9.213502, -8.329892, -8.875650, -8.551803, -7.293085, -7.970225, -8.689839, -9.213015, -8.729056, -8.370025, -9.476679, -9.801536, -8.779216, -7.794588, -8.743565, -8.677839, -8.659505, -8.530433, -9.471109, -8.952149, -9.026676, -8.581315, -8.305970, -7.698102, -9.075556, -8.994505, -9.525378, -9.427664, -8.896355, -7.806924, -8.713507, -8.001523, -8.820920, -8.825943, -9.033789, -8.943538, -8.305934, -7.843387, -8.222633, -9.394885, -9.639977, -9.382100, -9.858908, -9.861235, -9.617870, -9.572075, -8.937280, -7.900751, -8.817468, -8.367288, -8.198920, -8.835616, -9.120554, -9.430250, -9.599668, -8.890237, -9.182921, -9.068647, -9.198983, -9.219759, -8.444858, -8.306649, -9.081246, -9.658321, -9.175613, -9.559673, -9.202353, -8.468946, -8.959963, -8.611696, -9.287626, -9.178090, -9.829329, -9.418147, -8.433018, -6.759007, -7.992561, -8.209750, -8.367482, -8.160244, -8.659845, -8.142351, -8.449805, -9.052549, -8.108782, -9.131697, -8.656035, -8.754751, -8.799905, -9.252805, -9.666502, -8.742819, -8.779405, -9.290927, -9.100673, -8.813067, -7.968793, -8.372980, -8.334048, -8.766193, -8.525885, -8.295012, -9.267423, -8.512022, -8.716763, -7.543527, -8.133463, -8.899957, -8.884852, -8.879415, -8.921800, -8.989868, -8.456031, -8.742332, -8.387804, -9.199132, -9.269713, -8.533924, -9.031591, -9.510307, -9.003630, -8.032389, -8.199724, -9.178456, -9.109508, -8.830519, -8.833589, -9.138852, -8.359014, -9.055459, -9.124282, -8.931469, -8.293803, -8.784939, -8.829195, -8.204985, -8.832497, -9.291157, -9.229586, -8.902256, -7.836384, -8.558482, -9.045199, -8.784686, -8.640361, -8.122143, -8.856282, -9.933563, -10.433572, -10.053477, -9.901992, -9.234422, -8.272216, -7.767568, -8.634153, -9.037672, -7.966586, -7.879588, -8.073919, -7.618028, -8.733914, -9.367538, -9.360283, -8.472114, -8.424832, -8.244030, -8.266778, -8.279402, -8.488133, -8.574222, -8.015083, -7.603164, -7.773276, -7.969313, -8.463429, -8.327254, -8.908369, -8.842388, -8.697819, -9.069319, -8.471298, -8.487786, -7.722121, -7.005715, -6.071240, -4.913710, -5.252938, -6.890169, -8.112794, -8.627293, -8.763681, -8.730070, -8.663003, -8.490945, -8.165999, -7.835065, -7.929111, -8.760281, -9.092809, -8.427891, -8.396054, -7.063385, -8.432428, -8.356983, -8.770448, -8.572601, -8.279242, -8.050529, -9.172235, -9.494339, -9.115856, -8.913443, -9.234514, -8.266346, -8.655711, -7.904694, -8.750291, -8.669807, -8.733426, -8.195509, -8.445010, -8.608845, -9.364661, -8.545942, -9.320732, -8.908144, -8.906418, -8.977945, -8.351475, -8.425015, -8.580469, -8.635973, -8.587179, -8.825187, -8.613693, -8.572787, -9.008575, -9.139839, -8.730886, -8.378273, -8.104312, -7.693113, -8.144767, -7.909862, -8.660356, -8.560781, -8.402486, -8.329734, -8.549006, -8.467747, -7.797524, -8.701290, -8.745170, -9.123959, -8.828640, -8.034152, -8.244606, -7.922297, -8.304344, -8.390489, -8.384267, -8.804485, -8.274789, -7.641120, -7.419797, -6.875395, -7.779922, -8.285890, -8.435658, -8.243375, -8.234133, -8.147679, -7.876873, -7.560720, -8.453065, -7.912884, -8.321675, -8.351012, -8.551875, -8.245539, -8.157014, -8.045531, -8.802874, -7.939998, -8.531658, -8.286127, -8.426950, -7.872053, -7.950769, -8.103668, -7.361780, -7.233630, -8.588113, -8.391391, -8.025829, -7.778002, -6.812353, -6.892645, -8.379886, -8.968739, -9.232736, -7.678606, -8.519589, -7.233673, -7.732607, -7.712150, -8.588383, -7.141524, -8.350538, -7.687734, -8.350335, -7.299619, -7.251563, -7.551582, -7.601188, -8.913805, -8.327199, -8.351825, -9.285121, -8.206786, -7.760271, -5.924285, -7.253280, -7.920683, -8.456389, -8.348553, -8.304132, -7.914664, -7.378574, -6.740644, -8.366895, -7.828516, -8.495502, -8.358516, -8.638541, -8.803589, -7.815868, -6.526936, -8.311996, -8.795187, -8.682474, -7.771255, -8.021541, -7.061438, -8.140287, -8.479327, -8.769970, -9.137885, -8.767818, -8.507115, -7.818171, -7.023338, -6.684543, -7.590823, -7.973853, -7.125487, -6.444645, -5.015516, -5.527578, -4.825749, -6.076069, -6.067105, -6.832324, -6.415292, -7.687704, -7.876131, -8.185242, -7.719656, -8.129504, -7.591390, -7.471135, -8.264959, -7.372910, -6.003157, -7.699708, -8.063796, -6.937130, -6.498588, -6.515582, -6.480911, -6.705885, -7.971720, -8.244526, -7.773425, -8.179802, -7.852663, -7.736978, -7.450927, -7.798478, -7.171562, -7.725062, -7.005856, -6.939411, -7.545801, -7.298831, -7.866823, -7.788211, -6.324419, -6.972910, -6.354499, -6.692432, -7.116762, -8.336053, -8.031844, -7.638197, -6.962282, -7.762571, -7.219688, -7.684484, -6.576585, -6.971768, -6.049053, -5.645847, -5.826155, -5.018756, -6.294459, -7.700381, -8.087517, -7.940284, -8.351140, -7.342774, -5.678021, -7.577646, -8.088142, -7.801032, -6.492934, -7.910668, -7.328195, -7.128594, -6.916883, -5.799251, -6.564095, -6.370745, -5.558840, -7.342127, -7.275418, -6.746891, -7.759083, -6.735355, -6.476465, -6.283120, -7.176216, -7.664367, -6.443789, -5.538641, -5.694131, -7.232028, -7.065130, -7.523064, -6.623515, -5.389147, -3.544363, -5.611296, -6.213579, -6.530970, -6.581829, -6.395981, -7.651325, -7.012158, -8.015069, -7.575516, -7.032994, -5.677541, -3.718229, -6.020396, -7.988893, -9.343635, -9.945617, -10.323884, -10.642690, -10.876016, -11.078479, -11.255501, -11.395584, -11.483764, -11.557805, -11.698310, -11.737680, -11.840640, -11.912717, -11.909139, -11.977159, -11.978605, -12.038353, -12.093234, -12.111259, -12.121384, -12.176933, -12.171291, -12.176199, -12.198986, -12.233503, -12.275017, -12.265485, -12.274396, -12.241486, -12.261465, -12.282915, -12.275353, -12.276109, -12.255538, -12.296432, -12.243854, -12.250940, -12.222560, -12.250113, -12.183066, -12.247768, -12.242023, -12.285899, -12.235859, -12.219860, -12.231251, -12.265896, -12.266792, -12.217250, -12.292002, -12.251619, -12.283025, -12.208677, -12.143500, -12.194249, -12.168472, -12.159037, -12.136466, -12.175126, -12.182810, -12.148365, -12.157288, -12.111798, -12.070856, -12.088792, -12.088619, -12.050185, -12.073867, -12.053141, -12.079345, -12.013352, -11.999766, -12.055408, -11.965831, -11.985056, -11.968968, -11.961904, -11.959881, -12.045696, -11.965464, -11.966563, -11.887108, -11.874594, -11.889680, -11.904971, -11.870472, -11.882454, -11.926828, -11.848092, -11.827531, -11.810616, -11.798046, -11.860422, -11.843547, -11.817146, -11.766209, -11.751227, -11.771116, -11.767917, -11.759330, -11.740242, -11.770084, -11.770973, -11.770555, -11.702766, -11.672210, -11.656888, -11.644030, -11.633999, -11.688310, -11.612173, -11.615041, -11.608862, -11.675717, -11.672152, -11.619037, -11.607554, -11.621890, -11.539628, -11.582389, -11.505353, -11.506137, -11.516038, -11.488252, -11.464626, -11.555939, -11.470755, -11.477320, -11.503404, -11.444288, -11.514609, -11.442399, -11.395453, -11.417263, -11.507715, -11.409320, -11.432245, -11.437587, -11.405253, -11.347139, -11.368037, -11.442106, -11.416598, -11.311483, -11.318091, -11.345511, -11.311282, -11.263789, -11.369459, -11.318594, -11.253346, -11.275534, -11.303650, -11.246404, -11.238109, -11.330812, -11.262724, -11.256104, -11.304247, -11.222750, -11.260267, -11.268924, -11.264678, -11.178239, -11.215854, -11.183023, -11.236221, -11.190973, -11.213630, -11.148606, -11.194403, -11.171699, -11.036693, -11.178444, -11.212547, -11.126407, -11.096385, -11.113798, -11.100501, -11.117359, -11.137890, -11.133387, -11.173369, -11.087261, -11.093644, -11.072756, -11.086142, -11.111346, -11.077774, -11.041398, -11.115988, -11.051571, -11.023808, -11.007654, -10.986833, -11.045266, -11.028788, -10.972257, -11.024872, -11.023347, -10.963393, -10.999147, -10.988231, -11.024704, -10.955430, -10.948047, -10.976632, -10.963916, -10.944159, -10.941738, -10.988978, -10.986086, -10.893852, -10.970823, -10.930062, -10.907232, -10.985453, -10.946364, -10.870025, -10.952854, -10.817455, -10.883003, -10.932498, -10.827333, -10.860927, -10.907078, -10.876232, -10.887182, -10.870004, -10.914099, -10.877161, -10.936840, -10.929503, -10.838376, -10.858479, -10.841352, -10.896008, -10.929105, -10.945358, -11.049899, -11.024334, -11.083250, -11.577282, -11.331383, -11.528310, -11.884033, -12.191691, -12.494642, -12.393940, -11.879013, -11.514395, -11.288580, -11.240140, -11.185865, -11.183484, -11.195589, -11.173580, -11.232604, -11.226796, -11.173893, -11.171396, -11.198562, -11.178386, -11.154948, -11.233259, -11.218584, -11.263170, -11.226203, -11.212432, -11.234622, -11.203861, -11.141663, -11.252211, -11.182387, -11.184281, -11.251010, -11.153616, -11.200994, -11.251609, -11.229125, -11.234426, -11.188760, -11.167431, -11.214060, -11.189217, -11.169435, -11.176277, -11.215827, -11.224740, -11.252942, -11.188585, -11.259495, -11.175788, -11.209007, -11.186180, -11.269020, -11.167184, -11.239420, -11.246427, -11.212875, -11.274052, -11.248956, -11.138576, -11.200762, -11.196568, -11.234824, -11.189839, -11.256922, -11.243899, -11.181837, -11.172835, -11.249906, -11.216124, -11.218074, -11.203452, -11.190719, -11.235559, -11.208005, -11.241541, -11.222897, -11.245105, -11.218976, -11.238669, -11.186864, -11.235706, -11.251585, -11.194207, -11.206015, -11.248406, -11.130074, -11.267996, -11.164400, -11.230077, -11.253899, -11.256946, -11.265360, -11.526430, -12.161562, -12.806432 -Channel 1: -4.259930, -6.665874, -8.134066, -8.840438, -8.619794, -7.955403, -8.262574, -8.998555, -9.045693, -8.528444, -7.130245, -7.262262, -6.663597, -7.233217, -6.972096, -6.821386, -6.677742, -7.806568, -7.335373, -7.410591, -6.870041, -7.541009, -7.960963, -8.444545, -8.221375, -7.770029, -7.763016, -8.179813, -7.863228, -8.234585, -8.139375, -8.447256, -7.722274, -7.880364, -6.586095, -7.770856, -7.927386, -8.511121, -8.588671, -8.453915, -8.236507, -8.271281, -8.939804, -7.892449, -8.888687, -8.282051, -8.188881, -8.348185, -7.744533, -8.006490, -7.487299, -8.713056, -9.093363, -8.952080, -8.845392, -9.472238, -8.873316, -8.721225, -8.098806, -8.701453, -8.930824, -8.396164, -8.278354, -9.088575, -8.290803, -8.495568, -8.264076, -8.434325, -8.595228, -8.251158, -7.845592, -8.516354, -7.873776, -8.346703, -8.880695, -8.575607, -8.760291, -8.786157, -8.844520, -8.617285, -8.004654, -8.407488, -8.017504, -8.364023, -8.809873, -8.760958, -7.909836, -8.728406, -8.382615, -9.363587, -9.165038, -9.414248, -9.130792, -9.224532, -8.767155, -8.954391, -9.178588, -9.399056, -8.776269, -9.172440, -8.084314, -8.842681, -9.525107, -10.051264, -9.343119, -9.600515, -8.690162, -8.984976, -9.492682, -9.637033, -9.019089, -9.689909, -9.886874, -9.555185, -8.698978, -9.482370, -9.512797, -9.796427, -9.084339, -9.067111, -8.096872, -9.394472, -9.210224, -9.591035, -8.734660, -9.219631, -9.474369, -9.584915, -9.621107, -8.822695, -8.890237, -9.707699, -8.917385, -9.366862, -9.725400, -9.663552, -9.681070, -9.314154, -9.079782, -8.314726, -7.821788, -9.292004, -9.918605, -9.974658, -8.805674, -9.051614, -8.993109, -8.707320, -9.610121, -9.380853, -9.539219, -9.583693, -8.444094, -9.370004, -9.774833, -9.178371, -8.069433, -8.741679, -9.057518, -9.273414, -9.224139, -9.633160, -8.476246, -9.280371, -7.927913, -9.082052, -9.332532, -9.351880, -8.692086, -9.607157, -8.883523, -8.950102, -7.722098, -8.834408, -8.517441, -9.079045, -9.703975, -9.093547, -9.000713, -8.605949, -8.179986, -9.252756, -9.447043, -8.756150, -8.281525, -8.750285, -8.695918, -9.297653, -8.472452, -9.554568, -9.649224, -9.381518, -9.197469, -7.805096, -7.631302, -8.775340, -8.234345, -9.489371, -9.777892, -9.381069, -8.678194, -8.850762, -7.287530, -8.545574, -7.447676, -8.876554, -9.582433, -9.590407, -9.882222, -9.883838, -9.288763, -9.118943, -7.675229, -8.229518, -7.170421, -7.817407, -7.205565, -8.695884, -9.216897, -9.148524, -7.428808, -8.720323, -8.317363, -8.370560, -7.106984, -8.726242, -9.387314, -8.698427, -8.072460, -8.357757, -7.377579, -8.342648, -7.289837, -8.238201, -8.384848, -8.944333, -8.949400, -9.203900, -9.035657, -9.163540, -8.073293, -7.974755, -7.929166, -8.947936, -9.142023, -9.270968, -9.305846, -8.361058, -8.018343, -8.932560, -8.223735, -8.836396, -7.915270, -8.753596, -8.604981, -8.492489, -8.559630, -9.541150, -9.361395, -9.288562, -8.349491, -9.096639, -9.020768, -9.538647, -9.318568, -8.856726, -8.520123, -9.246026, -8.430225, -8.377248, -8.167982, -8.518759, -9.347731, -9.710631, -9.302118, -8.489496, -7.592235, -7.705674, -7.287686, -8.487080, -8.087019, -8.961322, -9.055279, -9.079551, -8.932386, -8.889071, -7.805691, -8.656663, -7.920151, -8.411662, -8.936442, -9.642854, -8.826767, -8.716343, -7.467595, -8.323562, -8.461170, -8.868902, -8.692887, -8.625588, -8.171611, -9.140244, -9.517572, -9.013833, -8.891995, -8.924587, -7.552063, -8.659528, -9.011218, -9.835388, -9.553982, -8.811605, -8.372470, -9.111942, -8.329686, -8.317845, -8.564806, -7.922851, -7.458095, -7.964257, -7.765472, -8.852958, -8.004261, -8.580846, -7.945783, -8.703115, -8.308766, -8.203026, -7.815558, -8.566113, -8.240727, -8.818314, -8.148007, -8.323301, -8.430678, -8.997805, -7.646616, -8.818527, -8.304271, -8.703316, -7.301023, -8.111465, -9.022206, -9.175094, -8.195924, -9.038541, -8.702284, -7.924984, -7.833028, -8.954045, -8.984037, -8.906318, -8.771588, -8.077010, -7.400714, -8.603812, -9.210019, -9.064473, -8.652490, -8.205794, -7.619889, -8.567104, -8.550753, -8.550062, -7.631665, -8.534122, -9.733936, -9.977779, -9.118277, -9.742090, -9.107510, -8.430905, -8.022441, -8.587177, -9.021651, -7.880519, -7.746123, -7.836301, -6.868521, -8.423772, -8.782660, -9.423576, -8.260281, -8.590183, -7.321841, -8.259229, -7.961996, -8.479307, -7.360967, -7.342826, -7.451933, -7.621740, -6.663265, -8.063039, -7.318747, -8.346091, -7.880221, -8.537465, -7.400912, -7.799035, -7.097081, -7.607987, -6.399781, -5.818133, -4.206942, -4.873427, -5.870036, -7.291239, -7.132577, -8.057511, -7.916516, -8.310016, -7.182425, -8.365717, -8.209022, -8.168317, -7.596393, -8.103685, -6.841571, -7.362644, -7.668583, -8.431250, -7.828101, -7.703382, -6.534189, -7.691038, -6.858395, -8.142296, -8.667139, -8.501014, -7.613063, -8.795669, -7.589070, -8.072585, -7.145250, -8.226945, -7.153139, -8.173641, -7.536234, -8.041589, -7.015898, -7.913368, -7.038860, -8.217951, -7.877144, -8.356038, -8.270323, -7.800798, -8.486864, -7.774801, -8.109586, -9.023869, -8.373515, -8.463743, -8.083220, -8.798285, -8.303820, -8.513109, -8.073146, -8.009741, -7.220683, -7.716941, -6.996583, -7.472267, -7.212493, -7.494446, -7.912122, -8.258996, -7.328467, -7.363515, -7.818997, -7.495634, -6.799818, -7.531826, -6.498136, -7.636568, -6.885640, -7.639394, -6.917420, -7.549028, -6.717033, -7.402769, -6.375102, -6.889420, -6.735350, -7.222528, -6.668705, -7.202723, -6.608903, -7.570821, -7.501699, -7.425125, -7.080040, -8.427832, -7.533368, -7.938439, -7.413480, -8.108686, -6.766507, -7.338324, -7.053434, -8.005589, -7.035327, -7.516874, -7.424109, -8.089847, -7.000190, -7.458596, -7.081159, -6.558933, -5.088411, -7.060199, -6.769171, -7.562777, -6.649964, -6.674577, -6.462755, -6.777149, -6.819967, -8.117656, -7.640822, -7.916130, -6.262249, -7.592839, -6.132151, -7.613210, -6.293193, -7.393553, -6.353974, -7.469313, -6.163464, -6.751505, -6.172511, -7.133448, -6.491663, -7.821720, -6.676021, -7.639304, -6.155329, -7.014252, -5.443317, -6.704660, -5.916575, -6.898118, -6.195959, -7.433244, -6.455409, -7.007600, -6.128975, -7.460167, -6.123561, -7.651618, -7.164772, -7.629981, -6.835324, -6.716437, -5.183644, -6.868895, -6.805713, -7.968579, -7.487688, -7.114592, -5.821909, -7.316700, -6.855646, -7.720102, -6.446047, -7.697660, -6.339335, -7.687504, -6.834591, -6.683082, -6.942220, -6.909783, -5.074804, -6.165250, -6.153298, -5.678282, -4.613012, -5.964366, -5.786907, -6.916967, -6.850884, -7.534286, -8.144188, -7.996600, -6.341528, -7.122040, -5.758266, -7.088390, -5.968180, -6.704577, -6.537925, -7.251836, -6.228176, -6.687443, -6.398175, -6.690834, -5.928494, -6.550750, -6.842618, -7.406426, -5.854750, -7.262702, -6.566095, -7.092973, -6.727913, -7.309717, -6.720907, -6.788705, -5.831271, -6.358783, -6.244705, -6.687904, -7.170726, -7.503015, -6.122330, -6.378451, -5.728226, -6.376993, -6.353649, -7.462792, -7.881882, -7.554917, -7.625055, -7.638963, -6.011956, -6.946953, -6.791678, -6.385592, -5.502690, -4.915271, -3.416375, -4.899525, -4.581249, -6.402817, -5.971680, -7.012322, -6.136549, -6.824212, -5.319725, -6.310439, -4.835482, -6.512325, -5.837218, -7.188224, -6.723541, -6.708874, -6.554284, -5.596497, -5.616427, -6.737126, -6.436505, -7.376004, -6.440490, -6.446702, -6.007579, -6.601145, -6.317451, -6.036757, -6.105096, -7.011704, -5.711968, -5.987137, -6.980494, -7.624007, -6.877258, -7.194951, -6.188616, -5.987470, -4.655405, -6.499982, -6.489651, -6.532937, -6.708004, -6.527180, -6.724357, -6.717589, -6.022833, -6.931286, -6.336641, -5.685828, -4.039437, -6.219453, -8.130675, -9.464308, -10.022870, -10.420049, -10.703384, -10.945469, -11.123913, -11.233537, -11.379059, -11.494582, -11.570949, -11.675247, -11.761181, -11.768067, -11.876720, -11.893350, -11.947802, -11.989884, -12.004077, -12.054701, -12.056536, -12.044354, -12.132642, -12.120678, -12.167317, -12.158012, -12.181180, -12.234111, -12.213580, -12.198493, -12.204160, -12.181049, -12.212451, -12.228227, -12.194394, -12.214880, -12.222660, -12.221822, -12.209952, -12.211454, -12.231614, -12.189473, -12.269559, -12.235000, -12.216308, -12.242371, -12.219618, -12.193850, -12.249622, -12.135980, -12.168841, -12.146604, -12.162963, -12.133065, -12.176877, -12.193899, -12.186448, -12.118124, -12.070942, -12.128473, -12.127756, -12.127233, -12.084522, -12.087598, -12.059898, -12.036678, -12.050549, -12.025837, -12.031931, -12.072273, -12.063232, -11.981957, -12.024312, -12.010247, -12.003762, -11.971796, -11.992863, -11.976723, -12.006408, -11.907823, -11.917524, -11.936979, -11.914774, -11.909843, -11.857338, -11.827791, -11.818738, -11.888795, -11.909382, -11.865104, -11.827947, -11.788726, -11.810175, -11.717047, -11.772633, -11.790649, -11.793788, -11.773142, -11.705820, -11.728366, -11.702689, -11.730853, -11.739186, -11.704392, -11.706135, -11.697459, -11.680339, -11.669865, -11.703570, -11.697549, -11.661277, -11.529678, -11.662926, -11.676917, -11.647680, -11.607013, -11.658460, -11.595510, -11.508871, -11.550809, -11.548915, -11.564424, -11.606986, -11.650755, -11.522508, -11.488883, -11.567245, -11.519251, -11.487745, -11.415361, -11.505821, -11.463196, -11.427436, -11.428846, -11.495184, -11.484595, -11.447071, -11.356764, -11.387198, -11.433549, -11.385021, -11.381288, -11.412570, -11.381546, -11.437341, -11.441191, -11.381344, -11.277543, -11.320440, -11.275726, -11.365967, -11.311194, -11.317135, -11.320085, -11.225074, -11.287350, -11.278776, -11.293480, -11.309305, -11.255347, -11.285573, -11.194140, -11.244653, -11.189018, -11.185633, -11.218847, -11.213889, -11.249570, -11.167549, -11.208049, -11.164425, -11.189422, -11.162452, -11.137228, -11.119850, -11.170403, -11.115357, -11.167995, -11.095230, -11.144916, -11.131977, -11.218188, -11.122955, -11.087488, -11.094148, -11.117593, -11.072780, -11.149068, -11.072266, -11.064289, -10.957873, -11.110456, -11.084738, -10.982981, -11.059867, -10.989739, -11.026423, -11.046131, -11.043926, -11.035169, -10.988957, -10.986110, -11.049037, -11.020273, -11.016151, -10.952446, -10.977067, -11.005713, -10.958026, -10.960253, -10.967862, -10.907291, -10.987797, -10.980047, -10.960212, -10.902742, -10.904990, -10.905846, -10.908110, -10.894984, -10.916619, -10.872750, -10.865998, -10.830662, -10.915156, -10.869629, -10.846634, -10.835961, -10.850613, -10.783281, -10.834146, -10.895739, -10.908914, -10.848139, -10.796355, -10.818753, -10.812157, -10.800378, -10.834988, -10.916374, -10.953966, -11.065389, -11.065859, -11.090129, -11.459610, -11.276367, -11.578049, -11.910393, -12.216752, -12.428281, -12.393793, -11.969883, -11.537288, -11.248703, -11.168830, -11.168840, -11.218028, -11.186548, -11.135037, -11.196804, -11.194995, -11.116007, -11.144456, -11.200728, -11.253898, -11.172103, -11.147541, -11.185085, -11.161169, -11.215450, -11.158085, -11.167490, -11.224521, -11.135065, -11.193638, -11.183433, -11.186640, -11.244736, -11.189924, -11.253969, -11.204787, -11.206291, -11.244095, -11.138053, -11.176304, -11.150232, -11.206832, -11.192003, -11.193088, -11.192120, -11.187546, -11.204346, -11.198397, -11.147942, -11.162097, -11.121401, -11.136583, -11.160843, -11.152843, -11.169833, -11.183629, -11.196892, -11.168925, -11.188020, -11.209744, -11.185288, -11.200361, -11.213862, -11.218718, -11.186627, -11.170916, -11.157483, -11.213737, -11.200897, -11.240792, -11.182018, -11.195962, -11.130478, -11.133306, -11.196097, -11.207166, -11.203553, -11.204930, -11.240325, -11.132530, -11.123456, -11.159070, -11.205329, -11.170352, -11.195209, -11.192614, -11.211015, -11.148291, -11.120795, -11.191674, -11.138820, -11.281963, -11.270242, -11.489305, -12.294074, -12.989191 diff --git a/lib_v5/sox/MDX-NET_Noise_Profile_17_kHz.prof b/lib_v5/sox/MDX-NET_Noise_Profile_17_kHz.prof deleted file mode 100644 index 6c40d97..0000000 --- a/lib_v5/sox/MDX-NET_Noise_Profile_17_kHz.prof +++ /dev/null @@ -1,2 +0,0 @@ -Channel 0: -7.022511, -9.313257, -8.954404, -9.062412, -8.119623, -7.567338, -6.810928, -8.327638, -7.931757, -8.244785, -6.990144, -7.550804, -6.674121, -7.584953, -7.298182, -7.895591, -7.624787, -7.921506, -6.929822, -7.052393, -6.668636, -6.955640, -6.510990, -7.014176, -6.803216, -7.208105, -6.231098, -7.471639, -7.426999, -7.545268, -6.670330, -7.579526, -6.854983, -7.331535, -6.360727, -7.662608, -7.336194, -7.438053, -7.286675, -8.025891, -7.912660, -7.222696, -7.589544, -8.168061, -7.875918, -7.803505, -6.584186, -7.987016, -7.939283, -8.627341, -8.222587, -8.316152, -7.102847, -8.353908, -8.128943, -8.224872, -6.986894, -8.476807, -8.702637, -8.550906, -7.368746, -7.854296, -7.708652, -8.422280, -8.043739, -7.772015, -7.153750, -8.387798, -7.482107, -8.234938, -8.192136, -8.806033, -8.334512, -8.309553, -7.693925, -7.913654, -6.697949, -7.737255, -8.117037, -8.800273, -8.145848, -8.637567, -7.942630, -8.199139, -8.551437, -8.937626, -8.637689, -8.343870, -7.900403, -9.155122, -8.841417, -8.346306, -8.422929, -7.960911, -8.165189, -8.366655, -8.291610, -8.909536, -8.365689, -8.614977, -8.214087, -8.339625, -8.503243, -9.078622, -8.858113, -8.932325, -8.924621, -7.878240, -8.585690, -8.670103, -8.544448, -7.931498, -8.991961, -9.477258, -8.526348, -9.177385, -9.308728, -8.617680, -8.495390, -8.977912, -8.067917, -9.393319, -9.259705, -8.601230, -8.079501, -8.961436, -8.919961, -9.086025, -9.480639, -9.544118, -8.857782, -9.767470, -9.391277, -9.704441, -9.657627, -9.877216, -9.710294, -9.583593, -9.054499, -8.414585, -8.055356, -8.649996, -8.840528, -9.365113, -8.784850, -8.796751, -8.912309, -8.585380, -9.308690, -8.487797, -9.092213, -9.565853, -9.012030, -9.651210, -9.376769, -8.829016, -8.229635, -8.721829, -8.994604, -9.695353, -9.474154, -9.976717, -9.399129, -8.863448, -8.384840, -8.186081, -9.368497, -9.650010, -9.142137, -9.692886, -9.607505, -8.749049, -8.666296, -8.738358, -8.212238, -8.570597, -9.234272, -9.007276, -9.281348, -9.029400, -8.423742, -8.992992, -9.342495, -8.960323, -8.479172, -9.042047, -8.616011, -8.906531, -8.942233, -9.776462, -9.955156, -9.830018, -9.522602, -9.307020, -9.720687, -10.100132, -9.400967, -9.984948, -9.498590, -9.495410, -9.412329, -9.475638, -7.992827, -8.972166, -7.923417, -8.959393, -8.684474, -7.644432, -8.641407, -9.512889, -9.838682, -10.209206, -9.605980, -9.382138, -9.224405, -9.226932, -7.917700, -8.868219, -9.708944, -9.231111, -8.331440, -8.892682, -8.585857, -7.291300, -7.986256, -8.663939, -9.210594, -8.754987, -8.365806, -9.452863, -9.769249, -8.749619, -7.804346, -8.733279, -8.668061, -8.630676, -8.505527, -9.519879, -8.959597, -8.965312, -8.571876, -8.324415, -7.708903, -9.047428, -8.981148, -9.522182, -9.404035, -8.852135, -7.796062, -8.787700, -8.012788, -8.840203, -8.872696, -8.974776, -8.929610, -8.327738, -7.844185, -8.199956, -9.411220, -9.607861, -9.389175, -9.789560, -9.934152, -9.584015, -9.544675, -8.942565, -7.917750, -8.846075, -8.379841, -8.154025, -8.830277, -9.081437, -9.424503, -9.606987, -8.885700, -9.196419, -9.105150, -9.195486, -9.257588, -8.425780, -8.295901, -9.085381, -9.650007, -9.182520, -9.524630, -9.186199, -8.502392, -8.970937, -8.639186, -9.278731, -9.176347, -9.831464, -9.403414, -8.428373, -6.769602, -8.012395, -8.277117, -8.294403, -8.106996, -8.650785, -8.121872, -8.468178, -9.083624, -8.134653, -9.194198, -8.626527, -8.762203, -8.822869, -9.243153, -9.623958, -8.756038, -8.726218, -9.233117, -9.034986, -8.813923, -7.979124, -8.383992, -8.348371, -8.808297, -8.535220, -8.278391, -9.220022, -8.511995, -8.739139, -7.537398, -8.155301, -8.892835, -8.869392, -8.864579, -8.935022, -8.976144, -8.434680, -8.723064, -8.403603, -9.233499, -9.299350, -8.530239, -8.979854, -9.482674, -9.013645, -8.017004, -8.161705, -9.147952, -9.084341, -8.827293, -8.791292, -9.082264, -8.333515, -9.016755, -9.112760, -8.964992, -8.293320, -8.766930, -8.832554, -8.238712, -8.851898, -9.306015, -9.258110, -8.844940, -7.835253, -8.597816, -9.052442, -8.717923, -8.638993, -8.108345, -8.808186, -9.897814, -10.387317, -10.075161, -9.902790, -9.174905, -8.304370, -7.755851, -8.634621, -9.004167, -7.983235, -7.923332, -8.120077, -7.614614, -8.763369, -9.332949, -9.369666, -8.441123, -8.461738, -8.259887, -8.250314, -8.265318, -8.520843, -8.530969, -8.023812, -7.618998, -7.765385, -7.988875, -8.401665, -8.325970, -8.945764, -8.864157, -8.696728, -9.108461, -8.464258, -8.543725, -7.752894, -7.002729, -6.025448, -4.896445, -5.225753, -6.874610, -8.139270, -8.610417, -8.741871, -8.696627, -8.628880, -8.492483, -8.192005, -7.902628, -7.911298, -8.756876, -9.062420, -8.434819, -8.461452, -7.076364, -8.455647, -8.345693, -8.840329, -8.492735, -8.257947, -8.051819, -9.202900, -9.513504, -9.150462, -8.920264, -9.211526, -8.240285, -8.697450, -7.940681, -8.776854, -8.651824, -8.749647, -8.179727, -8.389605, -8.603656, -9.422929, -8.529789, -9.340404, -8.963207, -8.887597, -8.968869, -8.366693, -8.451349, -8.577637, -8.608460, -8.556646, -8.845993, -8.590591, -8.548221, -9.044733, -9.118712, -8.758248, -8.390988, -8.091931, -7.718466, -8.149055, -7.919307, -8.579622, -8.551954, -8.393289, -8.392942, -8.530635, -8.449916, -7.802065, -8.720729, -8.707080, -9.120417, -8.851634, -8.042539, -8.215447, -7.977089, -8.264263, -8.367893, -8.373952, -8.706278, -8.316601, -7.667709, -7.431025, -6.905149, -7.764071, -8.206181, -8.404657, -8.253519, -8.217644, -8.181525, -7.881931, -7.582250, -8.539621, -7.920482, -8.335696, -8.302518, -8.540465, -8.242615, -8.124131, -8.035612, -8.794004, -7.924403, -8.485039, -8.294815, -8.405584, -7.852155, -7.991236, -8.116597, -7.361186, -7.243252, -8.581017, -8.439802, -8.059856, -7.764704, -6.863931, -6.875181, -8.385798, -8.968863, -9.298266, -7.675892, -8.514756, -7.244797, -7.757073, -7.720697, -8.575236, -7.138589, -8.436767, -7.670123, -8.396845, -7.277484, -7.241994, -7.555595, -7.552215, -8.881115, -8.275177, -8.351746, -9.240251, -8.168573, -7.794403, -5.895913, -7.275255, -7.963550, -8.461949, -8.374667, -8.349006, -7.887099, -7.388090, -6.752315, -8.336324, -7.835473, -8.518676, -8.322826, -8.615271, -8.852246, -7.858840, -6.526604, -8.279624, -8.732480, -8.687793, -7.793772, -7.971442, -7.072676, -8.180220, -8.467965, -8.743002, -9.137343, -8.796957, -8.434436, -7.846775, -7.045111, -6.694064, -7.634469, -7.919493, -7.117562, -6.395472, -5.017938, -5.609005, -4.834591, -6.063451, -6.039328, -6.841287, -6.427972, -7.661885, -7.911545, -8.174883, -7.662075, -8.173429, -7.581857, -7.463420, -8.275142, -7.385161, -5.991875, -7.759821, -8.031092, -6.914681, -6.475497, -6.535134, -6.474186, -6.708752, -7.931177, -8.272029, -7.750743, -8.225327, -7.862559, -7.739587, -7.423071, -7.801812, -7.141039, -7.735169, -7.006416, -6.916735, -7.560911, -7.303753, -7.929754, -7.740630, -6.339507, -7.010463, -6.319649, -6.708718, -7.150511, -8.312416, -8.014391, -7.677618, -6.948795, -7.775038, -7.241963, -7.696080, -6.544408, -6.967123, -6.051815, -5.613541, -5.832760, -5.020386, -6.307780, -7.668894, -7.995650, -7.994500, -8.332359, -7.354581, -5.674274, -7.592724, -8.075156, -7.838588, -6.507462, -7.901927, -7.317823, -7.118169, -6.991262, -5.791794, -6.589749, -6.363425, -5.540904, -7.308603, -7.291809, -6.726092, -7.754370, -6.728154, -6.454430, -6.305466, -7.184079, -7.639632, -6.498376, -5.546683, -5.717718, -7.253751, -7.070055, -7.590941, -6.658094, -5.415491, -3.575796, -5.801240, -6.845624, -7.390230, -7.675047, -8.473791, -8.859367, -8.026364, -6.459478, -6.655009, -7.173772, -7.252114, -9.596974, -7.151223, -5.259979, -8.554816, -8.424855, -8.281188, -5.900911, -7.884051, -7.189639, -6.784506, -5.880243, -7.755636, -7.098656, -7.989714, -7.059829, -6.308419, -8.941630, -8.065972, -8.208635, -6.889879, -8.310017, -6.635788, -5.588865, -8.483921, -5.643167, -6.679846, -7.919235, -5.958556, -6.404534, -8.199407, -6.574114, -6.427141, -7.830212, -5.689829, -4.959812, -4.848895, -3.717449, -6.559755, -6.860904, -6.671318, -7.042305, -7.398889, -8.249535, -6.108404, -6.618583, -9.406440, -7.899022, -9.060198, -9.515798, -8.153338, -6.634211, -7.865214, -6.091363, -6.429303, -5.760581, -8.776742, -8.414353, -9.590714, -6.542002, -7.392235, -6.192705, -6.765928, -5.739740, -7.578742, -8.727085, -6.242743, -5.559775, -7.905253, -6.200461, -10.379912, -5.732242, -7.676587, -6.529043, -6.055288, -6.510830, -9.436884, -7.530521, -7.749825, -8.294210, -7.714689, -8.507596, -7.954483, -6.556308, -6.765304, -6.358022, -9.010037, -6.771766, -7.601374, -7.041059, -7.588201, -6.989137, -6.022161, -6.962755, -7.150004, -9.635080, -9.078970, -6.752031, -7.565939, -8.307709, -7.908321, -6.055297, -6.699150, -6.465505, -6.013473, -8.384478, -7.562096, -5.964389, -7.682199, -8.409907, -6.879343, -4.693487, -7.214619, -8.817112, -10.303047, -6.512170, -7.305820, -5.428208, -6.361777, -6.533391, -7.241906, -6.114486, -8.902095, -8.835283, -7.372496, -5.482672, -6.772843, -6.812543, -8.673605, -5.189288, -8.081464, -3.900525, -7.597804, -5.047633, -4.912521, -6.942594, -6.235078, -3.605894, -7.310173, -8.469552, -11.468066, -11.226461, -11.146052, -11.229626, -11.164833, -11.243849, -11.253039, -11.235203, -11.149667, -11.326843, -11.288723, -11.224755, -11.204477, -11.264918, -11.233984, -11.121776, -11.289638, -11.269172, -11.207906, -11.181599, -11.234575, -11.247690, -11.163490, -11.326625, -11.191583, -11.268617, -11.291620, -11.238858, -11.193579, -11.176870, -11.215716, -11.159036, -11.271970, -11.247611, -11.113602, -11.160689, -11.175775, -10.981888, -11.105194, -11.251940, -11.122398, -11.086140, -11.097544, -11.041081, -11.073015, -11.097371, -11.084371, -11.252400, -11.053438, -11.131391, -11.047260, -11.136051, -11.079772, -11.093249, -10.983745, -11.116463, -11.050412, -11.075780, -10.974070, -10.955907, -11.015663, -11.049525, -10.969605, -11.047314, -11.066991, -10.946270, -11.000995, -10.950213, -11.055756, -10.939463, -10.934574, -10.917206, -10.947237, -10.941647, -10.960111, -10.956718, -10.936436, -10.898746, -10.985510, -10.945568, -10.933872, -10.978190, -10.947188, -10.804021, -10.911809, -10.827889, -10.869226, -10.919476, -10.843319, -10.839421, -10.851705, -10.853658, -10.880939, -10.781283, -10.977060, -10.952897, -10.938712, -10.955298, -10.748463, -10.924972, -10.879199, -10.929054, -10.921180, -10.945726, -10.983646, -10.939299, -10.705292, -11.031669, -10.513754, -10.693571, -10.912029, -10.946180, -10.818380, -10.695941, -10.698251, -10.906391, -11.035074, -11.181626, -11.199241, -11.150982, -11.170285, -11.206620, -11.238309, -11.274216, -11.129666, -11.152435, -11.173522, -11.218571, -11.123483, -11.244269, -11.208511, -11.316102, -11.226049, -11.218529, -11.317405, -11.170651, -11.194267, -11.229863, -11.175687, -11.208885, -11.208760, -11.148028, -11.257899, -11.240210, -11.246432, -11.248811, -11.180094, -11.198198, -11.190493, -11.265059, -11.156154, -11.210235, -11.233969, -11.232539, -11.230012, -11.196151, -11.278326, -11.200759, -11.225353, -11.141282, -11.335533, -11.170952, -11.266171, -11.222744, -11.170335, -11.301500, -11.278464, -11.147450, -11.182090, -11.211856, -11.217509, -11.207677, -11.278140, -11.125342, -11.193976, -11.230366, -11.260828, -11.224522, -11.235155, -11.229287, -11.198272, -11.223295, -11.220467, -11.296928, -11.220737, -11.274123, -11.179982, -11.259228, -11.235230, -11.247392, -11.273149, -11.215293, -11.184921, -11.260658, -11.150562, -11.203147, -11.170485, -11.223807, -11.272175, -11.293700, -11.279233, -11.540850, -12.200597, -12.941394 -Channel 1: -4.270192, -6.663640, -8.140110, -8.844081, -8.575138, -7.978834, -8.267450, -8.978099, -9.086776, -8.529025, -7.147648, -7.276341, -6.656914, -7.231251, -6.946883, -6.819805, -6.679328, -7.756877, -7.331001, -7.396341, -6.884608, -7.539893, -7.975287, -8.437523, -8.267248, -7.748665, -7.782652, -8.191841, -7.885399, -8.264413, -8.182870, -8.398309, -7.728699, -7.855081, -6.591702, -7.756169, -7.914336, -8.500672, -8.543102, -8.446955, -8.220243, -8.278142, -8.963963, -7.888924, -8.893662, -8.259323, -8.203679, -8.348019, -7.723798, -8.004878, -7.485764, -8.665133, -9.065126, -8.953817, -8.833653, -9.497748, -8.907465, -8.724965, -8.121098, -8.687820, -8.951026, -8.405193, -8.313186, -9.109064, -8.306084, -8.546080, -8.209398, -8.427859, -8.575456, -8.205860, -7.830866, -8.536558, -7.883756, -8.352640, -8.934301, -8.612836, -8.776380, -8.800065, -8.828787, -8.640271, -8.000557, -8.388738, -8.016991, -8.367069, -8.810062, -8.799665, -7.875513, -8.785804, -8.409342, -9.400877, -9.175210, -9.398706, -9.095190, -9.167312, -8.733653, -8.998903, -9.187517, -9.386499, -8.786619, -9.183569, -8.100863, -8.804855, -9.535043, -10.120937, -9.342409, -9.557522, -8.700355, -9.008266, -9.485213, -9.599244, -9.027004, -9.693371, -9.836198, -9.540946, -8.708062, -9.456387, -9.517851, -9.780323, -9.094191, -9.035079, -8.119836, -9.302094, -9.261651, -9.572584, -8.749856, -9.172155, -9.502947, -9.518841, -9.622642, -8.840147, -8.914239, -9.699424, -8.924451, -9.388162, -9.790759, -9.649215, -9.650964, -9.323616, -9.090399, -8.300802, -7.831038, -9.267503, -9.965466, -9.974915, -8.818888, -9.085139, -8.994055, -8.705689, -9.635268, -9.395703, -9.540138, -9.595535, -8.437662, -9.359179, -9.744497, -9.160555, -8.085259, -8.728516, -9.050907, -9.291428, -9.294331, -9.691622, -8.462609, -9.210120, -7.922633, -9.084736, -9.341661, -9.368309, -8.717360, -9.591371, -8.871268, -8.951572, -7.719129, -8.876096, -8.535476, -9.064057, -9.707839, -9.109544, -8.987193, -8.613302, -8.173237, -9.281091, -9.477493, -8.809498, -8.279366, -8.766362, -8.719968, -9.327693, -8.507048, -9.599504, -9.678430, -9.385988, -9.166972, -7.784899, -7.634409, -8.758973, -8.236065, -9.511396, -9.740844, -9.397927, -8.696402, -8.839628, -7.293506, -8.526157, -7.435136, -8.802592, -9.610785, -9.558276, -9.881927, -9.828929, -9.306979, -9.156070, -7.694469, -8.233447, -7.157570, -7.809645, -7.197019, -8.746968, -9.155252, -9.115268, -7.435725, -8.748813, -8.295706, -8.378020, -7.126649, -8.726049, -9.474744, -8.633800, -8.044592, -8.342962, -7.375877, -8.343970, -7.269118, -8.237880, -8.365869, -8.938065, -8.887692, -9.216837, -9.019353, -9.072343, -8.070677, -7.980286, -7.950916, -8.965281, -9.163460, -9.284147, -9.339770, -8.360902, -8.048224, -8.940832, -8.231330, -8.853284, -7.882938, -8.722349, -8.667901, -8.507625, -8.549378, -9.544074, -9.374763, -9.280513, -8.329761, -9.087658, -9.034509, -9.509072, -9.345602, -8.851980, -8.539908, -9.230748, -8.429011, -8.321016, -8.154366, -8.484861, -9.385189, -9.739197, -9.271906, -8.500626, -7.578624, -7.667590, -7.287690, -8.484861, -8.042121, -8.945263, -9.083145, -9.087670, -8.949371, -8.890515, -7.809470, -8.633796, -7.894257, -8.414583, -8.959983, -9.667341, -8.847832, -8.686839, -7.462113, -8.363901, -8.414103, -8.853100, -8.705165, -8.560319, -8.161669, -9.162997, -9.461254, -9.049075, -8.868749, -8.923185, -7.557037, -8.657516, -8.997875, -9.769009, -9.577145, -8.801404, -8.374747, -9.124983, -8.342117, -8.336476, -8.575762, -7.915602, -7.462622, -7.944622, -7.738770, -8.834626, -7.990729, -8.564021, -7.963709, -8.707344, -8.318006, -8.201933, -7.826272, -8.592953, -8.235822, -8.885434, -8.160892, -8.348221, -8.454442, -9.017961, -7.660970, -8.884977, -8.292888, -8.705436, -7.287392, -8.135398, -9.027605, -9.137162, -8.185086, -8.984292, -8.752854, -7.940424, -7.834377, -8.931225, -8.961582, -8.903617, -8.796529, -8.054077, -7.416689, -8.580381, -9.227936, -9.082407, -8.577139, -8.224162, -7.634368, -8.547578, -8.531403, -8.552275, -7.631245, -8.518866, -9.689816, -9.936214, -9.116348, -9.761444, -9.018908, -8.460141, -8.043260, -8.544185, -9.013305, -7.843700, -7.732491, -7.819498, -6.870423, -8.426630, -8.801185, -9.353038, -8.263714, -8.637920, -7.334318, -8.204150, -7.951678, -8.460904, -7.366690, -7.354162, -7.450001, -7.578928, -6.670479, -8.065260, -7.332352, -8.354437, -7.907674, -8.516783, -7.416480, -7.789542, -7.084380, -7.563978, -6.459464, -5.849337, -4.230644, -4.849373, -5.844287, -7.277649, -7.146060, -8.039157, -7.903176, -8.305772, -7.150444, -8.380709, -8.178065, -8.189162, -7.615516, -8.144091, -6.834309, -7.399991, -7.663358, -8.403500, -7.817025, -7.691719, -6.538202, -7.730538, -6.833235, -8.121889, -8.636822, -8.476426, -7.613294, -8.753193, -7.588366, -8.103361, -7.149153, -8.317013, -7.163706, -8.203319, -7.525594, -8.049586, -7.018550, -7.888430, -7.041047, -8.217840, -7.917796, -8.356810, -8.259681, -7.819068, -8.486651, -7.767195, -8.101092, -8.986306, -8.382953, -8.463140, -8.024301, -8.809350, -8.298580, -8.533374, -8.103161, -8.033763, -7.236793, -7.748631, -6.985250, -7.475979, -7.209479, -7.527597, -7.945220, -8.204417, -7.318993, -7.373285, -7.867432, -7.525581, -6.794626, -7.522351, -6.517192, -7.614692, -6.888175, -7.615620, -6.895521, -7.624823, -6.712448, -7.380799, -6.371728, -6.860324, -6.737245, -7.193390, -6.672542, -7.155167, -6.618636, -7.546051, -7.526530, -7.414734, -7.080678, -8.394568, -7.538613, -7.905541, -7.399315, -8.112391, -6.766757, -7.302668, -7.037004, -8.025328, -7.031128, -7.481417, -7.427618, -8.032214, -6.963579, -7.466666, -7.076167, -6.556991, -5.092578, -7.049939, -6.768930, -7.591386, -6.654032, -6.676908, -6.476560, -6.749610, -6.797665, -8.074041, -7.615402, -7.908899, -6.266147, -7.599014, -6.126627, -7.567152, -6.310365, -7.348424, -6.336482, -7.440295, -6.151966, -6.796911, -6.170508, -7.117245, -6.500327, -7.773465, -6.665100, -7.596445, -6.169718, -6.947991, -5.442378, -6.689099, -5.902991, -6.907348, -6.203120, -7.434564, -6.438062, -7.017654, -6.118177, -7.460887, -6.130594, -7.689841, -7.162925, -7.635408, -6.801121, -6.731966, -5.196128, -6.873763, -6.803572, -7.967835, -7.498225, -7.096711, -5.819211, -7.359742, -6.903828, -7.716420, -6.461520, -7.722697, -6.346835, -7.675492, -6.814327, -6.687297, -6.916948, -6.893233, -5.083655, -6.153616, -6.169555, -5.686822, -4.586546, -5.956958, -5.758215, -6.949276, -6.831325, -7.530193, -8.125878, -7.963492, -6.348386, -7.174787, -5.753207, -7.120672, -5.979476, -6.732230, -6.545552, -7.264046, -6.245191, -6.708983, -6.412326, -6.693007, -5.941673, -6.564994, -6.816466, -7.450498, -5.831371, -7.236291, -6.558025, -7.113918, -6.753689, -7.314566, -6.716977, -6.820462, -5.861762, -6.364305, -6.240707, -6.699377, -7.196761, -7.488554, -6.128102, -6.378423, -5.695363, -6.385833, -6.364261, -7.409912, -7.868589, -7.574068, -7.640921, -7.687597, -6.011852, -7.000337, -6.860147, -6.373374, -5.461085, -4.914928, -3.404035, -4.870114, -4.580211, -6.401453, -5.960752, -6.976380, -6.168141, -6.836315, -5.283979, -6.337120, -4.830195, -6.518327, -5.856899, -7.230504, -6.685647, -6.716970, -6.581803, -5.601863, -5.605798, -6.754468, -6.402707, -7.358669, -6.442252, -6.471717, -6.016406, -6.620801, -6.282458, -6.049546, -6.128071, -7.047830, -5.720434, -5.973932, -6.990739, -7.644491, -6.907004, -7.238392, -6.202686, -5.965728, -4.692185, -6.761809, -7.149376, -8.342059, -7.040874, -7.826696, -8.007431, -5.705263, -6.658586, -8.039128, -6.206254, -6.578399, -6.831464, -8.178464, -6.030503, -8.517356, -7.914279, -6.919414, -5.618747, -10.068442, -5.600289, -8.864754, -5.634145, -7.017211, -6.113876, -7.481764, -6.571066, -6.790471, -8.370024, -6.507107, -5.083258, -8.144763, -7.301594, -8.697870, -5.913996, -6.349708, -6.121922, -6.188774, -7.955318, -7.662683, -7.703241, -8.464936, -6.286858, -6.711960, -4.222905, -7.011821, -3.973734, -5.043220, -4.562181, -7.713712, -8.289908, -6.840765, -6.618509, -7.679755, -7.250099, -7.858937, -7.475200, -6.813412, -9.768647, -8.890526, -8.579681, -7.791796, -6.255357, -7.122413, -9.554542, -8.777953, -6.532039, -7.569040, -5.028326, -7.818338, -6.385958, -8.151657, -6.346604, -8.656785, -8.028773, -9.654331, -7.421164, -8.019170, -8.947421, -6.530681, -5.369073, -6.663182, -4.728814, -6.663252, -6.044799, -7.897478, -7.258170, -8.131509, -6.905666, -6.153443, -7.016261, -6.945092, -8.569502, -8.517926, -7.220370, -7.386760, -6.716546, -8.217299, -7.038978, -6.357114, -6.790031, -6.769157, -7.946248, -8.176070, -5.049869, -7.510045, -6.985369, -7.933089, -8.293227, -8.444429, -7.055247, -8.888533, -6.247623, -8.183514, -6.561455, -5.966605, -8.322082, -6.726229, -7.151208, -9.438443, -8.144704, -6.975171, -4.189978, -8.414025, -6.025840, -10.263202, -7.991672, -7.973480, -6.010127, -6.681681, -6.774192, -8.632033, -7.662427, -9.371824, -7.497658, -8.662717, -7.616771, -7.980336, -6.525924, -7.834465, -3.418145, -4.982173, -6.278600, -7.570866, -5.214770, -3.417378, -4.962902, -7.153659, -3.774199, -6.866785, -8.852055, -11.409514, -11.264275, -11.227779, -11.140963, -11.191744, -11.250610, -11.254078, -11.326032, -11.308912, -11.225026, -11.213474, -11.258029, -11.190276, -11.334739, -11.247247, -11.353536, -11.225825, -11.251584, -11.220440, -11.214817, -11.274110, -11.295369, -11.201161, -11.192406, -11.193519, -11.180105, -11.176787, -11.127281, -11.234157, -11.181536, -11.272301, -11.180830, -11.128940, -11.187681, -11.141543, -11.167258, -11.081792, -11.081266, -11.152400, -11.156038, -11.120447, -11.114101, -11.151927, -11.109225, -11.147255, -11.134800, -11.083464, -11.073687, -11.086663, -11.064107, -11.209591, -11.050712, -11.075068, -10.963866, -11.096394, -11.063994, -10.991780, -11.120616, -10.993151, -11.011486, -11.096132, -11.017140, -10.976646, -10.971249, -10.998024, -11.064100, -10.982141, -11.023302, -10.948461, -10.998789, -11.041459, -10.983773, -10.976852, -10.977949, -10.907612, -10.961806, -11.029299, -10.992733, -10.859036, -10.852772, -10.987747, -10.898373, -10.883004, -10.923697, -10.862229, -10.847460, -10.810920, -10.936211, -10.863916, -10.845893, -10.866469, -10.847320, -10.699488, -10.801410, -10.888728, -10.848457, -10.870825, -10.780372, -10.781551, -10.878941, -10.802979, -10.783075, -10.959118, -10.943352, -11.066099, -10.909803, -10.869906, -10.995039, -10.541193, -10.686408, -10.964622, -11.022051, -10.817604, -10.672168, -10.813093, -10.921474, -11.102582, -11.139462, -11.116461, -11.270153, -11.123079, -11.155297, -11.182258, -11.170168, -11.106271, -11.150992, -11.179667, -11.308740, -11.230691, -11.145323, -11.239798, -11.145175, -11.194226, -11.120156, -11.134033, -11.231455, -11.235683, -11.209129, -11.159099, -11.172623, -11.291372, -11.200271, -11.237217, -11.257616, -11.222938, -11.225456, -11.175499, -11.197503, -11.117116, -11.234553, -11.205074, -11.162077, -11.258830, -11.222817, -11.224585, -11.164248, -11.151267, -11.187802, -11.166786, -11.151842, -11.109906, -11.131874, -11.132351, -11.173800, -11.221705, -11.181898, -11.169400, -11.218098, -11.190119, -11.245463, -11.232352, -11.202470, -11.206164, -11.161647, -11.156329, -11.160573, -11.199409, -11.231514, -11.169072, -11.205430, -11.170809, -11.121509, -11.242714, -11.204174, -11.229030, -11.187777, -11.278970, -11.144394, -11.160449, -11.172674, -11.124202, -11.204293, -11.206535, -11.191360, -11.246559, -11.162463, -11.072052, -11.159830, -11.134204, -11.267027, -11.323252, -11.508550, -12.273798, -12.997051 diff --git a/lib_v5/sox/MDX-NET_Noise_Profile_Full_Band.prof b/lib_v5/sox/MDX-NET_Noise_Profile_Full_Band.prof deleted file mode 100644 index 4af9e33..0000000 --- a/lib_v5/sox/MDX-NET_Noise_Profile_Full_Band.prof +++ /dev/null @@ -1,2 +0,0 @@ -Channel 0: -7.015698, -9.317359, -8.952786, -9.065173, -8.113693, -7.565343, -6.811789, -8.321147, -7.932272, -8.242270, -6.986632, -7.549141, -6.671412, -7.587228, -7.299980, -7.898955, -7.617141, -7.914523, -6.933720, -7.051231, -6.664945, -6.956031, -6.511960, -7.012788, -6.801684, -7.203504, -6.236563, -7.471833, -7.421259, -7.547188, -6.667843, -7.577873, -6.859033, -7.329738, -6.360504, -7.665897, -7.332328, -7.440178, -7.283539, -8.019411, -7.913713, -7.226709, -7.587838, -8.170925, -7.875589, -7.801997, -6.582462, -7.988623, -7.943612, -8.624181, -8.223467, -8.319062, -7.102364, -8.356835, -8.129663, -8.225463, -6.988341, -8.487193, -8.702145, -8.546068, -7.363751, -7.853270, -7.711988, -8.418592, -8.037497, -7.774030, -7.151487, -8.388445, -7.478941, -8.232570, -8.189625, -8.793167, -8.336990, -8.313159, -7.695498, -7.906870, -6.702977, -7.735226, -8.116970, -8.785906, -8.152016, -8.642484, -7.939578, -8.201177, -8.551635, -8.925956, -8.637741, -8.344340, -7.901069, -9.146023, -8.845733, -8.347571, -8.420129, -7.963733, -8.160921, -8.362042, -8.295437, -8.903557, -8.360244, -8.611417, -8.212520, -8.332176, -8.513407, -9.074921, -8.856655, -8.929969, -8.931958, -7.875406, -8.587790, -8.671852, -8.536988, -7.919563, -8.988033, -9.477244, -8.519902, -9.176195, -9.309445, -8.616174, -8.493151, -8.979114, -8.068551, -9.389647, -9.263980, -8.604459, -8.084020, -8.963998, -8.920761, -9.087702, -9.486453, -9.539032, -8.854679, -9.773141, -9.386360, -9.698542, -9.647704, -9.869190, -9.701568, -9.587010, -9.048750, -8.414932, -8.060217, -8.647210, -8.845202, -9.370629, -8.782528, -8.792483, -8.911558, -8.584456, -9.300661, -8.495095, -9.093721, -9.560238, -9.023186, -9.648329, -9.389063, -8.834762, -8.226566, -8.717438, -8.996008, -9.692299, -9.475077, -9.973739, -9.398128, -8.868752, -8.377951, -8.182668, -9.365520, -9.642251, -9.134949, -9.693188, -9.610499, -8.745167, -8.671079, -8.728637, -8.208421, -8.570413, -9.244000, -9.008064, -9.276947, -9.035620, -8.429684, -8.991256, -9.338222, -8.959399, -8.471518, -9.036054, -8.628779, -8.906425, -8.948848, -9.785655, -9.964238, -9.829682, -9.532502, -9.306728, -9.720577, -10.102713, -9.400069, -9.980535, -9.483313, -9.491782, -9.407825, -9.478008, -7.992061, -8.977104, -7.917736, -8.957514, -8.690778, -7.636889, -8.641921, -9.499757, -9.837237, -10.214421, -9.599822, -9.375741, -9.209269, -9.225225, -7.915866, -8.865634, -9.715910, -9.240470, -8.332273, -8.894484, -8.586401, -7.288026, -7.981294, -8.667134, -9.196930, -8.763534, -8.367485, -9.446696, -9.764494, -8.751509, -7.809508, -8.728686, -8.670359, -8.629260, -8.508178, -9.514717, -8.953158, -8.964006, -8.576638, -8.326049, -7.706118, -9.038538, -8.981578, -9.511746, -9.395278, -8.852412, -7.797660, -8.784411, -8.013805, -8.832834, -8.873201, -8.986084, -8.927301, -8.328803, -7.843829, -8.202698, -9.408952, -9.601011, -9.386842, -9.784276, -9.921844, -9.574441, -9.545932, -8.942208, -7.918189, -8.842418, -8.380224, -8.156127, -8.829368, -9.083169, -9.421960, -9.603397, -8.879229, -9.196795, -9.107039, -9.189077, -9.252789, -8.426090, -8.296115, -9.083405, -9.647949, -9.175474, -9.523008, -9.185508, -8.500382, -8.970104, -8.647032, -9.275333, -9.184709, -9.816960, -9.398018, -8.424715, -6.767682, -8.012528, -8.270062, -8.294702, -8.107329, -8.643224, -8.116073, -8.464980, -9.084990, -8.127410, -9.193801, -8.626604, -8.757569, -8.822511, -9.242986, -9.630324, -8.752042, -8.723134, -9.234562, -9.040350, -8.813895, -7.984492, -8.387286, -8.345594, -8.809824, -8.533006, -8.282261, -9.215349, -8.512403, -8.732168, -7.535620, -8.143892, -8.891842, -8.861986, -8.862658, -8.923354, -8.976147, -8.432720, -8.725791, -8.403950, -9.234339, -9.303814, -8.529626, -8.967728, -9.467777, -9.002111, -8.012326, -8.159629, -9.148817, -9.086983, -8.827235, -8.785587, -9.089208, -8.336087, -9.013100, -9.107185, -8.962582, -8.289419, -8.763026, -8.827613, -8.241580, -8.843821, -9.303745, -9.252147, -8.855395, -7.826758, -8.592337, -9.058434, -8.713236, -8.642026, -8.106972, -8.804232, -9.897342, -10.388715, -10.074681, -9.894003, -9.184089, -8.306554, -7.753246, -8.631785, -8.998413, -7.980520, -7.925332, -8.118677, -7.611526, -8.765229, -9.343654, -9.374129, -8.437031, -8.461643, -8.262949, -8.248797, -8.264856, -8.517710, -8.535211, -8.026075, -7.617274, -7.765095, -7.986512, -8.407936, -8.324882, -8.941612, -8.860438, -8.697630, -9.101689, -8.466511, -8.538147, -7.754043, -7.000149, -6.024706, -4.896402, -5.225357, -6.875252, -8.136957, -8.618169, -8.738033, -8.685004, -8.630751, -8.496503, -8.193176, -7.899412, -7.909535, -8.757877, -9.063406, -8.429973, -8.457325, -7.075978, -8.456518, -8.343389, -8.846719, -8.486741, -8.255022, -8.057769, -9.201155, -9.513924, -9.152332, -8.917256, -9.205484, -8.242387, -8.689903, -7.938477, -8.775709, -8.654595, -8.750601, -8.178582, -8.386658, -8.601967, -9.416826, -8.527976, -9.331974, -8.962105, -8.886198, -8.968946, -8.367721, -8.457628, -8.581572, -8.603417, -8.554598, -8.844411, -8.588851, -8.547810, -9.043397, -9.115442, -8.748524, -8.390436, -8.092713, -7.720877, -8.145263, -7.917532, -8.581170, -8.561129, -8.391575, -8.394575, -8.531027, -8.452343, -7.802506, -8.716600, -8.699126, -9.121716, -8.850285, -8.048202, -8.211059, -7.975295, -8.263853, -8.364358, -8.366619, -8.706189, -8.318040, -7.671639, -7.427266, -6.907188, -7.763933, -8.210235, -8.406471, -8.250076, -8.214051, -8.181660, -7.886952, -7.580067, -8.538654, -7.914082, -8.333782, -8.297097, -8.533869, -8.247020, -8.124209, -8.026801, -8.794601, -7.927672, -8.483709, -8.293333, -8.405857, -7.852602, -7.991408, -8.116522, -7.363844, -7.240819, -8.573819, -8.437350, -8.062415, -7.757494, -6.861928, -6.871294, -8.381320, -8.964390, -9.293265, -7.677796, -8.509703, -7.244849, -7.749719, -7.718638, -8.578528, -7.137038, -8.438734, -7.669891, -8.401102, -7.277884, -7.244451, -7.556699, -7.546089, -8.881980, -8.276195, -8.354841, -9.243238, -8.171052, -7.791028, -5.894839, -7.277681, -7.966241, -8.459034, -8.377788, -8.350687, -7.886285, -7.385684, -6.751918, -8.337096, -7.837940, -8.521957, -8.320097, -8.620565, -8.862974, -7.866662, -6.525800, -8.275823, -8.728507, -8.688961, -7.789456, -7.973682, -7.071124, -8.177902, -8.465755, -8.735851, -9.145704, -8.794456, -8.429560, -7.847986, -7.043974, -6.696586, -7.633463, -7.918917, -7.115526, -6.393688, -5.018389, -5.608251, -4.835361, -6.063424, -6.039581, -6.841653, -6.427885, -7.664687, -7.907110, -8.171573, -7.662346, -8.174310, -7.579843, -7.461823, -8.278995, -7.383284, -5.991555, -7.755757, -8.031070, -6.916673, -6.479261, -6.534006, -6.473712, -6.706904, -7.939059, -8.266407, -7.747488, -8.220358, -7.857442, -7.734481, -7.424350, -7.799579, -7.141859, -7.732039, -7.005250, -6.918389, -7.554480, -7.306632, -7.923760, -7.740609, -6.339170, -7.010027, -6.319682, -6.707761, -7.152682, -8.307300, -8.022958, -7.674245, -6.949098, -7.773010, -7.240897, -7.696545, -6.544944, -6.965359, -6.049965, -5.612850, -5.833502, -5.021017, -6.309096, -7.668844, -7.997194, -7.994486, -8.330374, -7.349256, -5.673051, -7.587304, -8.073641, -7.838973, -6.505670, -7.901478, -7.318221, -7.117472, -6.989395, -5.791605, -6.588756, -6.362537, -5.540338, -7.302544, -7.293562, -6.724933, -7.752148, -6.730775, -6.455653, -6.304510, -7.185440, -7.641139, -6.500908, -5.545543, -5.720068, -7.256738, -7.065202, -7.592402, -6.658450, -5.416481, -3.575636, -5.800934, -6.845440, -7.388972, -7.674000, -8.470531, -8.863149, -8.028431, -6.460791, -6.654261, -7.170948, -7.252262, -9.590139, -7.151767, -5.260554, -8.553017, -8.425146, -8.279645, -5.900487, -7.888081, -7.188822, -6.782516, -5.880155, -7.750470, -7.100191, -7.990500, -7.058676, -6.307925, -8.949725, -8.066686, -8.204140, -6.889633, -8.315311, -6.634942, -5.587760, -8.476204, -5.643412, -6.679508, -7.919398, -5.958585, -6.407608, -8.200984, -6.574787, -6.427103, -7.829483, -5.689711, -4.959127, -4.849500, -3.717443, -6.556935, -6.860471, -6.673812, -7.043022, -7.399274, -8.257402, -6.106959, -6.615863, -9.401723, -7.901266, -9.059967, -9.516295, -8.150380, -6.633619, -7.867264, -6.090420, -6.429194, -5.759878, -8.775204, -8.417785, -9.603274, -6.540991, -7.394738, -6.192910, -6.767534, -5.741903, -7.580356, -8.729058, -6.239582, -5.560323, -7.900887, -6.201152, -10.401776, -5.732422, -7.675490, -6.527263, -6.056757, -6.512367, -9.421296, -7.531129, -7.743499, -8.303000, -7.719043, -8.506051, -7.953962, -6.563010, -6.765153, -6.358777, -9.030342, -6.765233, -7.611702, -7.036076, -7.585145, -6.991107, -6.052039, -7.153668, -8.107800, -7.719097, -7.160706, -5.393575, -8.314288, -6.352562, -8.215086, -6.460829, -7.548826, -7.611111, -6.708727, -7.454832, -7.522492, -7.815751, -10.963195, -6.968796, -8.279509, -7.982404, -7.779935, -6.814772, -7.902151, -6.876871, -7.766239, -7.299889, -8.414353, -7.685509, -7.399427, -5.694284, -8.185901, -5.596394, -7.568675, -9.262474, -7.070755, -7.084347, -5.914887, -5.625923, -5.927421, -5.754937, -5.281445, -7.667395, -5.705968, -8.982198, -6.466309, -9.208246, -8.868303, -6.992134, -6.540691, -5.922709, -7.692257, -5.668362, -7.250520, -5.890084, -6.451838, -5.581745, -7.302214, -6.846384, -9.912683, -6.698838, -7.073703, -5.386473, -10.147264, -5.854327, -7.052588, -7.849175, -7.520111, -10.089609, -5.880398, -5.394685, -6.713393, -5.339845, -10.132195, -4.726741, -7.457225, -7.430174, -5.667756, -6.693566, -6.757512, -4.872999, -6.057979, -5.978880, -7.548285, -10.816584, -8.510209, -5.128797, -5.696866, -5.437236, -6.653565, -8.323130, -9.960300, -5.929164, -6.839888, -6.195143, -6.154583, -4.950499, -6.538346, -6.585274, -6.306059, -6.416751, -6.342790, -7.043187, -6.153637, -6.733572, -10.402377, -7.045661, -5.537747, -5.143080, -7.540252, -6.680204, -5.804646, -5.048597, -6.435225, -6.432660, -6.759531, -10.373423, -7.618051, -6.139052, -7.517324, -6.120420, -6.714185, -8.894840, -4.838883, -3.711862, -5.563072, -3.590769, -6.220991, -6.469140, -5.998383, -5.022637, -7.148862, -6.082496, -6.236817, -5.263232, -6.669521, -6.200365, -8.141646, -7.446121, -8.492864, -7.097010, -7.503401, -7.952601, -6.349046, -7.339444, -6.802005, -7.372104, -5.959220, -5.327284, -8.909338, -4.587106, -6.480869, -7.679919, -7.946403, -5.451682, -7.096170, -5.033696, -6.317150, -5.283720, -7.511390, -6.556112, -6.083317, -4.568655, -6.031619, -6.772175, -6.754135, -6.319639, -9.819635, -5.287135, -6.540880, -5.456584, -7.805322, -9.096786, -6.491730, -6.092798, -9.032289, -6.076841, -7.849191, -7.968617, -6.827399, -5.321125, -8.193884, -5.530331, -8.147219, -6.022482, -6.421839, -5.513993, -8.608423, -6.265462, -9.026087, -6.536892, -6.483425, -4.784374, -7.181565, -7.352093, -7.039484, -7.647940, -7.736715, -9.926873, -10.483121, -9.049437, -7.294444, -6.994173, -8.067866, -5.490163, -6.495051, -6.590884, -6.685838, -6.092961, -4.930576, -6.940880, -9.678638, -5.836366, -6.548319, -8.174716, -5.704212, -4.729317, -4.986836, -4.179651, -7.740837, -7.611550, -7.947820, -10.407201, -9.856738, -6.468943, -6.573823, -6.365336, -6.095542, -6.110113, -6.771453, -8.156626, -5.469426, -9.110670, -7.625993, -6.751788, -9.773781, -5.841848, -7.557694, -6.317861, -8.237559, -4.718376, -3.568486, -3.065582, -7.906326, -6.776280, -7.170004, -6.359256, -3.582484, -7.145775, -5.544658, -5.472852, -5.923878, -5.519917 -Channel 1: -4.270105, -6.662911, -8.135553, -8.841745, -8.574471, -7.978535, -8.270066, -8.989558, -9.083946, -8.531553, -7.145979, -7.276612, -6.658948, -7.233321, -6.947338, -6.821432, -6.681280, -7.758779, -7.333568, -7.392286, -6.879414, -7.533647, -7.975711, -8.431244, -8.259266, -7.744895, -7.778815, -8.187958, -7.890289, -8.255485, -8.182359, -8.400553, -7.729528, -7.856361, -6.594412, -7.756196, -7.918134, -8.499399, -8.541268, -8.438328, -8.224284, -8.274584, -8.962264, -7.887177, -8.892633, -8.263065, -8.204833, -8.347493, -7.725696, -8.003850, -7.483289, -8.663984, -9.066294, -8.949545, -8.829437, -9.502252, -8.897717, -8.726193, -8.124780, -8.681432, -8.947899, -8.407287, -8.308869, -9.105068, -8.304930, -8.538802, -8.204082, -8.426279, -8.575145, -8.206205, -7.829729, -8.536938, -7.879590, -8.351127, -8.929406, -8.611865, -8.781308, -8.803051, -8.826291, -8.643421, -8.001316, -8.394748, -8.021408, -8.360276, -8.813357, -8.794646, -7.875466, -8.777985, -8.411179, -9.398948, -9.172654, -9.395640, -9.084931, -9.168229, -8.734139, -8.978647, -9.193278, -9.387975, -8.777743, -9.180147, -8.100555, -8.797822, -9.541527, -10.120714, -9.345312, -9.559312, -8.703223, -9.006082, -9.482341, -9.592563, -9.017848, -9.690159, -9.842249, -9.540960, -8.704896, -9.457286, -9.519911, -9.771917, -9.088934, -9.026307, -8.125255, -9.300234, -9.251143, -9.576264, -8.751288, -9.160954, -9.497774, -9.524123, -9.621112, -8.839978, -8.911522, -9.698664, -8.928394, -9.388961, -9.783038, -9.648976, -9.646323, -9.329445, -9.086895, -8.305981, -7.835033, -9.255905, -9.961334, -9.973677, -8.811282, -9.082677, -8.998969, -8.709642, -9.632842, -9.400920, -9.557828, -9.590638, -8.441926, -9.354596, -9.748399, -9.157313, -8.084346, -8.721870, -9.056706, -9.289428, -9.284087, -9.698953, -8.465646, -9.214617, -7.922445, -9.091934, -9.342309, -9.364917, -8.721058, -9.582459, -8.870079, -8.943043, -7.722470, -8.878514, -8.534813, -9.075293, -9.697132, -9.110084, -8.978002, -8.621146, -8.171377, -9.279871, -9.490154, -8.817081, -8.277086, -8.761416, -8.715879, -9.317532, -8.499137, -9.604682, -9.670601, -9.384619, -9.172947, -7.786084, -7.638304, -8.759661, -8.236678, -9.507432, -9.757415, -9.394058, -8.702666, -8.837738, -7.294698, -8.531773, -7.435533, -8.803936, -9.603564, -9.558606, -9.888080, -9.839261, -9.308151, -9.151778, -7.692536, -8.234301, -7.157223, -7.812081, -7.191336, -8.750786, -9.167672, -9.119611, -7.436620, -8.749420, -8.296002, -8.380721, -7.123913, -8.722993, -9.458842, -8.632865, -8.042379, -8.345133, -7.372042, -8.335793, -7.266525, -8.240227, -8.362330, -8.937765, -8.885211, -9.203436, -9.022160, -9.069028, -8.064495, -7.980423, -7.951153, -8.966776, -9.165805, -9.286262, -9.340969, -8.354543, -8.039930, -8.944054, -8.234455, -8.853859, -7.884332, -8.718931, -8.666117, -8.508008, -8.545142, -9.543662, -9.378016, -9.271224, -8.334864, -9.082056, -9.039131, -9.514191, -9.341711, -8.859326, -8.535954, -9.232772, -8.423006, -8.322337, -8.151523, -8.489101, -9.375522, -9.740029, -9.270434, -8.502285, -7.578510, -7.667479, -7.288468, -8.482846, -8.039548, -8.941613, -9.075367, -9.095594, -8.952100, -8.901576, -7.801094, -8.632149, -7.895995, -8.409586, -8.963268, -9.666080, -8.840434, -8.688119, -7.463646, -8.368303, -8.412196, -8.855549, -8.704403, -8.565486, -8.165309, -9.159771, -9.454825, -9.043862, -8.874197, -8.921980, -7.553706, -8.661204, -9.007567, -9.776851, -9.581979, -8.798776, -8.375411, -9.124389, -8.343798, -8.331735, -8.576247, -7.916684, -7.461764, -7.947306, -7.740196, -8.843655, -7.993108, -8.558959, -7.963464, -8.702375, -8.316248, -8.201986, -7.826988, -8.590475, -8.239036, -8.891865, -8.161978, -8.347597, -8.453837, -9.016398, -7.663261, -8.888178, -8.295339, -8.704284, -7.290245, -8.132650, -9.021877, -9.135084, -8.184687, -8.982476, -8.752559, -7.941832, -7.838304, -8.923234, -8.965818, -8.899174, -8.798472, -8.052163, -7.415504, -8.582112, -9.221706, -9.077251, -8.576389, -8.224389, -7.633893, -8.552006, -8.533199, -8.554643, -7.635492, -8.518321, -9.691817, -9.935118, -9.110847, -9.773026, -9.021285, -8.456184, -8.046159, -8.540011, -9.013421, -7.840089, -7.728310, -7.821096, -6.871308, -8.429483, -8.795979, -9.353656, -8.267275, -8.633110, -7.331631, -8.206210, -7.951223, -8.454602, -7.360916, -7.350598, -7.451498, -7.578824, -6.669969, -8.066678, -7.328184, -8.351179, -7.901243, -8.515627, -7.423971, -7.788904, -7.088809, -7.561110, -6.459202, -5.850583, -4.230683, -4.848808, -5.843897, -7.278879, -7.146309, -8.038292, -7.903013, -8.305115, -7.147939, -8.378845, -8.176589, -8.184158, -7.616701, -8.141266, -6.834299, -7.399103, -7.663285, -8.399811, -7.817223, -7.692768, -6.541248, -7.732726, -6.832652, -8.121639, -8.636441, -8.471437, -7.613476, -8.752657, -7.590251, -8.104554, -7.151107, -8.316114, -7.163552, -8.209905, -7.527114, -8.055994, -7.017199, -7.886021, -7.042940, -8.210204, -7.917674, -8.355671, -8.254646, -7.821140, -8.482571, -7.775869, -8.103445, -8.983615, -8.374204, -8.468872, -8.021252, -8.805308, -8.295601, -8.528286, -8.097154, -8.034724, -7.233861, -7.744503, -6.983645, -7.473067, -7.213185, -7.527391, -7.951438, -8.200637, -7.320684, -7.377732, -7.870317, -7.527655, -6.792942, -7.521941, -6.516252, -7.614502, -6.887733, -7.618818, -6.896436, -7.619625, -6.713952, -7.380461, -6.375891, -6.861172, -6.735579, -7.192867, -6.673342, -7.153544, -6.619700, -7.542245, -7.527385, -7.412257, -7.079039, -8.393647, -7.535376, -7.904641, -7.402185, -8.112431, -6.764546, -7.301483, -7.037752, -8.028507, -7.031293, -7.479143, -7.425143, -8.029294, -6.961890, -7.466764, -7.077466, -6.555502, -5.093321, -7.049404, -6.767973, -7.589947, -6.653596, -6.673357, -6.476287, -6.752927, -6.797923, -8.079555, -7.615135, -7.910584, -6.266291, -7.598810, -6.126046, -7.568519, -6.311256, -7.346921, -6.335843, -7.442780, -6.151441, -6.798361, -6.171908, -7.118330, -6.500893, -7.775747, -6.668207, -7.594989, -6.166870, -6.949501, -5.443627, -6.688034, -5.903932, -6.908512, -6.203808, -7.433345, -6.436755, -7.017334, -6.118388, -7.460982, -6.130792, -7.690831, -7.162987, -7.636471, -6.800641, -6.732383, -5.196253, -6.873656, -6.804777, -7.964384, -7.498532, -7.097336, -5.819391, -7.364652, -6.903249, -7.718546, -6.462232, -7.717413, -6.346912, -7.674551, -6.813451, -6.686742, -6.915573, -6.894948, -5.082463, -6.154307, -6.170053, -5.687558, -4.586471, -5.955831, -5.758076, -6.950458, -6.833969, -7.531266, -8.129620, -7.967670, -6.346699, -7.174806, -5.751954, -7.122122, -5.977639, -6.731349, -6.544583, -7.264104, -6.248205, -6.709867, -6.413183, -6.693176, -5.944379, -6.562161, -6.814532, -7.451050, -5.830760, -7.237225, -6.557786, -7.115745, -6.754842, -7.314229, -6.713694, -6.819374, -5.860988, -6.361480, -6.239536, -6.700867, -7.196904, -7.489623, -6.122122, -6.376150, -5.695375, -6.385549, -6.364442, -7.407031, -7.863741, -7.575867, -7.636157, -7.686226, -6.010995, -6.995949, -6.861172, -6.374070, -5.460448, -4.913408, -3.404043, -4.870273, -4.580974, -6.400486, -5.959673, -6.976100, -6.166708, -6.833144, -5.283942, -6.339535, -4.830073, -6.519382, -5.856689, -7.234397, -6.685667, -6.717831, -6.583760, -5.601977, -5.604507, -6.749667, -6.401606, -7.359055, -6.445111, -6.471488, -6.017379, -6.623003, -6.281218, -6.052227, -6.125778, -7.048979, -5.721197, -5.973758, -6.989709, -7.640007, -6.906888, -7.237140, -6.204013, -5.963825, -4.692196, -6.758904, -7.150209, -8.344456, -7.041859, -7.826914, -8.007755, -5.705079, -6.656298, -8.039708, -6.205318, -6.578675, -6.834253, -8.175777, -6.031066, -8.516175, -7.914791, -6.919744, -5.617753, -10.080606, -5.600984, -8.870831, -5.633952, -7.018455, -6.113385, -7.480857, -6.569938, -6.787461, -8.366203, -6.505018, -5.083579, -8.145926, -7.299943, -8.707100, -5.913633, -6.348842, -6.121683, -6.188090, -7.952993, -7.663220, -7.699176, -8.460529, -6.293239, -6.711955, -4.223104, -7.012422, -3.973940, -5.043114, -4.562169, -7.712851, -8.292754, -6.838171, -6.618002, -7.679675, -7.248519, -7.853281, -7.475407, -6.810276, -9.778357, -8.887860, -8.574531, -7.793942, -6.254004, -7.120923, -9.564585, -8.773984, -6.533844, -7.569251, -5.027939, -7.819399, -6.386315, -8.148729, -6.347569, -8.656120, -8.033189, -9.650727, -7.427782, -8.009413, -8.943643, -6.534216, -5.368776, -6.665227, -4.728850, -6.663993, -6.046260, -7.894873, -7.256680, -8.129009, -6.905855, -6.153202, -7.015746, -6.946177, -8.571289, -8.530936, -7.220079, -7.386102, -6.718690, -8.226993, -7.040205, -6.359063, -6.792075, -6.768834, -7.964949, -8.202758, -5.252590, -8.472003, -7.126713, -7.835229, -4.923696, -9.857699, -5.697798, -10.050947, -6.791500, -7.875256, -7.446492, -8.705068, -5.882201, -8.537252, -6.807198, -6.774502, -6.251931, -7.170568, -6.620426, -8.873739, -7.995503, -8.165386, -6.376468, -5.998745, -5.793294, -7.901134, -7.764754, -6.511409, -6.155765, -9.682718, -7.309109, -9.408761, -6.418395, -7.349871, -7.170754, -6.198442, -5.733988, -6.413797, -9.198712, -5.303262, -6.260937, -6.831177, -6.283736, -7.122978, -6.020397, -10.108702, -7.721058, -7.076353, -6.710496, -6.573787, -8.507407, -6.691327, -4.874337, -5.723092, -5.163001, -7.923077, -7.474473, -9.295037, -5.757642, -6.699047, -4.478391, -6.523961, -6.633685, -8.578785, -6.120666, -6.637370, -5.767561, -8.031041, -7.904507, -6.354325, -4.503315, -5.942391, -6.312799, -7.740967, -5.452327, -9.404596, -5.732427, -6.442358, -5.775013, -9.144094, -4.492839, -7.574442, -9.057646, -8.221766, -5.325749, -6.853319, -5.204580, -8.687693, -7.025752, -7.116406, -6.373459, -7.559611, -6.679010, -7.111825, -4.978347, -7.464852, -6.109240, -6.522114, -5.351492, -6.858132, -4.071661, -6.543569, -9.068910, -7.302381, -6.689996, -8.908391, -5.428200, -5.475190, -5.607462, -4.865138, -5.266149, -8.278734, -5.012640, -6.859596, -6.855157, -6.893555, -5.838268, -6.213831, -5.601411, -6.775066, -4.083517, -3.377086, -2.742766, -4.678274, -3.351431, -5.564918, -8.040296, -5.951994, -6.873903, -7.245597, -7.606520, -7.566479, -5.238707, -7.596733, -8.348699, -6.990023, -9.594679, -7.345281, -6.210493, -8.584872, -8.502186, -7.351146, -6.430579, -7.022865, -4.836547, -9.062285, -6.077057, -7.458698, -4.539843, -8.969668, -4.405820, -6.822955, -5.611446, -7.727029, -6.166742, -8.168072, -7.582606, -8.556113, -5.250736, -7.533635, -4.929032, -6.441439, -4.165998, -8.599971, -4.631702, -6.476610, -4.302466, -6.826810, -5.581501, -8.492200, -7.801678, -9.359055, -8.337578, -9.391084, -7.029938, -5.795731, -6.611387, -5.910397, -4.560718, -5.985387, -7.778050, -8.280985, -7.018766, -8.653534, -5.312462, -8.482012, -6.548453, -6.287643, -6.368079, -6.180670, -7.234719, -6.248669, -7.677463, -8.806728, -6.277898, -6.878723, -6.482456, -7.538425, -5.389380, -7.092371, -5.717345, -6.006817, -6.904382, -5.420432, -5.525319, -7.907626, -6.174258, -6.289927, -7.075091, -9.302566, -5.401920, -7.073137, -7.637262, -8.021733, -6.426117, -7.018670, -3.679871, -7.133726, -5.977719, -7.494291, -8.065446, -8.368397, -5.207193, -7.722387, -5.351894, -6.266935, -6.268034, -7.989331, -5.013795, -8.292467, -5.918704, -7.054617, -6.048245, -7.936527, -5.125109, -8.731355, -6.077439, -7.667125, -5.084045, -4.540379, -2.734754, -5.609175, -6.020153, -5.046140, -4.945864, -3.226969, -4.483285, -6.595440, -7.099141, -6.022527, -5.866714 diff --git a/lib_v5/sox/Sox goes here.txt b/lib_v5/sox/Sox goes here.txt deleted file mode 100644 index 2d03d25..0000000 --- a/lib_v5/sox/Sox goes here.txt +++ /dev/null @@ -1 +0,0 @@ -Sox goes here \ No newline at end of file diff --git a/lib_v5/sox/mdxnetnoisereduc.prof b/lib_v5/sox/mdxnetnoisereduc.prof deleted file mode 100644 index e84270d..0000000 --- a/lib_v5/sox/mdxnetnoisereduc.prof +++ /dev/null @@ -1,2 +0,0 @@ -Channel 0: -7.009383, -9.291822, -8.961462, -8.988426, -8.133916, -7.550877, -6.823206, -8.324312, -7.926179, -8.284890, -7.006778, -7.520769, -6.676938, -7.599460, -7.296249, -7.862341, -7.603068, -7.957884, -6.943116, -7.064777, -6.617763, -6.976608, -6.474446, -6.976694, -6.775996, -7.173531, -6.239498, -7.433953, -7.435424, -7.556505, -6.661156, -7.537329, -6.869858, -7.345681, -6.348115, -7.624833, -7.356656, -7.397345, -7.268706, -8.009533, -7.879307, -7.206394, -7.595149, -8.183835, -7.877466, -7.849053, -6.575886, -7.970041, -7.973623, -8.654870, -8.238590, -8.322275, -7.080089, -8.381072, -8.166994, -8.211880, -6.978457, -8.440431, -8.660172, -8.568000, -7.374925, -7.825880, -7.727026, -8.436455, -8.058270, -7.776336, -7.163500, -8.324635, -7.496432, -8.231029, -8.168671, -8.803044, -8.365684, -8.284722, -7.717031, -7.899992, -6.716974, -7.789536, -8.123308, -8.718283, -8.127323, -8.608119, -7.955237, -8.195423, -8.562821, -8.923180, -8.620318, -8.362193, -7.892359, -9.106509, -8.866467, -8.334931, -8.432192, -7.981750, -8.118553, -8.357300, -8.303634, -8.951071, -8.357619, -8.628114, -8.194091, -8.329184, -8.479573, -9.059311, -8.928500, -8.971485, -8.930757, -7.888778, -8.512952, -8.701514, -8.509488, -7.927048, -8.980245, -9.453869, -8.502084, -9.179351, -9.352121, -8.612514, -8.515877, -8.990332, -8.064332, -9.353903, -9.226296, -8.582130, -8.062571, -8.975781, -8.985588, -9.084478, -9.475922, -9.627264, -8.866921, -9.788176, -9.405965, -9.690348, -9.697125, -9.834449, -9.723495, -9.551198, -9.067146, -8.391362, -8.062964, -8.664368, -8.834053, -9.365320, -8.774260, -8.826809, -8.938656, -8.571966, -9.301930, -8.476783, -9.083561, -9.606360, -9.013194, -9.633930, -9.361920, -8.814354, -8.210675, -8.741395, -8.973019, -9.735017, -9.445080, -9.970575, -9.387616, -8.885903, -8.364945, -8.181610, -9.367054, -9.632653, -9.174005, -9.669417, -9.632316, -8.792030, -8.639747, -8.757731, -8.189369, -8.609264, -9.203773, -9.027173, -9.267983, -9.038571, -8.480053, -8.989291, -9.334651, -8.989846, -8.505489, -9.093593, -8.603022, -8.935084, -8.995838, -9.807545, -9.936930, -9.858782, -9.525642, -9.342257, -9.687481, -10.109383, -9.415607, -9.960437, -9.511531, -9.512959, -9.410252, -9.463380, -8.009910, -9.010445, -7.930557, -8.907247, -8.696819, -7.628914, -8.656908, -9.540818, -9.834308, -10.149171, -9.603844, -9.368526, -9.262289, -9.177496, -7.941667, -8.894559, -9.577237, -9.213502, -8.329892, -8.875650, -8.551803, -7.293085, -7.970225, -8.689839, -9.213015, -8.729056, -8.370025, -9.476679, -9.801536, -8.779216, -7.794588, -8.743565, -8.677839, -8.659505, -8.530433, -9.471109, -8.952149, -9.026676, -8.581315, -8.305970, -7.698102, -9.075556, -8.994505, -9.525378, -9.427664, -8.896355, -7.806924, -8.713507, -8.001523, -8.820920, -8.825943, -9.033789, -8.943538, -8.305934, -7.843387, -8.222633, -9.394885, -9.639977, -9.382100, -9.858908, -9.861235, -9.617870, -9.572075, -8.937280, -7.900751, -8.817468, -8.367288, -8.198920, -8.835616, -9.120554, -9.430250, -9.599668, -8.890237, -9.182921, -9.068647, -9.198983, -9.219759, -8.444858, -8.306649, -9.081246, -9.658321, -9.175613, -9.559673, -9.202353, -8.468946, -8.959963, -8.611696, -9.287626, -9.178090, -9.829329, -9.418147, -8.433018, -6.759007, -7.992561, -8.209750, -8.367482, -8.160244, -8.659845, -8.142351, -8.449805, -9.052549, -8.108782, -9.131697, -8.656035, -8.754751, -8.799905, -9.252805, -9.666502, -8.742819, -8.779405, -9.290927, -9.100673, -8.813067, -7.968793, -8.372980, -8.334048, -8.766193, -8.525885, -8.295012, -9.267423, -8.512022, -8.716763, -7.543527, -8.133463, -8.899957, -8.884852, -8.879415, -8.921800, -8.989868, -8.456031, -8.742332, -8.387804, -9.199132, -9.269713, -8.533924, -9.031591, -9.510307, -9.003630, -8.032389, -8.199724, -9.178456, -9.109508, -8.830519, -8.833589, -9.138852, -8.359014, -9.055459, -9.124282, -8.931469, -8.293803, -8.784939, -8.829195, -8.204985, -8.832497, -9.291157, -9.229586, -8.902256, -7.836384, -8.558482, -9.045199, -8.784686, -8.640361, -8.122143, -8.856282, -9.933563, -10.433572, -10.053477, -9.901992, -9.234422, -8.272216, -7.767568, -8.634153, -9.037672, -7.966586, -7.879588, -8.073919, -7.618028, -8.733914, -9.367538, -9.360283, -8.472114, -8.424832, -8.244030, -8.266778, -8.279402, -8.488133, -8.574222, -8.015083, -7.603164, -7.773276, -7.969313, -8.463429, -8.327254, -8.908369, -8.842388, -8.697819, -9.069319, -8.471298, -8.487786, -7.722121, -7.005715, -6.071240, -4.913710, -5.252938, -6.890169, -8.112794, -8.627293, -8.763681, -8.730070, -8.663003, -8.490945, -8.165999, -7.835065, -7.929111, -8.760281, -9.092809, -8.427891, -8.396054, -7.063385, -8.432428, -8.356983, -8.770448, -8.572601, -8.279242, -8.050529, -9.172235, -9.494339, -9.115856, -8.913443, -9.234514, -8.266346, -8.655711, -7.904694, -8.750291, -8.669807, -8.733426, -8.195509, -8.445010, -8.608845, -9.364661, -8.545942, -9.320732, -8.908144, -8.906418, -8.977945, -8.351475, -8.425015, -8.580469, -8.635973, -8.587179, -8.825187, -8.613693, -8.572787, -9.008575, -9.139839, -8.730886, -8.378273, -8.104312, -7.693113, -8.144767, -7.909862, -8.660356, -8.560781, -8.402486, -8.329734, -8.549006, -8.467747, -7.797524, -8.701290, -8.745170, -9.123959, -8.828640, -8.034152, -8.244606, -7.922297, -8.304344, -8.390489, -8.384267, -8.804485, -8.274789, -7.641120, -7.419797, -6.875395, -7.779922, -8.285890, -8.435658, -8.243375, -8.234133, -8.147679, -7.876873, -7.560720, -8.453065, -7.912884, -8.321675, -8.351012, -8.551875, -8.245539, -8.157014, -8.045531, -8.802874, -7.939998, -8.531658, -8.286127, -8.426950, -7.872053, -7.950769, -8.103668, -7.361780, -7.233630, -8.588113, -8.391391, -8.025829, -7.778002, -6.812353, -6.892645, -8.379886, -8.968739, -9.232736, -7.678606, -8.519589, -7.233673, -7.732607, -7.712150, -8.588383, -7.141524, -8.350538, -7.687734, -8.350335, -7.299619, -7.251563, -7.551582, -7.601188, -8.913805, -8.327199, -8.351825, -9.285121, -8.206786, -7.760271, -5.924285, -7.253280, -7.920683, -8.456389, -8.348553, -8.304132, -7.914664, -7.378574, -6.740644, -8.366895, -7.828516, -8.495502, -8.358516, -8.638541, -8.803589, -7.815868, -6.526936, -8.311996, -8.795187, -8.682474, -7.771255, -8.021541, -7.061438, -8.140287, -8.479327, -8.769970, -9.137885, -8.767818, -8.507115, -7.818171, -7.023338, -6.684543, -7.590823, -7.973853, -7.125487, -6.444645, -5.015516, -5.527578, -4.825749, -6.076069, -6.067105, -6.832324, -6.415292, -7.687704, -7.876131, -8.185242, -7.719656, -8.129504, -7.591390, -7.471135, -8.264959, -7.372910, -6.003157, -7.699708, -8.063796, -6.937130, -6.498588, -6.515582, -6.480911, -6.705885, -7.971720, -8.244526, -7.773425, -8.179802, -7.852663, -7.736978, -7.450927, -7.798478, -7.171562, -7.725062, -7.005856, -6.939411, -7.545801, -7.298831, -7.866823, -7.788211, -6.324419, -6.972910, -6.354499, -6.692432, -7.116762, -8.336053, -8.031844, -7.638197, -6.962282, -7.762571, -7.219688, -7.684484, -6.576585, -6.971768, -6.049053, -5.645847, -5.826155, -5.018756, -6.294459, -7.700381, -8.087517, -7.940284, -8.351140, -7.342774, -5.678021, -7.577646, -8.088142, -7.801032, -6.492934, -7.910668, -7.328195, -7.128594, -6.916883, -5.799251, -6.564095, -6.370745, -5.558840, -7.342127, -7.275418, -6.746891, -7.759083, -6.735355, -6.476465, -6.283120, -7.176216, -7.664367, -6.443789, -5.538641, -5.694131, -7.232028, -7.065130, -7.523064, -6.623515, -5.389147, -3.544363, -5.611296, -6.213579, -6.530970, -6.581829, -6.395981, -7.651325, -7.012158, -8.015069, -7.575516, -7.032994, -5.677541, -3.718229, -6.020396, -7.988893, -9.343635, -9.945617, -10.323884, -10.642690, -10.876016, -11.078479, -11.255501, -11.395584, -11.483764, -11.557805, -11.698310, -11.737680, -11.840640, -11.912717, -11.909139, -11.977159, -11.978605, -12.038353, -12.093234, -12.111259, -12.121384, -12.176933, -12.171291, -12.176199, -12.198986, -12.233503, -12.275017, -12.265485, -12.274396, -12.241486, -12.261465, -12.282915, -12.275353, -12.276109, -12.255538, -12.296432, -12.243854, -12.250940, -12.222560, -12.250113, -12.183066, -12.247768, -12.242023, -12.285899, -12.235859, -12.219860, -12.231251, -12.265896, -12.266792, -12.217250, -12.292002, -12.251619, -12.283025, -12.208677, -12.143500, -12.194249, -12.168472, -12.159037, -12.136466, -12.175126, -12.182810, -12.148365, -12.157288, -12.111798, -12.070856, -12.088792, -12.088619, -12.050185, -12.073867, -12.053141, -12.079345, -12.013352, -11.999766, -12.055408, -11.965831, -11.985056, -11.968968, -11.961904, -11.959881, -12.045696, -11.965464, -11.966563, -11.887108, -11.874594, -11.889680, -11.904971, -11.870472, -11.882454, -11.926828, -11.848092, -11.827531, -11.810616, -11.798046, -11.860422, -11.843547, -11.817146, -11.766209, -11.751227, -11.771116, -11.767917, -11.759330, -11.740242, -11.770084, -11.770973, -11.770555, -11.702766, -11.672210, -11.656888, -11.644030, -11.633999, -11.688310, -11.612173, -11.615041, -11.608862, -11.675717, -11.672152, -11.619037, -11.607554, -11.621890, -11.539628, -11.582389, -11.505353, -11.506137, -11.516038, -11.488252, -11.464626, -11.555939, -11.470755, -11.477320, -11.503404, -11.444288, -11.514609, -11.442399, -11.395453, -11.417263, -11.507715, -11.409320, -11.432245, -11.437587, -11.405253, -11.347139, -11.368037, -11.442106, -11.416598, -11.311483, -11.318091, -11.345511, -11.311282, -11.263789, -11.369459, -11.318594, -11.253346, -11.275534, -11.303650, -11.246404, -11.238109, -11.330812, -11.262724, -11.256104, -11.304247, -11.222750, -11.260267, -11.268924, -11.264678, -11.178239, -11.215854, -11.183023, -11.236221, -11.190973, -11.213630, -11.148606, -11.194403, -11.171699, -11.036693, -11.178444, -11.212547, -11.126407, -11.096385, -11.113798, -11.100501, -11.117359, -11.137890, -11.133387, -11.173369, -11.087261, -11.093644, -11.072756, -11.086142, -11.111346, -11.077774, -11.041398, -11.115988, -11.051571, -11.023808, -11.007654, -10.986833, -11.045266, -11.028788, -10.972257, -11.024872, -11.023347, -10.963393, -10.999147, -10.988231, -11.024704, -10.955430, -10.948047, -10.976632, -10.963916, -10.944159, -10.941738, -10.988978, -10.986086, -10.893852, -10.970823, -10.930062, -10.907232, -10.985453, -10.946364, -10.870025, -10.952854, -10.817455, -10.883003, -10.932498, -10.827333, -10.860927, -10.907078, -10.876232, -10.887182, -10.870004, -10.914099, -10.877161, -10.936840, -10.929503, -10.838376, -10.858479, -10.841352, -10.896008, -10.929105, -10.945358, -11.049899, -11.024334, -11.083250, -11.577282, -11.331383, -11.528310, -11.884033, -12.191691, -12.494642, -12.393940, -11.879013, -11.514395, -11.288580, -11.240140, -11.185865, -11.183484, -11.195589, -11.173580, -11.232604, -11.226796, -11.173893, -11.171396, -11.198562, -11.178386, -11.154948, -11.233259, -11.218584, -11.263170, -11.226203, -11.212432, -11.234622, -11.203861, -11.141663, -11.252211, -11.182387, -11.184281, -11.251010, -11.153616, -11.200994, -11.251609, -11.229125, -11.234426, -11.188760, -11.167431, -11.214060, -11.189217, -11.169435, -11.176277, -11.215827, -11.224740, -11.252942, -11.188585, -11.259495, -11.175788, -11.209007, -11.186180, -11.269020, -11.167184, -11.239420, -11.246427, -11.212875, -11.274052, -11.248956, -11.138576, -11.200762, -11.196568, -11.234824, -11.189839, -11.256922, -11.243899, -11.181837, -11.172835, -11.249906, -11.216124, -11.218074, -11.203452, -11.190719, -11.235559, -11.208005, -11.241541, -11.222897, -11.245105, -11.218976, -11.238669, -11.186864, -11.235706, -11.251585, -11.194207, -11.206015, -11.248406, -11.130074, -11.267996, -11.164400, -11.230077, -11.253899, -11.256946, -11.265360, -11.526430, -12.161562, -12.806432 -Channel 1: -4.259930, -6.665874, -8.134066, -8.840438, -8.619794, -7.955403, -8.262574, -8.998555, -9.045693, -8.528444, -7.130245, -7.262262, -6.663597, -7.233217, -6.972096, -6.821386, -6.677742, -7.806568, -7.335373, -7.410591, -6.870041, -7.541009, -7.960963, -8.444545, -8.221375, -7.770029, -7.763016, -8.179813, -7.863228, -8.234585, -8.139375, -8.447256, -7.722274, -7.880364, -6.586095, -7.770856, -7.927386, -8.511121, -8.588671, -8.453915, -8.236507, -8.271281, -8.939804, -7.892449, -8.888687, -8.282051, -8.188881, -8.348185, -7.744533, -8.006490, -7.487299, -8.713056, -9.093363, -8.952080, -8.845392, -9.472238, -8.873316, -8.721225, -8.098806, -8.701453, -8.930824, -8.396164, -8.278354, -9.088575, -8.290803, -8.495568, -8.264076, -8.434325, -8.595228, -8.251158, -7.845592, -8.516354, -7.873776, -8.346703, -8.880695, -8.575607, -8.760291, -8.786157, -8.844520, -8.617285, -8.004654, -8.407488, -8.017504, -8.364023, -8.809873, -8.760958, -7.909836, -8.728406, -8.382615, -9.363587, -9.165038, -9.414248, -9.130792, -9.224532, -8.767155, -8.954391, -9.178588, -9.399056, -8.776269, -9.172440, -8.084314, -8.842681, -9.525107, -10.051264, -9.343119, -9.600515, -8.690162, -8.984976, -9.492682, -9.637033, -9.019089, -9.689909, -9.886874, -9.555185, -8.698978, -9.482370, -9.512797, -9.796427, -9.084339, -9.067111, -8.096872, -9.394472, -9.210224, -9.591035, -8.734660, -9.219631, -9.474369, -9.584915, -9.621107, -8.822695, -8.890237, -9.707699, -8.917385, -9.366862, -9.725400, -9.663552, -9.681070, -9.314154, -9.079782, -8.314726, -7.821788, -9.292004, -9.918605, -9.974658, -8.805674, -9.051614, -8.993109, -8.707320, -9.610121, -9.380853, -9.539219, -9.583693, -8.444094, -9.370004, -9.774833, -9.178371, -8.069433, -8.741679, -9.057518, -9.273414, -9.224139, -9.633160, -8.476246, -9.280371, -7.927913, -9.082052, -9.332532, -9.351880, -8.692086, -9.607157, -8.883523, -8.950102, -7.722098, -8.834408, -8.517441, -9.079045, -9.703975, -9.093547, -9.000713, -8.605949, -8.179986, -9.252756, -9.447043, -8.756150, -8.281525, -8.750285, -8.695918, -9.297653, -8.472452, -9.554568, -9.649224, -9.381518, -9.197469, -7.805096, -7.631302, -8.775340, -8.234345, -9.489371, -9.777892, -9.381069, -8.678194, -8.850762, -7.287530, -8.545574, -7.447676, -8.876554, -9.582433, -9.590407, -9.882222, -9.883838, -9.288763, -9.118943, -7.675229, -8.229518, -7.170421, -7.817407, -7.205565, -8.695884, -9.216897, -9.148524, -7.428808, -8.720323, -8.317363, -8.370560, -7.106984, -8.726242, -9.387314, -8.698427, -8.072460, -8.357757, -7.377579, -8.342648, -7.289837, -8.238201, -8.384848, -8.944333, -8.949400, -9.203900, -9.035657, -9.163540, -8.073293, -7.974755, -7.929166, -8.947936, -9.142023, -9.270968, -9.305846, -8.361058, -8.018343, -8.932560, -8.223735, -8.836396, -7.915270, -8.753596, -8.604981, -8.492489, -8.559630, -9.541150, -9.361395, -9.288562, -8.349491, -9.096639, -9.020768, -9.538647, -9.318568, -8.856726, -8.520123, -9.246026, -8.430225, -8.377248, -8.167982, -8.518759, -9.347731, -9.710631, -9.302118, -8.489496, -7.592235, -7.705674, -7.287686, -8.487080, -8.087019, -8.961322, -9.055279, -9.079551, -8.932386, -8.889071, -7.805691, -8.656663, -7.920151, -8.411662, -8.936442, -9.642854, -8.826767, -8.716343, -7.467595, -8.323562, -8.461170, -8.868902, -8.692887, -8.625588, -8.171611, -9.140244, -9.517572, -9.013833, -8.891995, -8.924587, -7.552063, -8.659528, -9.011218, -9.835388, -9.553982, -8.811605, -8.372470, -9.111942, -8.329686, -8.317845, -8.564806, -7.922851, -7.458095, -7.964257, -7.765472, -8.852958, -8.004261, -8.580846, -7.945783, -8.703115, -8.308766, -8.203026, -7.815558, -8.566113, -8.240727, -8.818314, -8.148007, -8.323301, -8.430678, -8.997805, -7.646616, -8.818527, -8.304271, -8.703316, -7.301023, -8.111465, -9.022206, -9.175094, -8.195924, -9.038541, -8.702284, -7.924984, -7.833028, -8.954045, -8.984037, -8.906318, -8.771588, -8.077010, -7.400714, -8.603812, -9.210019, -9.064473, -8.652490, -8.205794, -7.619889, -8.567104, -8.550753, -8.550062, -7.631665, -8.534122, -9.733936, -9.977779, -9.118277, -9.742090, -9.107510, -8.430905, -8.022441, -8.587177, -9.021651, -7.880519, -7.746123, -7.836301, -6.868521, -8.423772, -8.782660, -9.423576, -8.260281, -8.590183, -7.321841, -8.259229, -7.961996, -8.479307, -7.360967, -7.342826, -7.451933, -7.621740, -6.663265, -8.063039, -7.318747, -8.346091, -7.880221, -8.537465, -7.400912, -7.799035, -7.097081, -7.607987, -6.399781, -5.818133, -4.206942, -4.873427, -5.870036, -7.291239, -7.132577, -8.057511, -7.916516, -8.310016, -7.182425, -8.365717, -8.209022, -8.168317, -7.596393, -8.103685, -6.841571, -7.362644, -7.668583, -8.431250, -7.828101, -7.703382, -6.534189, -7.691038, -6.858395, -8.142296, -8.667139, -8.501014, -7.613063, -8.795669, -7.589070, -8.072585, -7.145250, -8.226945, -7.153139, -8.173641, -7.536234, -8.041589, -7.015898, -7.913368, -7.038860, -8.217951, -7.877144, -8.356038, -8.270323, -7.800798, -8.486864, -7.774801, -8.109586, -9.023869, -8.373515, -8.463743, -8.083220, -8.798285, -8.303820, -8.513109, -8.073146, -8.009741, -7.220683, -7.716941, -6.996583, -7.472267, -7.212493, -7.494446, -7.912122, -8.258996, -7.328467, -7.363515, -7.818997, -7.495634, -6.799818, -7.531826, -6.498136, -7.636568, -6.885640, -7.639394, -6.917420, -7.549028, -6.717033, -7.402769, -6.375102, -6.889420, -6.735350, -7.222528, -6.668705, -7.202723, -6.608903, -7.570821, -7.501699, -7.425125, -7.080040, -8.427832, -7.533368, -7.938439, -7.413480, -8.108686, -6.766507, -7.338324, -7.053434, -8.005589, -7.035327, -7.516874, -7.424109, -8.089847, -7.000190, -7.458596, -7.081159, -6.558933, -5.088411, -7.060199, -6.769171, -7.562777, -6.649964, -6.674577, -6.462755, -6.777149, -6.819967, -8.117656, -7.640822, -7.916130, -6.262249, -7.592839, -6.132151, -7.613210, -6.293193, -7.393553, -6.353974, -7.469313, -6.163464, -6.751505, -6.172511, -7.133448, -6.491663, -7.821720, -6.676021, -7.639304, -6.155329, -7.014252, -5.443317, -6.704660, -5.916575, -6.898118, -6.195959, -7.433244, -6.455409, -7.007600, -6.128975, -7.460167, -6.123561, -7.651618, -7.164772, -7.629981, -6.835324, -6.716437, -5.183644, -6.868895, -6.805713, -7.968579, -7.487688, -7.114592, -5.821909, -7.316700, -6.855646, -7.720102, -6.446047, -7.697660, -6.339335, -7.687504, -6.834591, -6.683082, -6.942220, -6.909783, -5.074804, -6.165250, -6.153298, -5.678282, -4.613012, -5.964366, -5.786907, -6.916967, -6.850884, -7.534286, -8.144188, -7.996600, -6.341528, -7.122040, -5.758266, -7.088390, -5.968180, -6.704577, -6.537925, -7.251836, -6.228176, -6.687443, -6.398175, -6.690834, -5.928494, -6.550750, -6.842618, -7.406426, -5.854750, -7.262702, -6.566095, -7.092973, -6.727913, -7.309717, -6.720907, -6.788705, -5.831271, -6.358783, -6.244705, -6.687904, -7.170726, -7.503015, -6.122330, -6.378451, -5.728226, -6.376993, -6.353649, -7.462792, -7.881882, -7.554917, -7.625055, -7.638963, -6.011956, -6.946953, -6.791678, -6.385592, -5.502690, -4.915271, -3.416375, -4.899525, -4.581249, -6.402817, -5.971680, -7.012322, -6.136549, -6.824212, -5.319725, -6.310439, -4.835482, -6.512325, -5.837218, -7.188224, -6.723541, -6.708874, -6.554284, -5.596497, -5.616427, -6.737126, -6.436505, -7.376004, -6.440490, -6.446702, -6.007579, -6.601145, -6.317451, -6.036757, -6.105096, -7.011704, -5.711968, -5.987137, -6.980494, -7.624007, -6.877258, -7.194951, -6.188616, -5.987470, -4.655405, -6.499982, -6.489651, -6.532937, -6.708004, -6.527180, -6.724357, -6.717589, -6.022833, -6.931286, -6.336641, -5.685828, -4.039437, -6.219453, -8.130675, -9.464308, -10.022870, -10.420049, -10.703384, -10.945469, -11.123913, -11.233537, -11.379059, -11.494582, -11.570949, -11.675247, -11.761181, -11.768067, -11.876720, -11.893350, -11.947802, -11.989884, -12.004077, -12.054701, -12.056536, -12.044354, -12.132642, -12.120678, -12.167317, -12.158012, -12.181180, -12.234111, -12.213580, -12.198493, -12.204160, -12.181049, -12.212451, -12.228227, -12.194394, -12.214880, -12.222660, -12.221822, -12.209952, -12.211454, -12.231614, -12.189473, -12.269559, -12.235000, -12.216308, -12.242371, -12.219618, -12.193850, -12.249622, -12.135980, -12.168841, -12.146604, -12.162963, -12.133065, -12.176877, -12.193899, -12.186448, -12.118124, -12.070942, -12.128473, -12.127756, -12.127233, -12.084522, -12.087598, -12.059898, -12.036678, -12.050549, -12.025837, -12.031931, -12.072273, -12.063232, -11.981957, -12.024312, -12.010247, -12.003762, -11.971796, -11.992863, -11.976723, -12.006408, -11.907823, -11.917524, -11.936979, -11.914774, -11.909843, -11.857338, -11.827791, -11.818738, -11.888795, -11.909382, -11.865104, -11.827947, -11.788726, -11.810175, -11.717047, -11.772633, -11.790649, -11.793788, -11.773142, -11.705820, -11.728366, -11.702689, -11.730853, -11.739186, -11.704392, -11.706135, -11.697459, -11.680339, -11.669865, -11.703570, -11.697549, -11.661277, -11.529678, -11.662926, -11.676917, -11.647680, -11.607013, -11.658460, -11.595510, -11.508871, -11.550809, -11.548915, -11.564424, -11.606986, -11.650755, -11.522508, -11.488883, -11.567245, -11.519251, -11.487745, -11.415361, -11.505821, -11.463196, -11.427436, -11.428846, -11.495184, -11.484595, -11.447071, -11.356764, -11.387198, -11.433549, -11.385021, -11.381288, -11.412570, -11.381546, -11.437341, -11.441191, -11.381344, -11.277543, -11.320440, -11.275726, -11.365967, -11.311194, -11.317135, -11.320085, -11.225074, -11.287350, -11.278776, -11.293480, -11.309305, -11.255347, -11.285573, -11.194140, -11.244653, -11.189018, -11.185633, -11.218847, -11.213889, -11.249570, -11.167549, -11.208049, -11.164425, -11.189422, -11.162452, -11.137228, -11.119850, -11.170403, -11.115357, -11.167995, -11.095230, -11.144916, -11.131977, -11.218188, -11.122955, -11.087488, -11.094148, -11.117593, -11.072780, -11.149068, -11.072266, -11.064289, -10.957873, -11.110456, -11.084738, -10.982981, -11.059867, -10.989739, -11.026423, -11.046131, -11.043926, -11.035169, -10.988957, -10.986110, -11.049037, -11.020273, -11.016151, -10.952446, -10.977067, -11.005713, -10.958026, -10.960253, -10.967862, -10.907291, -10.987797, -10.980047, -10.960212, -10.902742, -10.904990, -10.905846, -10.908110, -10.894984, -10.916619, -10.872750, -10.865998, -10.830662, -10.915156, -10.869629, -10.846634, -10.835961, -10.850613, -10.783281, -10.834146, -10.895739, -10.908914, -10.848139, -10.796355, -10.818753, -10.812157, -10.800378, -10.834988, -10.916374, -10.953966, -11.065389, -11.065859, -11.090129, -11.459610, -11.276367, -11.578049, -11.910393, -12.216752, -12.428281, -12.393793, -11.969883, -11.537288, -11.248703, -11.168830, -11.168840, -11.218028, -11.186548, -11.135037, -11.196804, -11.194995, -11.116007, -11.144456, -11.200728, -11.253898, -11.172103, -11.147541, -11.185085, -11.161169, -11.215450, -11.158085, -11.167490, -11.224521, -11.135065, -11.193638, -11.183433, -11.186640, -11.244736, -11.189924, -11.253969, -11.204787, -11.206291, -11.244095, -11.138053, -11.176304, -11.150232, -11.206832, -11.192003, -11.193088, -11.192120, -11.187546, -11.204346, -11.198397, -11.147942, -11.162097, -11.121401, -11.136583, -11.160843, -11.152843, -11.169833, -11.183629, -11.196892, -11.168925, -11.188020, -11.209744, -11.185288, -11.200361, -11.213862, -11.218718, -11.186627, -11.170916, -11.157483, -11.213737, -11.200897, -11.240792, -11.182018, -11.195962, -11.130478, -11.133306, -11.196097, -11.207166, -11.203553, -11.204930, -11.240325, -11.132530, -11.123456, -11.159070, -11.205329, -11.170352, -11.195209, -11.192614, -11.211015, -11.148291, -11.120795, -11.191674, -11.138820, -11.281963, -11.270242, -11.489305, -12.294074, -12.989191 diff --git a/lib_v5/spec_utils.py b/lib_v5/spec_utils.py deleted file mode 100644 index f57853d..0000000 --- a/lib_v5/spec_utils.py +++ /dev/null @@ -1,549 +0,0 @@ -import os - -import librosa -import numpy as np -import soundfile as sf -import math -import json -import hashlib -from tqdm import tqdm - - -def crop_center(h1, h2): - h1_shape = h1.size() - h2_shape = h2.size() - - if h1_shape[3] == h2_shape[3]: - return h1 - elif h1_shape[3] < h2_shape[3]: - raise ValueError('h1_shape[3] must be greater than h2_shape[3]') - - # s_freq = (h2_shape[2] - h1_shape[2]) // 2 - # e_freq = s_freq + h1_shape[2] - s_time = (h1_shape[3] - h2_shape[3]) // 2 - e_time = s_time + h2_shape[3] - h1 = h1[:, :, :, s_time:e_time] - - return h1 - - -def wave_to_spectrogram(wave, hop_length, n_fft, mid_side=False, mid_side_b2=False, reverse=False): - if reverse: - wave_left = np.flip(np.asfortranarray(wave[0])) - wave_right = np.flip(np.asfortranarray(wave[1])) - elif mid_side: - wave_left = np.asfortranarray(np.add(wave[0], wave[1]) / 2) - wave_right = np.asfortranarray(np.subtract(wave[0], wave[1])) - elif mid_side_b2: - wave_left = np.asfortranarray(np.add(wave[1], wave[0] * .5)) - wave_right = np.asfortranarray(np.subtract(wave[0], wave[1] * .5)) - else: - wave_left = np.asfortranarray(wave[0]) - wave_right = np.asfortranarray(wave[1]) - - spec_left = librosa.stft(wave_left, n_fft, hop_length=hop_length) - spec_right = librosa.stft(wave_right, n_fft, hop_length=hop_length) - - spec = np.asfortranarray([spec_left, spec_right]) - - return spec - - -def wave_to_spectrogram_mt(wave, hop_length, n_fft, mid_side=False, mid_side_b2=False, reverse=False): - import threading - - if reverse: - wave_left = np.flip(np.asfortranarray(wave[0])) - wave_right = np.flip(np.asfortranarray(wave[1])) - elif mid_side: - wave_left = np.asfortranarray(np.add(wave[0], wave[1]) / 2) - wave_right = np.asfortranarray(np.subtract(wave[0], wave[1])) - elif mid_side_b2: - wave_left = np.asfortranarray(np.add(wave[1], wave[0] * .5)) - wave_right = np.asfortranarray(np.subtract(wave[0], wave[1] * .5)) - else: - wave_left = np.asfortranarray(wave[0]) - wave_right = np.asfortranarray(wave[1]) - - def run_thread(**kwargs): - global spec_left - spec_left = librosa.stft(**kwargs) - - thread = threading.Thread(target=run_thread, kwargs={'y': wave_left, 'n_fft': n_fft, 'hop_length': hop_length}) - thread.start() - spec_right = librosa.stft(wave_right, n_fft, hop_length=hop_length) - thread.join() - - spec = np.asfortranarray([spec_left, spec_right]) - - return spec - -def normalize(wave_res): - """Save output music files""" - maxv = np.abs(wave_res).max() - if maxv > 1.0: - print(f"\nNormalization Set On: Input above threshold for clipping. The result was normalized. Max:{maxv}\n") - wave_res /= maxv - else: - print(f"\nNormalization Set On: Input not above threshold for clipping. Max:{maxv}\n") - - return wave_res - -def nonormalize(wave_res): - """Save output music files""" - maxv = np.abs(wave_res).max() - if maxv > 1.0: - print(f"\nNormalization Set Off: Input above threshold for clipping. The result was not normalized. Max:{maxv}\n") - else: - print(f"\nNormalization Set Off: Input not above threshold for clipping. Max:{maxv}\n") - - return wave_res - -def combine_spectrograms(specs, mp): - l = min([specs[i].shape[2] for i in specs]) - spec_c = np.zeros(shape=(2, mp.param['bins'] + 1, l), dtype=np.complex64) - offset = 0 - bands_n = len(mp.param['band']) - - for d in range(1, bands_n + 1): - h = mp.param['band'][d]['crop_stop'] - mp.param['band'][d]['crop_start'] - spec_c[:, offset:offset+h, :l] = specs[d][:, mp.param['band'][d]['crop_start']:mp.param['band'][d]['crop_stop'], :l] - offset += h - - if offset > mp.param['bins']: - raise ValueError('Too much bins') - - # lowpass fiter - if mp.param['pre_filter_start'] > 0: # and mp.param['band'][bands_n]['res_type'] in ['scipy', 'polyphase']: - if bands_n == 1: - spec_c = fft_lp_filter(spec_c, mp.param['pre_filter_start'], mp.param['pre_filter_stop']) - else: - gp = 1 - for b in range(mp.param['pre_filter_start'] + 1, mp.param['pre_filter_stop']): - g = math.pow(10, -(b - mp.param['pre_filter_start']) * (3.5 - gp) / 20.0) - gp = g - spec_c[:, b, :] *= g - - return np.asfortranarray(spec_c) - - -def spectrogram_to_image(spec, mode='magnitude'): - if mode == 'magnitude': - if np.iscomplexobj(spec): - y = np.abs(spec) - else: - y = spec - y = np.log10(y ** 2 + 1e-8) - elif mode == 'phase': - if np.iscomplexobj(spec): - y = np.angle(spec) - else: - y = spec - - y -= y.min() - y *= 255 / y.max() - img = np.uint8(y) - - if y.ndim == 3: - img = img.transpose(1, 2, 0) - img = np.concatenate([ - np.max(img, axis=2, keepdims=True), img - ], axis=2) - - return img - - -def reduce_vocal_aggressively(X, y, softmask): - v = X - y - y_mag_tmp = np.abs(y) - v_mag_tmp = np.abs(v) - - v_mask = v_mag_tmp > y_mag_tmp - y_mag = np.clip(y_mag_tmp - v_mag_tmp * v_mask * softmask, 0, np.inf) - - return y_mag * np.exp(1.j * np.angle(y)) - - -def mask_silence(mag, ref, thres=0.2, min_range=64, fade_size=32): - if min_range < fade_size * 2: - raise ValueError('min_range must be >= fade_area * 2') - - mag = mag.copy() - - idx = np.where(ref.mean(axis=(0, 1)) < thres)[0] - starts = np.insert(idx[np.where(np.diff(idx) != 1)[0] + 1], 0, idx[0]) - ends = np.append(idx[np.where(np.diff(idx) != 1)[0]], idx[-1]) - uninformative = np.where(ends - starts > min_range)[0] - if len(uninformative) > 0: - starts = starts[uninformative] - ends = ends[uninformative] - old_e = None - for s, e in zip(starts, ends): - if old_e is not None and s - old_e < fade_size: - s = old_e - fade_size * 2 - - if s != 0: - weight = np.linspace(0, 1, fade_size) - mag[:, :, s:s + fade_size] += weight * ref[:, :, s:s + fade_size] - else: - s -= fade_size - - if e != mag.shape[2]: - weight = np.linspace(1, 0, fade_size) - mag[:, :, e - fade_size:e] += weight * ref[:, :, e - fade_size:e] - else: - e += fade_size - - mag[:, :, s + fade_size:e - fade_size] += ref[:, :, s + fade_size:e - fade_size] - old_e = e - - return mag - - -def align_wave_head_and_tail(a, b): - l = min([a[0].size, b[0].size]) - - return a[:l,:l], b[:l,:l] - - -def cache_or_load(mix_path, inst_path, mp): - mix_basename = os.path.splitext(os.path.basename(mix_path))[0] - inst_basename = os.path.splitext(os.path.basename(inst_path))[0] - - cache_dir = 'mph{}'.format(hashlib.sha1(json.dumps(mp.param, sort_keys=True).encode('utf-8')).hexdigest()) - mix_cache_dir = os.path.join('cache', cache_dir) - inst_cache_dir = os.path.join('cache', cache_dir) - - os.makedirs(mix_cache_dir, exist_ok=True) - os.makedirs(inst_cache_dir, exist_ok=True) - - mix_cache_path = os.path.join(mix_cache_dir, mix_basename + '.npy') - inst_cache_path = os.path.join(inst_cache_dir, inst_basename + '.npy') - - if os.path.exists(mix_cache_path) and os.path.exists(inst_cache_path): - X_spec_m = np.load(mix_cache_path) - y_spec_m = np.load(inst_cache_path) - else: - X_wave, y_wave, X_spec_s, y_spec_s = {}, {}, {}, {} - - for d in range(len(mp.param['band']), 0, -1): - bp = mp.param['band'][d] - - if d == len(mp.param['band']): # high-end band - X_wave[d], _ = librosa.load( - mix_path, bp['sr'], False, dtype=np.float32, res_type=bp['res_type']) - y_wave[d], _ = librosa.load( - inst_path, bp['sr'], False, dtype=np.float32, res_type=bp['res_type']) - else: # lower bands - X_wave[d] = librosa.resample(X_wave[d+1], mp.param['band'][d+1]['sr'], bp['sr'], res_type=bp['res_type']) - y_wave[d] = librosa.resample(y_wave[d+1], mp.param['band'][d+1]['sr'], bp['sr'], res_type=bp['res_type']) - - X_wave[d], y_wave[d] = align_wave_head_and_tail(X_wave[d], y_wave[d]) - - X_spec_s[d] = wave_to_spectrogram(X_wave[d], bp['hl'], bp['n_fft'], mp.param['mid_side'], mp.param['mid_side_b2'], mp.param['reverse']) - y_spec_s[d] = wave_to_spectrogram(y_wave[d], bp['hl'], bp['n_fft'], mp.param['mid_side'], mp.param['mid_side_b2'], mp.param['reverse']) - - del X_wave, y_wave - - X_spec_m = combine_spectrograms(X_spec_s, mp) - y_spec_m = combine_spectrograms(y_spec_s, mp) - - if X_spec_m.shape != y_spec_m.shape: - raise ValueError('The combined spectrograms are different: ' + mix_path) - - _, ext = os.path.splitext(mix_path) - - np.save(mix_cache_path, X_spec_m) - np.save(inst_cache_path, y_spec_m) - - return X_spec_m, y_spec_m - - -def spectrogram_to_wave(spec, hop_length, mid_side, mid_side_b2, reverse, clamp=False): - spec_left = np.asfortranarray(spec[0]) - spec_right = np.asfortranarray(spec[1]) - - wave_left = librosa.istft(spec_left, hop_length=hop_length) - wave_right = librosa.istft(spec_right, hop_length=hop_length) - - if reverse: - return np.asfortranarray([np.flip(wave_left), np.flip(wave_right)]) - elif mid_side: - return np.asfortranarray([np.add(wave_left, wave_right / 2), np.subtract(wave_left, wave_right / 2)]) - elif mid_side_b2: - return np.asfortranarray([np.add(wave_right / 1.25, .4 * wave_left), np.subtract(wave_left / 1.25, .4 * wave_right)]) - else: - return np.asfortranarray([wave_left, wave_right]) - - -def spectrogram_to_wave_mt(spec, hop_length, mid_side, reverse, mid_side_b2): - import threading - - spec_left = np.asfortranarray(spec[0]) - spec_right = np.asfortranarray(spec[1]) - - def run_thread(**kwargs): - global wave_left - wave_left = librosa.istft(**kwargs) - - thread = threading.Thread(target=run_thread, kwargs={'stft_matrix': spec_left, 'hop_length': hop_length}) - thread.start() - wave_right = librosa.istft(spec_right, hop_length=hop_length) - thread.join() - - if reverse: - return np.asfortranarray([np.flip(wave_left), np.flip(wave_right)]) - elif mid_side: - return np.asfortranarray([np.add(wave_left, wave_right / 2), np.subtract(wave_left, wave_right / 2)]) - elif mid_side_b2: - return np.asfortranarray([np.add(wave_right / 1.25, .4 * wave_left), np.subtract(wave_left / 1.25, .4 * wave_right)]) - else: - return np.asfortranarray([wave_left, wave_right]) - - -def cmb_spectrogram_to_wave(spec_m, mp, extra_bins_h=None, extra_bins=None): - wave_band = {} - bands_n = len(mp.param['band']) - offset = 0 - - for d in range(1, bands_n + 1): - bp = mp.param['band'][d] - spec_s = np.ndarray(shape=(2, bp['n_fft'] // 2 + 1, spec_m.shape[2]), dtype=complex) - h = bp['crop_stop'] - bp['crop_start'] - spec_s[:, bp['crop_start']:bp['crop_stop'], :] = spec_m[:, offset:offset+h, :] - - offset += h - if d == bands_n: # higher - if extra_bins_h: # if --high_end_process bypass - max_bin = bp['n_fft'] // 2 - spec_s[:, max_bin-extra_bins_h:max_bin, :] = extra_bins[:, :extra_bins_h, :] - if bp['hpf_start'] > 0: - spec_s = fft_hp_filter(spec_s, bp['hpf_start'], bp['hpf_stop'] - 1) - if bands_n == 1: - wave = spectrogram_to_wave(spec_s, bp['hl'], mp.param['mid_side'], mp.param['mid_side_b2'], mp.param['reverse']) - else: - wave = np.add(wave, spectrogram_to_wave(spec_s, bp['hl'], mp.param['mid_side'], mp.param['mid_side_b2'], mp.param['reverse'])) - else: - sr = mp.param['band'][d+1]['sr'] - if d == 1: # lower - spec_s = fft_lp_filter(spec_s, bp['lpf_start'], bp['lpf_stop']) - wave = librosa.resample(spectrogram_to_wave(spec_s, bp['hl'], mp.param['mid_side'], mp.param['mid_side_b2'], mp.param['reverse']), bp['sr'], sr, res_type="sinc_fastest") - else: # mid - spec_s = fft_hp_filter(spec_s, bp['hpf_start'], bp['hpf_stop'] - 1) - spec_s = fft_lp_filter(spec_s, bp['lpf_start'], bp['lpf_stop']) - wave2 = np.add(wave, spectrogram_to_wave(spec_s, bp['hl'], mp.param['mid_side'], mp.param['mid_side_b2'], mp.param['reverse'])) - wave = librosa.resample(wave2, bp['sr'], sr, res_type="sinc_fastest") - - return wave.T - -def cmb_spectrogram_to_wave_d(spec_m, mp, extra_bins_h=None, extra_bins=None, demucs=True): - wave_band = {} - bands_n = len(mp.param['band']) - offset = 0 - - for d in range(1, bands_n + 1): - bp = mp.param['band'][d] - spec_s = np.ndarray(shape=(2, bp['n_fft'] // 2 + 1, spec_m.shape[2]), dtype=complex) - h = bp['crop_stop'] - bp['crop_start'] - spec_s[:, bp['crop_start']:bp['crop_stop'], :] = spec_m[:, offset:offset+h, :] - - offset += h - if d == bands_n: # higher - if extra_bins_h: # if --high_end_process bypass - max_bin = bp['n_fft'] // 2 - spec_s[:, max_bin-extra_bins_h:max_bin, :] = extra_bins[:, :extra_bins_h, :] - if bp['hpf_start'] > 0: - spec_s = fft_hp_filter(spec_s, bp['hpf_start'], bp['hpf_stop'] - 1) - if bands_n == 1: - wave = spectrogram_to_wave(spec_s, bp['hl'], mp.param['mid_side'], mp.param['mid_side_b2'], mp.param['reverse']) - else: - wave = np.add(wave, spectrogram_to_wave(spec_s, bp['hl'], mp.param['mid_side'], mp.param['mid_side_b2'], mp.param['reverse'])) - else: - sr = mp.param['band'][d+1]['sr'] - if d == 1: # lower - spec_s = fft_lp_filter(spec_s, bp['lpf_start'], bp['lpf_stop']) - wave = librosa.resample(spectrogram_to_wave(spec_s, bp['hl'], mp.param['mid_side'], mp.param['mid_side_b2'], mp.param['reverse']), bp['sr'], sr, res_type="sinc_fastest") - else: # mid - spec_s = fft_hp_filter(spec_s, bp['hpf_start'], bp['hpf_stop'] - 1) - spec_s = fft_lp_filter(spec_s, bp['lpf_start'], bp['lpf_stop']) - wave2 = np.add(wave, spectrogram_to_wave(spec_s, bp['hl'], mp.param['mid_side'], mp.param['mid_side_b2'], mp.param['reverse'])) - wave = librosa.resample(wave2, bp['sr'], sr, res_type="sinc_fastest") - - #print(demucs) - - if demucs == True: - wave = librosa.resample(wave, bp['sr'], 44100, res_type="sinc_fastest") - return wave - else: - return wave - -def fft_lp_filter(spec, bin_start, bin_stop): - g = 1.0 - for b in range(bin_start, bin_stop): - g -= 1 / (bin_stop - bin_start) - spec[:, b, :] = g * spec[:, b, :] - - spec[:, bin_stop:, :] *= 0 - - return spec - - -def fft_hp_filter(spec, bin_start, bin_stop): - g = 1.0 - for b in range(bin_start, bin_stop, -1): - g -= 1 / (bin_start - bin_stop) - spec[:, b, :] = g * spec[:, b, :] - - spec[:, 0:bin_stop+1, :] *= 0 - - return spec - - -def mirroring(a, spec_m, input_high_end, mp): - if 'mirroring' == a: - mirror = np.flip(np.abs(spec_m[:, mp.param['pre_filter_start']-10-input_high_end.shape[1]:mp.param['pre_filter_start']-10, :]), 1) - mirror = mirror * np.exp(1.j * np.angle(input_high_end)) - - return np.where(np.abs(input_high_end) <= np.abs(mirror), input_high_end, mirror) - - if 'mirroring2' == a: - mirror = np.flip(np.abs(spec_m[:, mp.param['pre_filter_start']-10-input_high_end.shape[1]:mp.param['pre_filter_start']-10, :]), 1) - mi = np.multiply(mirror, input_high_end * 1.7) - - return np.where(np.abs(input_high_end) <= np.abs(mi), input_high_end, mi) - - -def ensembling(a, specs): - for i in range(1, len(specs)): - if i == 1: - spec = specs[0] - - ln = min([spec.shape[2], specs[i].shape[2]]) - spec = spec[:,:,:ln] - specs[i] = specs[i][:,:,:ln] - - if 'min_mag' == a: - spec = np.where(np.abs(specs[i]) <= np.abs(spec), specs[i], spec) - if 'max_mag' == a: - spec = np.where(np.abs(specs[i]) >= np.abs(spec), specs[i], spec) - - return spec - -def stft(wave, nfft, hl): - wave_left = np.asfortranarray(wave[0]) - wave_right = np.asfortranarray(wave[1]) - spec_left = librosa.stft(wave_left, nfft, hop_length=hl) - spec_right = librosa.stft(wave_right, nfft, hop_length=hl) - spec = np.asfortranarray([spec_left, spec_right]) - - return spec - -def istft(spec, hl): - spec_left = np.asfortranarray(spec[0]) - spec_right = np.asfortranarray(spec[1]) - - wave_left = librosa.istft(spec_left, hop_length=hl) - wave_right = librosa.istft(spec_right, hop_length=hl) - wave = np.asfortranarray([wave_left, wave_right]) - - -if __name__ == "__main__": - import cv2 - import sys - import time - import argparse - from model_param_init import ModelParameters - - p = argparse.ArgumentParser() - p.add_argument('--algorithm', '-a', type=str, choices=['invert', 'invert_p', 'min_mag', 'max_mag', 'deep', 'align'], default='min_mag') - p.add_argument('--model_params', '-m', type=str, default=os.path.join('modelparams', '1band_sr44100_hl512.json')) - p.add_argument('--output_name', '-o', type=str, default='output') - p.add_argument('--vocals_only', '-v', action='store_true') - p.add_argument('input', nargs='+') - args = p.parse_args() - - start_time = time.time() - - if args.algorithm.startswith('invert') and len(args.input) != 2: - raise ValueError('There should be two input files.') - - if not args.algorithm.startswith('invert') and len(args.input) < 2: - raise ValueError('There must be at least two input files.') - - wave, specs = {}, {} - mp = ModelParameters(args.model_params) - - for i in range(len(args.input)): - spec = {} - - for d in range(len(mp.param['band']), 0, -1): - bp = mp.param['band'][d] - - if d == len(mp.param['band']): # high-end band - wave[d], _ = librosa.load( - args.input[i], bp['sr'], False, dtype=np.float32, res_type=bp['res_type']) - - if len(wave[d].shape) == 1: # mono to stereo - wave[d] = np.array([wave[d], wave[d]]) - else: # lower bands - wave[d] = librosa.resample(wave[d+1], mp.param['band'][d+1]['sr'], bp['sr'], res_type=bp['res_type']) - - spec[d] = wave_to_spectrogram(wave[d], bp['hl'], bp['n_fft'], mp.param['mid_side'], mp.param['mid_side_b2'], mp.param['reverse']) - - specs[i] = combine_spectrograms(spec, mp) - - del wave - - if args.algorithm == 'deep': - d_spec = np.where(np.abs(specs[0]) <= np.abs(spec[1]), specs[0], spec[1]) - v_spec = d_spec - specs[1] - sf.write(os.path.join('{}.wav'.format(args.output_name)), cmb_spectrogram_to_wave(v_spec, mp), mp.param['sr']) - - if args.algorithm.startswith('invert'): - ln = min([specs[0].shape[2], specs[1].shape[2]]) - specs[0] = specs[0][:,:,:ln] - specs[1] = specs[1][:,:,:ln] - - if 'invert_p' == args.algorithm: - X_mag = np.abs(specs[0]) - y_mag = np.abs(specs[1]) - max_mag = np.where(X_mag >= y_mag, X_mag, y_mag) - v_spec = specs[1] - max_mag * np.exp(1.j * np.angle(specs[0])) - else: - specs[1] = reduce_vocal_aggressively(specs[0], specs[1], 0.2) - v_spec = specs[0] - specs[1] - - if not args.vocals_only: - X_mag = np.abs(specs[0]) - y_mag = np.abs(specs[1]) - v_mag = np.abs(v_spec) - - X_image = spectrogram_to_image(X_mag) - y_image = spectrogram_to_image(y_mag) - v_image = spectrogram_to_image(v_mag) - - cv2.imwrite('{}_X.png'.format(args.output_name), X_image) - cv2.imwrite('{}_y.png'.format(args.output_name), y_image) - cv2.imwrite('{}_v.png'.format(args.output_name), v_image) - - sf.write('{}_X.wav'.format(args.output_name), cmb_spectrogram_to_wave(specs[0], mp), mp.param['sr']) - sf.write('{}_y.wav'.format(args.output_name), cmb_spectrogram_to_wave(specs[1], mp), mp.param['sr']) - - sf.write('{}_v.wav'.format(args.output_name), cmb_spectrogram_to_wave(v_spec, mp), mp.param['sr']) - else: - if not args.algorithm == 'deep': - sf.write(os.path.join('ensembled','{}.wav'.format(args.output_name)), cmb_spectrogram_to_wave(ensembling(args.algorithm, specs), mp), mp.param['sr']) - - if args.algorithm == 'align': - - trackalignment = [ - { - 'file1':'"{}"'.format(args.input[0]), - 'file2':'"{}"'.format(args.input[1]) - } - ] - - for i,e in tqdm(enumerate(trackalignment), desc="Performing Alignment..."): - os.system(f"python lib/align_tracks.py {e['file1']} {e['file2']}") - - #print('Total time: {0:.{1}f}s'.format(time.time() - start_time, 1)) diff --git a/lib_v5/sv_ttk/__init__.py b/lib_v5/sv_ttk/__init__.py deleted file mode 100644 index b265472..0000000 --- a/lib_v5/sv_ttk/__init__.py +++ /dev/null @@ -1,61 +0,0 @@ -from pathlib import Path - -inited = False -root = None - - -def init(func): - def wrapper(*args, **kwargs): - global inited - global root - - if not inited: - from tkinter import _default_root - - path = (Path(__file__).parent / "sun-valley.tcl").resolve() - - try: - _default_root.tk.call("source", str(path)) - except AttributeError: - raise RuntimeError( - "can't set theme. " - "Tk is not initialized. " - "Please first create a tkinter.Tk instance, then set the theme." - ) from None - else: - inited = True - root = _default_root - - return func(*args, **kwargs) - - return wrapper - - -@init -def set_theme(theme): - if theme not in {"dark", "light"}: - raise RuntimeError(f"not a valid theme name: {theme}") - - root.tk.call("set_theme", theme) - - -@init -def get_theme(): - theme = root.tk.call("ttk::style", "theme", "use") - - try: - return {"sun-valley-dark": "dark", "sun-valley-light": "light"}[theme] - except KeyError: - return theme - - -@init -def toggle_theme(): - if get_theme() == "dark": - use_light_theme() - else: - use_dark_theme() - - -use_dark_theme = lambda: set_theme("dark") -use_light_theme = lambda: set_theme("light") diff --git a/lib_v5/sv_ttk/__pycache__/__init__.cpython-38.pyc b/lib_v5/sv_ttk/__pycache__/__init__.cpython-38.pyc deleted file mode 100644 index 471fa89..0000000 Binary files a/lib_v5/sv_ttk/__pycache__/__init__.cpython-38.pyc and /dev/null differ diff --git a/lib_v5/sv_ttk/__pycache__/__init__.cpython-39.pyc b/lib_v5/sv_ttk/__pycache__/__init__.cpython-39.pyc deleted file mode 100644 index 477c027..0000000 Binary files a/lib_v5/sv_ttk/__pycache__/__init__.cpython-39.pyc and /dev/null differ diff --git a/lib_v5/sv_ttk/sun-valley.tcl b/lib_v5/sv_ttk/sun-valley.tcl deleted file mode 100644 index 7baac78..0000000 --- a/lib_v5/sv_ttk/sun-valley.tcl +++ /dev/null @@ -1,46 +0,0 @@ -source [file join [file dirname [info script]] theme dark.tcl] - -option add *tearOff 0 - -proc set_theme {mode} { - if {$mode == "dark"} { - ttk::style theme use "sun-valley-dark" - - array set colors { - -fg "#F6F6F7" - -bg "#0e0e0f" - -disabledfg "#F6F6F7" - -selectfg "#F6F6F7" - -selectbg "#003b50" - } - - ttk::style configure . \ - -background $colors(-bg) \ - -foreground $colors(-fg) \ - -troughcolor $colors(-bg) \ - -focuscolor $colors(-selectbg) \ - -selectbackground $colors(-selectbg) \ - -selectforeground $colors(-selectfg) \ - -insertwidth 0 \ - -insertcolor $colors(-fg) \ - -fieldbackground $colors(-selectbg) \ - -font {"Century Gothic" 10} \ - -borderwidth 0 \ - -relief flat - - tk_setPalette \ - background [ttk::style lookup . -background] \ - foreground [ttk::style lookup . -foreground] \ - highlightColor [ttk::style lookup . -focuscolor] \ - selectBackground [ttk::style lookup . -selectbackground] \ - selectForeground [ttk::style lookup . -selectforeground] \ - activeBackground [ttk::style lookup . -selectbackground] \ - activeForeground [ttk::style lookup . -selectforeground] - - ttk::style map . -foreground [list disabled $colors(-disabledfg)] - - option add *font [ttk::style lookup . -font] - option add *Menu.selectcolor $colors(-fg) - option add *Menu.background #0e0e0f - } -} diff --git a/lib_v5/sv_ttk/theme/dark.tcl b/lib_v5/sv_ttk/theme/dark.tcl deleted file mode 100644 index 33a815d..0000000 --- a/lib_v5/sv_ttk/theme/dark.tcl +++ /dev/null @@ -1,534 +0,0 @@ -# Copyright © 2021 rdbende - -# A stunning dark theme for ttk based on Microsoft's Sun Valley visual style - -package require Tk 8.6 - -namespace eval ttk::theme::sun-valley-dark { - variable version 1.0 - package provide ttk::theme::sun-valley-dark $version - - ttk::style theme create sun-valley-dark -parent clam -settings { - proc load_images {imgdir} { - variable images - foreach file [glob -directory $imgdir *.png] { - set images([file tail [file rootname $file]]) \ - [image create photo -file $file -format png] - } - } - - load_images [file join [file dirname [info script]] dark] - - array set colors { - -fg "#F6F6F7" - -bg "#0e0e0f" - -disabledfg "#F6F6F7" - -selectfg "#ffffff" - -selectbg "#2f60d8" - } - - ttk::style layout TButton { - Button.button -children { - Button.padding -children { - Button.label -side left -expand 1 - } - } - } - - ttk::style layout Toolbutton { - Toolbutton.button -children { - Toolbutton.padding -children { - Toolbutton.label -side left -expand 1 - } - } - } - - ttk::style layout TMenubutton { - Menubutton.button -children { - Menubutton.padding -children { - Menubutton.label -side left -expand 1 - Menubutton.indicator -side right -sticky nsew - } - } - } - - ttk::style layout TOptionMenu { - OptionMenu.button -children { - OptionMenu.padding -children { - OptionMenu.label -side left -expand 0 - OptionMenu.indicator -side right -sticky nsew - } - } - } - - ttk::style layout Accent.TButton { - AccentButton.button -children { - AccentButton.padding -children { - AccentButton.label -side left -expand 1 - } - } - } - - ttk::style layout Titlebar.TButton { - TitlebarButton.button -children { - TitlebarButton.padding -children { - TitlebarButton.label -side left -expand 1 - } - } - } - - ttk::style layout Close.Titlebar.TButton { - CloseButton.button -children { - CloseButton.padding -children { - CloseButton.label -side left -expand 1 - } - } - } - - ttk::style layout TCheckbutton { - Checkbutton.button -children { - Checkbutton.padding -children { - Checkbutton.indicator -side left - Checkbutton.label -side right -expand 1 - } - } - } - - ttk::style layout Switch.TCheckbutton { - Switch.button -children { - Switch.padding -children { - Switch.indicator -side left - Switch.label -side right -expand 1 - } - } - } - - ttk::style layout Toggle.TButton { - ToggleButton.button -children { - ToggleButton.padding -children { - ToggleButton.label -side left -expand 1 - } - } - } - - ttk::style layout TRadiobutton { - Radiobutton.button -children { - Radiobutton.padding -children { - Radiobutton.indicator -side left - Radiobutton.label -side right -expand 1 - } - } - } - - ttk::style layout Vertical.TScrollbar { - Vertical.Scrollbar.trough -sticky ns -children { - Vertical.Scrollbar.uparrow -side top - Vertical.Scrollbar.downarrow -side bottom - Vertical.Scrollbar.thumb -expand 1 - } - } - - ttk::style layout Horizontal.TScrollbar { - Horizontal.Scrollbar.trough -sticky ew -children { - Horizontal.Scrollbar.leftarrow -side left - Horizontal.Scrollbar.rightarrow -side right - Horizontal.Scrollbar.thumb -expand 1 - } - } - - ttk::style layout TSeparator { - TSeparator.separator -sticky nsew - } - - ttk::style layout TCombobox { - Combobox.field -sticky nsew -children { - Combobox.padding -expand 1 -sticky nsew -children { - Combobox.textarea -sticky nsew - } - } - null -side right -sticky ns -children { - Combobox.arrow -sticky nsew - } - } - - ttk::style layout TSpinbox { - Spinbox.field -sticky nsew -children { - Spinbox.padding -expand 1 -sticky nsew -children { - Spinbox.textarea -sticky nsew - } - - } - null -side right -sticky nsew -children { - Spinbox.uparrow -side left -sticky nsew - Spinbox.downarrow -side right -sticky nsew - } - } - - ttk::style layout Card.TFrame { - Card.field { - Card.padding -expand 1 - } - } - - ttk::style layout TLabelframe { - Labelframe.border { - Labelframe.padding -expand 1 -children { - Labelframe.label -side left - } - } - } - - ttk::style layout TNotebook { - Notebook.border -children { - TNotebook.Tab -expand 1 - Notebook.client -sticky nsew - } - } - - ttk::style layout Treeview.Item { - Treeitem.padding -sticky nsew -children { - Treeitem.image -side left -sticky {} - Treeitem.indicator -side left -sticky {} - Treeitem.text -side left -sticky {} - } - } - - # Button - ttk::style configure TButton -padding {8 4} -anchor center -foreground $colors(-fg) - - ttk::style map TButton -foreground \ - [list disabled #7a7a7a \ - pressed #d0d0d0] - - ttk::style element create Button.button image \ - [list $images(button-rest) \ - {selected disabled} $images(button-disabled) \ - disabled $images(button-disabled) \ - selected $images(button-rest) \ - pressed $images(button-pressed) \ - active $images(button-hover) \ - ] -border 4 -sticky nsew - - # Toolbutton - ttk::style configure Toolbutton -padding {8 4} -anchor center - - ttk::style element create Toolbutton.button image \ - [list $images(empty) \ - {selected disabled} $images(button-disabled) \ - selected $images(button-rest) \ - pressed $images(button-pressed) \ - active $images(button-hover) \ - ] -border 4 -sticky nsew - - # Menubutton - ttk::style configure TMenubutton -padding {8 4 0 4} - - ttk::style element create Menubutton.button \ - image [list $images(button-rest) \ - disabled $images(button-disabled) \ - pressed $images(button-pressed) \ - active $images(button-hover) \ - ] -border 4 -sticky nsew - - ttk::style element create Menubutton.indicator image $images(arrow-down) -width 28 -sticky {} - - # OptionMenu - ttk::style configure TOptionMenu -padding {8 4 0 4} - - ttk::style element create OptionMenu.button \ - image [list $images(button-rest) \ - disabled $images(button-disabled) \ - pressed $images(button-pressed) \ - active $images(button-hover) \ - ] -border 0 -sticky nsew - - ttk::style element create OptionMenu.indicator image $images(arrow-down) -width 28 -sticky {} - - # Accent.TButton - ttk::style configure Accent.TButton -padding {8 4} -anchor center -foreground #ffffff - - ttk::style map Accent.TButton -foreground \ - [list pressed #25536a \ - disabled #a5a5a5] - - ttk::style element create AccentButton.button image \ - [list $images(button-accent-rest) \ - {selected disabled} $images(button-accent-disabled) \ - disabled $images(button-accent-disabled) \ - selected $images(button-accent-rest) \ - pressed $images(button-accent-pressed) \ - active $images(button-accent-hover) \ - ] -border 4 -sticky nsew - - # Titlebar.TButton - ttk::style configure Titlebar.TButton -padding {8 4} -anchor center -foreground #ffffff - - ttk::style map Titlebar.TButton -foreground \ - [list disabled #6f6f6f \ - pressed #d1d1d1 \ - active #ffffff] - - ttk::style element create TitlebarButton.button image \ - [list $images(empty) \ - disabled $images(empty) \ - pressed $images(button-titlebar-pressed) \ - active $images(button-titlebar-hover) \ - ] -border 4 -sticky nsew - - # Close.Titlebar.TButton - ttk::style configure Close.Titlebar.TButton -padding {8 4} -anchor center -foreground #ffffff - - ttk::style map Close.Titlebar.TButton -foreground \ - [list disabled #6f6f6f \ - pressed #e8bfbb \ - active #ffffff] - - ttk::style element create CloseButton.button image \ - [list $images(empty) \ - disabled $images(empty) \ - pressed $images(button-close-pressed) \ - active $images(button-close-hover) \ - ] -border 4 -sticky nsew - - # Checkbutton - ttk::style configure TCheckbutton -padding 4 - - ttk::style element create Checkbutton.indicator image \ - [list $images(check-unsel-rest) \ - {alternate disabled} $images(check-tri-disabled) \ - {selected disabled} $images(check-disabled) \ - disabled $images(check-unsel-disabled) \ - {pressed alternate} $images(check-tri-hover) \ - {active alternate} $images(check-tri-hover) \ - alternate $images(check-tri-rest) \ - {pressed selected} $images(check-hover) \ - {active selected} $images(check-hover) \ - selected $images(check-rest) \ - {pressed !selected} $images(check-unsel-pressed) \ - active $images(check-unsel-hover) \ - ] -width 26 -sticky w - - # Switch.TCheckbutton - ttk::style element create Switch.indicator image \ - [list $images(switch-off-rest) \ - {selected disabled} $images(switch-on-disabled) \ - disabled $images(switch-off-disabled) \ - {pressed selected} $images(switch-on-pressed) \ - {active selected} $images(switch-on-hover) \ - selected $images(switch-on-rest) \ - {pressed !selected} $images(switch-off-pressed) \ - active $images(switch-off-hover) \ - ] -width 46 -sticky w - - # Toggle.TButton - ttk::style configure Toggle.TButton -padding {8 4 8 4} -anchor center -foreground $colors(-fg) - - ttk::style map Toggle.TButton -foreground \ - [list {selected disabled} #a5a5a5 \ - {selected pressed} #d0d0d0 \ - selected #ffffff \ - pressed #25536a \ - disabled #7a7a7a - ] - - ttk::style element create ToggleButton.button image \ - [list $images(button-rest) \ - {selected disabled} $images(button-accent-disabled) \ - disabled $images(button-disabled) \ - {pressed selected} $images(button-rest) \ - {active selected} $images(button-accent-hover) \ - selected $images(button-accent-rest) \ - {pressed !selected} $images(button-accent-rest) \ - active $images(button-hover) \ - ] -border 4 -sticky nsew - - # Radiobutton - ttk::style configure TRadiobutton -padding 0 - - ttk::style element create Radiobutton.indicator image \ - [list $images(radio-unsel-rest) \ - {selected disabled} $images(radio-disabled) \ - disabled $images(radio-unsel-disabled) \ - {pressed selected} $images(radio-pressed) \ - {active selected} $images(radio-hover) \ - selected $images(radio-rest) \ - {pressed !selected} $images(radio-unsel-pressed) \ - active $images(radio-unsel-hover) \ - ] -width 20 -sticky w - - ttk::style configure Menu.TRadiobutton -padding 0 - - ttk::style element create Menu.Radiobutton.indicator image \ - [list $images(radio-unsel-rest) \ - {selected disabled} $images(radio-disabled) \ - disabled $images(radio-unsel-disabled) \ - {pressed selected} $images(radio-pressed) \ - {active selected} $images(radio-hover) \ - selected $images(radio-rest) \ - {pressed !selected} $images(radio-unsel-pressed) \ - active $images(radio-unsel-hover) \ - ] -width 20 -sticky w - - # Scrollbar - ttk::style element create Horizontal.Scrollbar.trough image $images(scroll-hor-trough) -sticky ew -border 6 - ttk::style element create Horizontal.Scrollbar.thumb image $images(scroll-hor-thumb) -sticky ew -border 3 - - ttk::style element create Horizontal.Scrollbar.rightarrow image $images(scroll-right) -sticky {} -width 12 - ttk::style element create Horizontal.Scrollbar.leftarrow image $images(scroll-left) -sticky {} -width 12 - - ttk::style element create Vertical.Scrollbar.trough image $images(scroll-vert-trough) -sticky ns -border 6 - ttk::style element create Vertical.Scrollbar.thumb image $images(scroll-vert-thumb) -sticky ns -border 3 - - ttk::style element create Vertical.Scrollbar.uparrow image $images(scroll-up) -sticky {} -height 12 - ttk::style element create Vertical.Scrollbar.downarrow image $images(scroll-down) -sticky {} -height 12 - - # Scale - ttk::style element create Horizontal.Scale.trough image $images(scale-trough-hor) \ - -border 5 -padding 0 - - ttk::style element create Vertical.Scale.trough image $images(scale-trough-vert) \ - -border 5 -padding 0 - - ttk::style element create Scale.slider \ - image [list $images(scale-thumb-rest) \ - disabled $images(scale-thumb-disabled) \ - pressed $images(scale-thumb-pressed) \ - active $images(scale-thumb-hover) \ - ] -sticky {} - - # Progressbar - ttk::style element create Horizontal.Progressbar.trough image $images(progress-trough-hor) \ - -border 1 -sticky ew - - ttk::style element create Horizontal.Progressbar.pbar image $images(progress-pbar-hor) \ - -border 2 -sticky ew - - ttk::style element create Vertical.Progressbar.trough image $images(progress-trough-vert) \ - -border 1 -sticky ns - - ttk::style element create Vertical.Progressbar.pbar image $images(progress-pbar-vert) \ - -border 2 -sticky ns - - # Entry - ttk::style configure TEntry -foreground $colors(-fg) - - ttk::style map TEntry -foreground \ - [list disabled #757575 \ - pressed #cfcfcf - ] - - ttk::style element create Entry.field \ - image [list $images(entry-rest) \ - {focus hover !invalid} $images(entry-focus) \ - invalid $images(entry-invalid) \ - disabled $images(entry-disabled) \ - {focus !invalid} $images(entry-focus) \ - hover $images(entry-hover) \ - ] -border 5 -padding 8 -sticky nsew - - # Combobox - ttk::style configure TCombobox -foreground $colors(-fg) - - ttk::style map TCombobox -foreground \ - [list disabled #757575 \ - pressed #cfcfcf - ] - - ttk::style configure ComboboxPopdownFrame -borderwidth 0 -flat solid - - ttk::style map TCombobox -selectbackground [list \ - {readonly hover} $colors(-selectbg) \ - {readonly focus} $colors(-selectbg) \ - ] -selectforeground [list \ - {readonly hover} $colors(-selectfg) \ - {readonly focus} $colors(-selectfg) \ - ] - - ttk::style element create Combobox.field \ - image [list $images(entry-rest) \ - {readonly disabled} $images(button-disabled) \ - {readonly pressed} $images(button-pressed) \ - {readonly hover} $images(button-hover) \ - readonly $images(button-rest) \ - invalid $images(entry-invalid) \ - disabled $images(entry-disabled) \ - focus $images(entry-focus) \ - hover $images(entry-hover) \ - ] -border 0 -padding {8 8 28 8} - - ttk::style element create Combobox.arrow image $images(arrow-down) -width 35 -sticky {} - - # Spinbox - ttk::style configure TSpinbox -foreground $colors(-fg) - - ttk::style map TSpinbox -foreground \ - [list disabled #757575 \ - pressed #cfcfcf - ] - - ttk::style element create Spinbox.field \ - image [list $images(entry-rest) \ - invalid $images(entry-invalid) \ - disabled $images(entry-disabled) \ - focus $images(entry-focus) \ - hover $images(entry-hover) \ - ] -border 5 -padding {8 8 54 8} -sticky nsew - - ttk::style element create Spinbox.uparrow image $images(arrow-up) -width 35 -sticky {} - ttk::style element create Spinbox.downarrow image $images(arrow-down) -width 35 -sticky {} - - # Sizegrip - ttk::style element create Sizegrip.sizegrip image $images(sizegrip) \ - -sticky nsew - - # Separator - ttk::style element create TSeparator.separator image $images(separator) - - # Card - ttk::style element create Card.field image $images(card) \ - -border 10 -padding 4 -sticky nsew - - # Labelframe - ttk::style element create Labelframe.border image $images(card) \ - -border 5 -padding 4 -sticky nsew - - # Notebook - ttk::style configure TNotebook -padding 1 - - ttk::style element create Notebook.border \ - image $images(notebook-border) -border 5 -padding 5 - - ttk::style element create Notebook.client image $images(notebook) - - ttk::style element create Notebook.tab \ - image [list $images(tab-rest) \ - selected $images(tab-selected) \ - active $images(tab-hover) \ - ] -border 13 -padding {16 14 16 6} -height 32 - - # Treeview - ttk::style element create Treeview.field image $images(card) \ - -border 5 - - ttk::style element create Treeheading.cell \ - image [list $images(treeheading-rest) \ - pressed $images(treeheading-pressed) \ - active $images(treeheading-hover) - ] -border 5 -padding 15 -sticky nsew - - ttk::style element create Treeitem.indicator \ - image [list $images(arrow-right) \ - user2 $images(empty) \ - user1 $images(arrow-down) \ - ] -width 26 -sticky {} - - ttk::style configure Treeview -background $colors(-bg) -rowheight [expr {[font metrics font -linespace] + 2}] - ttk::style map Treeview \ - -background [list selected #292929] \ - -foreground [list selected $colors(-selectfg)] - - # Panedwindow - # Insane hack to remove clam's ugly sash - ttk::style configure Sash -gripcount 0 - } -} \ No newline at end of file diff --git a/lib_v5/sv_ttk/theme/dark/arrow-down.png b/lib_v5/sv_ttk/theme/dark/arrow-down.png deleted file mode 100644 index 2b0a9d8..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/arrow-down.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/arrow-right.png b/lib_v5/sv_ttk/theme/dark/arrow-right.png deleted file mode 100644 index 2638d88..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/arrow-right.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/arrow-up.png b/lib_v5/sv_ttk/theme/dark/arrow-up.png deleted file mode 100644 index f935a0d..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/arrow-up.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/button-accent-disabled.png b/lib_v5/sv_ttk/theme/dark/button-accent-disabled.png deleted file mode 100644 index bf7bd9b..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/button-accent-disabled.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/button-accent-hover.png b/lib_v5/sv_ttk/theme/dark/button-accent-hover.png deleted file mode 100644 index 8aea9dd..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/button-accent-hover.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/button-accent-pressed.png b/lib_v5/sv_ttk/theme/dark/button-accent-pressed.png deleted file mode 100644 index edc1114..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/button-accent-pressed.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/button-accent-rest.png b/lib_v5/sv_ttk/theme/dark/button-accent-rest.png deleted file mode 100644 index 75e64f8..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/button-accent-rest.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/button-close-hover.png b/lib_v5/sv_ttk/theme/dark/button-close-hover.png deleted file mode 100644 index 6fc0c00..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/button-close-hover.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/button-close-pressed.png b/lib_v5/sv_ttk/theme/dark/button-close-pressed.png deleted file mode 100644 index 6023dc1..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/button-close-pressed.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/button-disabled.png b/lib_v5/sv_ttk/theme/dark/button-disabled.png deleted file mode 100644 index 43add5f..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/button-disabled.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/button-hover.png b/lib_v5/sv_ttk/theme/dark/button-hover.png deleted file mode 100644 index 2041375..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/button-hover.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/button-pressed.png b/lib_v5/sv_ttk/theme/dark/button-pressed.png deleted file mode 100644 index 4270149..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/button-pressed.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/button-rest.png b/lib_v5/sv_ttk/theme/dark/button-rest.png deleted file mode 100644 index 128f5f6..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/button-rest.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/button-rest_alternative!!.png b/lib_v5/sv_ttk/theme/dark/button-rest_alternative!!.png deleted file mode 100644 index a2ac951..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/button-rest_alternative!!.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/button-titlebar-hover.png b/lib_v5/sv_ttk/theme/dark/button-titlebar-hover.png deleted file mode 100644 index fcb3751..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/button-titlebar-hover.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/button-titlebar-pressed.png b/lib_v5/sv_ttk/theme/dark/button-titlebar-pressed.png deleted file mode 100644 index 2ed0623..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/button-titlebar-pressed.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/card.png b/lib_v5/sv_ttk/theme/dark/card.png deleted file mode 100644 index eaac11c..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/card.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/check-disabled.png b/lib_v5/sv_ttk/theme/dark/check-disabled.png deleted file mode 100644 index f766eba..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/check-disabled.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/check-hover.png b/lib_v5/sv_ttk/theme/dark/check-hover.png deleted file mode 100644 index 59358d4..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/check-hover.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/check-pressed.png b/lib_v5/sv_ttk/theme/dark/check-pressed.png deleted file mode 100644 index 02ee6af..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/check-pressed.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/check-rest.png b/lib_v5/sv_ttk/theme/dark/check-rest.png deleted file mode 100644 index aa8dc67..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/check-rest.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/check-tri-disabled.png b/lib_v5/sv_ttk/theme/dark/check-tri-disabled.png deleted file mode 100644 index a9d31c7..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/check-tri-disabled.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/check-tri-hover.png b/lib_v5/sv_ttk/theme/dark/check-tri-hover.png deleted file mode 100644 index ed218a0..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/check-tri-hover.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/check-tri-pressed.png b/lib_v5/sv_ttk/theme/dark/check-tri-pressed.png deleted file mode 100644 index 68d7a99..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/check-tri-pressed.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/check-tri-rest.png b/lib_v5/sv_ttk/theme/dark/check-tri-rest.png deleted file mode 100644 index 26edcdb..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/check-tri-rest.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/check-unsel-disabled.png b/lib_v5/sv_ttk/theme/dark/check-unsel-disabled.png deleted file mode 100644 index 9f4be22..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/check-unsel-disabled.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/check-unsel-hover.png b/lib_v5/sv_ttk/theme/dark/check-unsel-hover.png deleted file mode 100644 index 0081141..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/check-unsel-hover.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/check-unsel-pressed.png b/lib_v5/sv_ttk/theme/dark/check-unsel-pressed.png deleted file mode 100644 index 26767b8..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/check-unsel-pressed.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/check-unsel-rest.png b/lib_v5/sv_ttk/theme/dark/check-unsel-rest.png deleted file mode 100644 index 55eabc6..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/check-unsel-rest.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/empty.png b/lib_v5/sv_ttk/theme/dark/empty.png deleted file mode 100644 index 2218363..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/empty.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/entry-disabled.png b/lib_v5/sv_ttk/theme/dark/entry-disabled.png deleted file mode 100644 index 43add5f..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/entry-disabled.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/entry-focus.png b/lib_v5/sv_ttk/theme/dark/entry-focus.png deleted file mode 100644 index 58999e4..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/entry-focus.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/entry-hover.png b/lib_v5/sv_ttk/theme/dark/entry-hover.png deleted file mode 100644 index 6b93830..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/entry-hover.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/entry-invalid.png b/lib_v5/sv_ttk/theme/dark/entry-invalid.png deleted file mode 100644 index 7304b24..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/entry-invalid.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/entry-rest.png b/lib_v5/sv_ttk/theme/dark/entry-rest.png deleted file mode 100644 index e876752..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/entry-rest.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/notebook-border.png b/lib_v5/sv_ttk/theme/dark/notebook-border.png deleted file mode 100644 index 0827a07..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/notebook-border.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/notebook.png b/lib_v5/sv_ttk/theme/dark/notebook.png deleted file mode 100644 index 15c05f8..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/notebook.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/progress-pbar-hor.png b/lib_v5/sv_ttk/theme/dark/progress-pbar-hor.png deleted file mode 100644 index f8035f8..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/progress-pbar-hor.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/progress-pbar-vert.png b/lib_v5/sv_ttk/theme/dark/progress-pbar-vert.png deleted file mode 100644 index 3d0cb29..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/progress-pbar-vert.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/progress-trough-hor.png b/lib_v5/sv_ttk/theme/dark/progress-trough-hor.png deleted file mode 100644 index 9fe4807..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/progress-trough-hor.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/progress-trough-vert.png b/lib_v5/sv_ttk/theme/dark/progress-trough-vert.png deleted file mode 100644 index 22a8c1c..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/progress-trough-vert.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/radio-disabled.png b/lib_v5/sv_ttk/theme/dark/radio-disabled.png deleted file mode 100644 index 965136d..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/radio-disabled.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/radio-hover.png b/lib_v5/sv_ttk/theme/dark/radio-hover.png deleted file mode 100644 index 9823345..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/radio-hover.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/radio-pressed.png b/lib_v5/sv_ttk/theme/dark/radio-pressed.png deleted file mode 100644 index ed89533..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/radio-pressed.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/radio-rest.png b/lib_v5/sv_ttk/theme/dark/radio-rest.png deleted file mode 100644 index ef891d1..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/radio-rest.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/radio-unsel-disabled.png b/lib_v5/sv_ttk/theme/dark/radio-unsel-disabled.png deleted file mode 100644 index ec7dd91..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/radio-unsel-disabled.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/radio-unsel-hover.png b/lib_v5/sv_ttk/theme/dark/radio-unsel-hover.png deleted file mode 100644 index 7feda0b..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/radio-unsel-hover.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/radio-unsel-pressed.png b/lib_v5/sv_ttk/theme/dark/radio-unsel-pressed.png deleted file mode 100644 index 7a76749..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/radio-unsel-pressed.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/radio-unsel-rest.png b/lib_v5/sv_ttk/theme/dark/radio-unsel-rest.png deleted file mode 100644 index f311983..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/radio-unsel-rest.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/scale-thumb-disabled.png b/lib_v5/sv_ttk/theme/dark/scale-thumb-disabled.png deleted file mode 100644 index ba77f1d..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/scale-thumb-disabled.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/scale-thumb-hover.png b/lib_v5/sv_ttk/theme/dark/scale-thumb-hover.png deleted file mode 100644 index 8398922..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/scale-thumb-hover.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/scale-thumb-pressed.png b/lib_v5/sv_ttk/theme/dark/scale-thumb-pressed.png deleted file mode 100644 index 70029b3..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/scale-thumb-pressed.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/scale-thumb-rest.png b/lib_v5/sv_ttk/theme/dark/scale-thumb-rest.png deleted file mode 100644 index f6571b9..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/scale-thumb-rest.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/scale-trough-hor.png b/lib_v5/sv_ttk/theme/dark/scale-trough-hor.png deleted file mode 100644 index 7fa2bf4..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/scale-trough-hor.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/scale-trough-vert.png b/lib_v5/sv_ttk/theme/dark/scale-trough-vert.png deleted file mode 100644 index 205fed8..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/scale-trough-vert.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/scroll-down.png b/lib_v5/sv_ttk/theme/dark/scroll-down.png deleted file mode 100644 index 4c0e24f..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/scroll-down.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/scroll-hor-thumb.png b/lib_v5/sv_ttk/theme/dark/scroll-hor-thumb.png deleted file mode 100644 index 795a88a..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/scroll-hor-thumb.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/scroll-hor-trough.png b/lib_v5/sv_ttk/theme/dark/scroll-hor-trough.png deleted file mode 100644 index 89d0403..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/scroll-hor-trough.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/scroll-left.png b/lib_v5/sv_ttk/theme/dark/scroll-left.png deleted file mode 100644 index f43538b..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/scroll-left.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/scroll-right.png b/lib_v5/sv_ttk/theme/dark/scroll-right.png deleted file mode 100644 index a56511f..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/scroll-right.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/scroll-up.png b/lib_v5/sv_ttk/theme/dark/scroll-up.png deleted file mode 100644 index 7ddba7f..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/scroll-up.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/scroll-vert-thumb.png b/lib_v5/sv_ttk/theme/dark/scroll-vert-thumb.png deleted file mode 100644 index 572f33d..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/scroll-vert-thumb.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/scroll-vert-trough.png b/lib_v5/sv_ttk/theme/dark/scroll-vert-trough.png deleted file mode 100644 index c947ed1..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/scroll-vert-trough.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/separator.png b/lib_v5/sv_ttk/theme/dark/separator.png deleted file mode 100644 index 6e01f55..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/separator.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/sizegrip.png b/lib_v5/sv_ttk/theme/dark/sizegrip.png deleted file mode 100644 index 7080c04..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/sizegrip.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/switch-off-disabled.png b/lib_v5/sv_ttk/theme/dark/switch-off-disabled.png deleted file mode 100644 index 4032c61..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/switch-off-disabled.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/switch-off-hover.png b/lib_v5/sv_ttk/theme/dark/switch-off-hover.png deleted file mode 100644 index 5a136bd..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/switch-off-hover.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/switch-off-pressed.png b/lib_v5/sv_ttk/theme/dark/switch-off-pressed.png deleted file mode 100644 index 040e2ea..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/switch-off-pressed.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/switch-off-rest.png b/lib_v5/sv_ttk/theme/dark/switch-off-rest.png deleted file mode 100644 index 6c31bb2..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/switch-off-rest.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/switch-on-disabled.png b/lib_v5/sv_ttk/theme/dark/switch-on-disabled.png deleted file mode 100644 index c0d67c5..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/switch-on-disabled.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/switch-on-hover.png b/lib_v5/sv_ttk/theme/dark/switch-on-hover.png deleted file mode 100644 index fd4de94..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/switch-on-hover.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/switch-on-pressed.png b/lib_v5/sv_ttk/theme/dark/switch-on-pressed.png deleted file mode 100644 index 00e87c6..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/switch-on-pressed.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/switch-on-rest.png b/lib_v5/sv_ttk/theme/dark/switch-on-rest.png deleted file mode 100644 index 52a19ea..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/switch-on-rest.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/tab-hover.png b/lib_v5/sv_ttk/theme/dark/tab-hover.png deleted file mode 100644 index 43a113b..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/tab-hover.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/tab-rest.png b/lib_v5/sv_ttk/theme/dark/tab-rest.png deleted file mode 100644 index d873b66..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/tab-rest.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/tab-selected.png b/lib_v5/sv_ttk/theme/dark/tab-selected.png deleted file mode 100644 index eb7b211..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/tab-selected.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/treeheading-hover.png b/lib_v5/sv_ttk/theme/dark/treeheading-hover.png deleted file mode 100644 index beaaf13..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/treeheading-hover.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/treeheading-pressed.png b/lib_v5/sv_ttk/theme/dark/treeheading-pressed.png deleted file mode 100644 index 9cd311d..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/treeheading-pressed.png and /dev/null differ diff --git a/lib_v5/sv_ttk/theme/dark/treeheading-rest.png b/lib_v5/sv_ttk/theme/dark/treeheading-rest.png deleted file mode 100644 index 374ed49..0000000 Binary files a/lib_v5/sv_ttk/theme/dark/treeheading-rest.png and /dev/null differ