from transformers import AutoModelForSpeechSeq2Seq, AutoProcessor, pipeline
import torch
MODEL_NAME = "FILM6912/whisper-large-v3-turbo-thai"

device = "cuda:0" if torch.cuda.is_available() else "cpu"
torch_dtype = torch.float16 if torch.cuda.is_available() else torch.float32

model = AutoModelForSpeechSeq2Seq.from_pretrained(
    MODEL_NAME,
    torch_dtype=torch_dtype,
    # low_cpu_mem_usage=True,
    # use_safetensors=True,
)
model.to(device)
processor = AutoProcessor.from_pretrained(MODEL_NAME)

whisper = pipeline(
    "automatic-speech-recognition",
    model=model,
    tokenizer=processor.tokenizer,
    feature_extractor=processor.feature_extractor,
    max_new_tokens=128,
    torch_dtype=torch_dtype,
    device=device,
)

whisper("c.mp3",
    chunk_length_s=30,
    stride_length_s=5,
    batch_size=16,
    return_timestamps=True,
    generate_kwargs  = {"language":"th"}
)
Downloads last month
87
Safetensors
Model size
809M params
Tensor type
BF16
·
Inference Providers NEW
This model is not currently available via any of the supported third-party Inference Providers, and the model is not deployed on the HF Inference API.

Model tree for FILM6912/whisper-large-v3-turbo-thai

Finetuned
(162)
this model

Dataset used to train FILM6912/whisper-large-v3-turbo-thai

Collection including FILM6912/whisper-large-v3-turbo-thai