Spaces:
Running
Running
MarcusSu1216
commited on
Commit
•
a862d47
1
Parent(s):
7cc8ba3
Upload 3 files
Browse files- cluster/__init__.py +29 -0
- cluster/__pycache__/__init__.cpython-38.pyc +0 -0
- cluster/train_cluster.py +89 -0
cluster/__init__.py
ADDED
@@ -0,0 +1,29 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
import numpy as np
|
2 |
+
import torch
|
3 |
+
from sklearn.cluster import KMeans
|
4 |
+
|
5 |
+
def get_cluster_model(ckpt_path):
|
6 |
+
checkpoint = torch.load(ckpt_path)
|
7 |
+
kmeans_dict = {}
|
8 |
+
for spk, ckpt in checkpoint.items():
|
9 |
+
km = KMeans(ckpt["n_features_in_"])
|
10 |
+
km.__dict__["n_features_in_"] = ckpt["n_features_in_"]
|
11 |
+
km.__dict__["_n_threads"] = ckpt["_n_threads"]
|
12 |
+
km.__dict__["cluster_centers_"] = ckpt["cluster_centers_"]
|
13 |
+
kmeans_dict[spk] = km
|
14 |
+
return kmeans_dict
|
15 |
+
|
16 |
+
def get_cluster_result(model, x, speaker):
|
17 |
+
"""
|
18 |
+
x: np.array [t, 256]
|
19 |
+
return cluster class result
|
20 |
+
"""
|
21 |
+
return model[speaker].predict(x)
|
22 |
+
|
23 |
+
def get_cluster_center_result(model, x,speaker):
|
24 |
+
"""x: np.array [t, 256]"""
|
25 |
+
predict = model[speaker].predict(x)
|
26 |
+
return model[speaker].cluster_centers_[predict]
|
27 |
+
|
28 |
+
def get_center(model, x,speaker):
|
29 |
+
return model[speaker].cluster_centers_[x]
|
cluster/__pycache__/__init__.cpython-38.pyc
ADDED
Binary file (1.08 kB). View file
|
|
cluster/train_cluster.py
ADDED
@@ -0,0 +1,89 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
import os
|
2 |
+
from glob import glob
|
3 |
+
from pathlib import Path
|
4 |
+
import torch
|
5 |
+
import logging
|
6 |
+
import argparse
|
7 |
+
import torch
|
8 |
+
import numpy as np
|
9 |
+
from sklearn.cluster import KMeans, MiniBatchKMeans
|
10 |
+
import tqdm
|
11 |
+
logging.basicConfig(level=logging.INFO)
|
12 |
+
logger = logging.getLogger(__name__)
|
13 |
+
import time
|
14 |
+
import random
|
15 |
+
|
16 |
+
def train_cluster(in_dir, n_clusters, use_minibatch=True, verbose=False):
|
17 |
+
|
18 |
+
logger.info(f"Loading features from {in_dir}")
|
19 |
+
features = []
|
20 |
+
nums = 0
|
21 |
+
for path in tqdm.tqdm(in_dir.glob("*.soft.pt")):
|
22 |
+
features.append(torch.load(path).squeeze(0).numpy().T)
|
23 |
+
# print(features[-1].shape)
|
24 |
+
features = np.concatenate(features, axis=0)
|
25 |
+
print(nums, features.nbytes/ 1024**2, "MB , shape:",features.shape, features.dtype)
|
26 |
+
features = features.astype(np.float32)
|
27 |
+
logger.info(f"Clustering features of shape: {features.shape}")
|
28 |
+
t = time.time()
|
29 |
+
if use_minibatch:
|
30 |
+
kmeans = MiniBatchKMeans(n_clusters=n_clusters,verbose=verbose, batch_size=4096, max_iter=80).fit(features)
|
31 |
+
else:
|
32 |
+
kmeans = KMeans(n_clusters=n_clusters,verbose=verbose).fit(features)
|
33 |
+
print(time.time()-t, "s")
|
34 |
+
|
35 |
+
x = {
|
36 |
+
"n_features_in_": kmeans.n_features_in_,
|
37 |
+
"_n_threads": kmeans._n_threads,
|
38 |
+
"cluster_centers_": kmeans.cluster_centers_,
|
39 |
+
}
|
40 |
+
print("end")
|
41 |
+
|
42 |
+
return x
|
43 |
+
|
44 |
+
|
45 |
+
if __name__ == "__main__":
|
46 |
+
|
47 |
+
parser = argparse.ArgumentParser()
|
48 |
+
parser.add_argument('--dataset', type=Path, default="./dataset/44k",
|
49 |
+
help='path of training data directory')
|
50 |
+
parser.add_argument('--output', type=Path, default="logs/44k",
|
51 |
+
help='path of model output directory')
|
52 |
+
|
53 |
+
args = parser.parse_args()
|
54 |
+
|
55 |
+
checkpoint_dir = args.output
|
56 |
+
dataset = args.dataset
|
57 |
+
n_clusters = 10000
|
58 |
+
|
59 |
+
ckpt = {}
|
60 |
+
for spk in os.listdir(dataset):
|
61 |
+
if os.path.isdir(dataset/spk):
|
62 |
+
print(f"train kmeans for {spk}...")
|
63 |
+
in_dir = dataset/spk
|
64 |
+
x = train_cluster(in_dir, n_clusters, verbose=False)
|
65 |
+
ckpt[spk] = x
|
66 |
+
|
67 |
+
checkpoint_path = checkpoint_dir / f"kmeans_{n_clusters}.pt"
|
68 |
+
checkpoint_path.parent.mkdir(exist_ok=True, parents=True)
|
69 |
+
torch.save(
|
70 |
+
ckpt,
|
71 |
+
checkpoint_path,
|
72 |
+
)
|
73 |
+
|
74 |
+
|
75 |
+
# import cluster
|
76 |
+
# for spk in tqdm.tqdm(os.listdir("dataset")):
|
77 |
+
# if os.path.isdir(f"dataset/{spk}"):
|
78 |
+
# print(f"start kmeans inference for {spk}...")
|
79 |
+
# for feature_path in tqdm.tqdm(glob(f"dataset/{spk}/*.discrete.npy", recursive=True)):
|
80 |
+
# mel_path = feature_path.replace(".discrete.npy",".mel.npy")
|
81 |
+
# mel_spectrogram = np.load(mel_path)
|
82 |
+
# feature_len = mel_spectrogram.shape[-1]
|
83 |
+
# c = np.load(feature_path)
|
84 |
+
# c = utils.tools.repeat_expand_2d(torch.FloatTensor(c), feature_len).numpy()
|
85 |
+
# feature = c.T
|
86 |
+
# feature_class = cluster.get_cluster_result(feature, spk)
|
87 |
+
# np.save(feature_path.replace(".discrete.npy", ".discrete_class.npy"), feature_class)
|
88 |
+
|
89 |
+
|