|
from transformers import Wav2Vec2ForCTC, Wav2Vec2Processor |
|
import torch |
|
import numpy as np |
|
from dataclasses import dataclass |
|
|
|
|
|
|
|
def aligner(model_path,model_word_separator = '|', model_blank_token = '[PAD]'): |
|
|
|
|
|
def get_processor_labels(processor,word_sep,max_labels=100): |
|
ixs = sorted(list(range(max_labels)),reverse=True) |
|
return {processor.tokenizer.decode(n) or word_sep:n for n in ixs} |
|
|
|
|
|
|
|
|
|
|
|
device = torch.device("cuda" if torch.cuda.is_available() else "cpu") |
|
torch.random.manual_seed(0) |
|
max_labels = 100 |
|
|
|
|
|
model = Wav2Vec2ForCTC.from_pretrained(model_path).to(device) |
|
processor = Wav2Vec2Processor.from_pretrained(model_path) |
|
labels_dict = get_processor_labels(processor,model_word_separator) |
|
blank_id = labels_dict[model_blank_token] |
|
|
|
|
|
|
|
|
|
def f2s(fr): |
|
return fr/50 |
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
def get_frame_probs(wav): |
|
with torch.inference_mode(): |
|
input_values = processor(wav,sampling_rate=16000).input_values[0] |
|
input_values = torch.tensor(input_values, device=device).unsqueeze(0) |
|
emits = model(input_values).logits |
|
emits = torch.log_softmax(emits, dim=-1) |
|
return emits[0].cpu().detach() |
|
|
|
|
|
def get_trellis(emission, tokens, blank_id): |
|
|
|
num_frame = emission.size(0) |
|
num_tokens = len(tokens) |
|
trellis = torch.empty((num_frame + 1, num_tokens + 1)) |
|
trellis[0, 0] = 0 |
|
trellis[1:, 0] = torch.cumsum(emission[:, 0], 0) |
|
trellis[0, -num_tokens:] = -float("inf") |
|
trellis[-num_tokens:, 0] = float("inf") |
|
for t in range(num_frame): |
|
trellis[t + 1, 1:] = torch.maximum( |
|
|
|
trellis[t, 1:] + emission[t, blank_id], |
|
|
|
trellis[t, :-1] + emission[t, tokens], |
|
) |
|
return trellis |
|
|
|
|
|
|
|
@dataclass |
|
class Point: |
|
token_index: int |
|
time_index: int |
|
score: float |
|
|
|
@dataclass |
|
class Segment: |
|
label: str |
|
start: int |
|
end: int |
|
score: float |
|
|
|
@property |
|
def mfaform(self): |
|
return f"{f2s(self.start)},{f2s(self.end)},{self.label}" |
|
|
|
@property |
|
def length(self): |
|
return self.end - self.start |
|
|
|
|
|
|
|
def backtrack(trellis, emission, tokens, blank_id): |
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
j = trellis.size(1) - 1 |
|
t_start = torch.argmax(trellis[:, j]).item() |
|
|
|
path = [] |
|
for t in range(t_start, 0, -1): |
|
|
|
|
|
|
|
stayed = trellis[t - 1, j] + emission[t - 1, blank_id] |
|
|
|
changed = trellis[t - 1, j - 1] + emission[t - 1, tokens[j - 1]] |
|
|
|
|
|
prob = emission[t - 1, tokens[j - 1] if changed > stayed else 0].exp().item() |
|
|
|
path.append(Point(j - 1, t - 1, prob)) |
|
|
|
|
|
if changed > stayed: |
|
j -= 1 |
|
if j == 0: |
|
break |
|
else: |
|
raise ValueError("Failed to align") |
|
return path[::-1] |
|
|
|
|
|
def merge_repeats(path,transcript): |
|
i1, i2 = 0, 0 |
|
segments = [] |
|
while i1 < len(path): |
|
while i2 < len(path) and path[i1].token_index == path[i2].token_index: |
|
i2 += 1 |
|
score = sum(path[k].score for k in range(i1, i2)) / (i2 - i1) |
|
segments.append( |
|
Segment( |
|
transcript[path[i1].token_index], |
|
path[i1].time_index, |
|
path[i2 - 1].time_index + 1, |
|
score, |
|
) |
|
) |
|
i1 = i2 |
|
return segments |
|
|
|
|
|
|
|
def merge_words(segments, separator): |
|
words = [] |
|
i1, i2 = 0, 0 |
|
while i1 < len(segments): |
|
if i2 >= len(segments) or segments[i2].label == separator: |
|
if i1 != i2: |
|
segs = segments[i1:i2] |
|
word = "".join([seg.label for seg in segs]) |
|
score = sum(seg.score * seg.length for seg in segs) / sum(seg.length for seg in segs) |
|
words.append(Segment(word, segments[i1].start, segments[i2 - 1].end, score)) |
|
i1 = i2 + 1 |
|
i2 = i1 |
|
else: |
|
i2 += 1 |
|
return words |
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
def mfalike(chars,wds,wsep): |
|
hed = ['Begin,End,Label,Type,Speaker\n'] |
|
wlines = [f'{w.mfaform},words,000\n' for w in wds] |
|
slines = [f'{ch.mfaform},phones,000\n' for ch in chars if ch.label != wsep] |
|
return (''.join(hed+wlines+slines)) |
|
|
|
|
|
|
|
def basic(segs,wsep="|"): |
|
return [[s.label,f2s(s.start),f2s(s.end)] for s in segs if s.label != wsep] |
|
|
|
|
|
|
|
|
|
def prep_transcript(xcp): |
|
xcp = xcp.replace(' ',model_word_separator) |
|
label_ids = [labels_dict[c] for c in xcp] |
|
label_ids = [blank_id] + label_ids + [blank_id] |
|
xcp = f'{model_word_separator}{xcp}{model_word_separator}' |
|
return xcp,label_ids |
|
|
|
|
|
|
|
def _align(wav_data,transcript): |
|
|
|
norm_transcript,rec_label_ids = prep_transcript(transcript) |
|
emit = get_frame_probs(wav_data) |
|
trellis = get_trellis(emit, rec_label_ids, blank_id) |
|
path = backtrack(trellis, emit, rec_label_ids, blank_id) |
|
|
|
segments = merge_repeats(path,norm_transcript) |
|
words = merge_words(segments, model_word_separator) |
|
|
|
|
|
|
|
return basic(words,model_word_separator), basic(segments,model_word_separator) |
|
|
|
return _align |
|
|
|
|
|
|
|
|
|
|
|
|