|
from transformers import AutoModelForSpeechSeq2Seq, AutoProcessor, pipeline |
|
import torch |
|
from resources import set_start, audit_elapsedtime |
|
|
|
|
|
|
|
def init_model_trans (): |
|
print("Initiating transcription model...") |
|
start = set_start() |
|
|
|
device = "cuda:0" if torch.cuda.is_available() else "cpu" |
|
torch_dtype = torch.float16 if torch.cuda.is_available() else torch.float32 |
|
|
|
model_id = "openai/whisper-large-v3" |
|
|
|
model = AutoModelForSpeechSeq2Seq.from_pretrained( |
|
model_id, torch_dtype=torch_dtype, low_cpu_mem_usage=True, use_safetensors=True |
|
) |
|
model.to(device) |
|
|
|
processor = AutoProcessor.from_pretrained(model_id) |
|
|
|
pipe = pipeline( |
|
"automatic-speech-recognition", |
|
model=model, |
|
tokenizer=processor.tokenizer, |
|
feature_extractor=processor.feature_extractor, |
|
max_new_tokens=128, |
|
chunk_length_s=30, |
|
batch_size=16, |
|
return_timestamps=True, |
|
torch_dtype=torch_dtype, |
|
device=device, |
|
) |
|
print(f'Init model successful') |
|
audit_elapsedtime(function="Init transc model", start=start) |
|
return pipe |
|
|
|
def transcribe (audio_sample, pipe) -> str: |
|
print("Initiating transcription...") |
|
start = set_start() |
|
result = pipe(audio_sample) |
|
|
|
audit_elapsedtime(function="Transcription", start=start) |
|
print("transcription result",result) |
|
|
|
|
|
return result["text"] |
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|