模型:
vasista22/whisper-kannada-medium
这个模型是在多个公共可用的ASR语料库上的卡纳达语数据上经过微调的 openai/whisper-medium 模型的一个版本。它作为Whisper微调的一部分进行了微调。
注意:训练此模型所使用的代码可在 whisper-finetune 存储库中重用。
要在整个数据集上评估此模型,可以使用在 whisper-finetune 存储库中提供的评估代码。
同一存储库还提供了使用 whisper-jax 进行更快推理的脚本。
要使用此模型对单个音频文件进行推断,可以使用以下代码片段:
>>> import torch >>> from transformers import pipeline >>> # path to the audio file to be transcribed >>> audio = "/path/to/audio.format" >>> device = "cuda:0" if torch.cuda.is_available() else "cpu" >>> transcribe = pipeline(task="automatic-speech-recognition", model="vasista22/whisper-kannada-medium", chunk_length_s=30, device=device) >>> transcribe.model.config.forced_decoder_ids = transcribe.tokenizer.get_decoder_prompt_ids(language="kn", task="transcribe") >>> print('Transcription: ', transcribe(audio)["text"])
为了更快地推断whisper模型,可以使用 whisper-jax 库。请在使用以下代码片段之前按照 here 中提到的安装步骤进行 necessary 安装:
>>> import jax.numpy as jnp >>> from whisper_jax import FlaxWhisperForConditionalGeneration, FlaxWhisperPipline >>> # path to the audio file to be transcribed >>> audio = "/path/to/audio.format" >>> transcribe = FlaxWhisperPipline("vasista22/whisper-kannada-medium", batch_size=16) >>> transcribe.model.config.forced_decoder_ids = transcribe.tokenizer.get_decoder_prompt_ids(language="kn", task="transcribe") >>> print('Transcription: ', transcribe(audio)["text"])
训练数据:
评估数据:
训练过程中使用了以下超参数:
此工作是在 Speech Lab, IIT Madras 完成的。
此工作的计算资源由印度政府电子和信息技术部(MeitY)的“Bhashini:国家语言翻译任务”项目资助。