🚀 Whisper Kannada Tiny
このモデルは、複数の公開されている自動音声認識(ASR)コーパスから入手可能なカンナダ語データで、openai/whisper-tiny をファインチューニングしたバージョンです。Whisperのファインチューニングスプリントの一環としてファインチューニングされました。
注意: このモデルを訓練するために使用されたコードは、whisper-finetune リポジトリで再利用可能です。
🚀 クイックスタート
このモデルは、複数の公開ASRコーパスからのカンナダ語データで openai/whisper-tiny をファインチューニングしたもので、Whisperファインチューニングスプリントの一環として開発されました。
✨ 主な機能
- カンナダ語の自動音声認識に特化したファインチューニング済みモデル。
- 複数の公開ASRコーパスのデータを使用して訓練。
- 高速な推論のための whisper-jax をサポート。
💻 使用例
基本的な使用法
>>> import torch
>>> from transformers import pipeline
>>>
>>> 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-tiny", 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"])
高度な使用法
>>> import jax.numpy as jnp
>>> from whisper_jax import FlaxWhisperForConditionalGeneration, FlaxWhisperPipline
>>>
>>> audio = "/path/to/audio.format"
>>> transcribe = FlaxWhisperPipline("vasista22/whisper-kannada-tiny", batch_size=16)
>>> transcribe.model.config.forced_decoder_ids = transcribe.tokenizer.get_decoder_prompt_ids(language="kn", task="transcribe")
>>> print('Transcription: ', transcribe(audio)["text"])
📚 ドキュメント
訓練と評価データ
訓練データ
評価データ
訓練ハイパーパラメータ
訓練時には以下のハイパーパラメータが使用されました。
- learning_rate: 5e-05
- train_batch_size: 88
- eval_batch_size: 88
- seed: 22
- optimizer: adamw_bnb_8bit
- lr_scheduler_type: linear
- lr_scheduler_warmup_steps: 10000
- training_steps: 15008(収束時に終了。初期設定は51570ステップ)
- mixed_precision_training: True
謝辞
この作業は Speech Lab, IIT Madras で行われました。
この作業のコンピューティングリソースは、インド政府の電子情報技術省(MeitY)の「Bhashini: National Language translation Mission」プロジェクトによって提供されました。
📄 ライセンス
このモデルは Apache-2.0 ライセンスの下で提供されています。
Property |
Details |
Model Type |
Whisper Kannada Tiny - Vasista Sai Lodagala |
Training Data |
複数の公開ASRコーパスからのカンナダ語データ |
Evaluation Metrics |
WER (13.38 on google/fleurs kn_in test split) |