项目简介:whisper-large-v3-german
项目背景
whisper-large-v3-german是一个基于Whisper Large v3的模型,经过特殊调优,专注于德语语音识别。Whisper由OpenAI开发,是一个强大的语音识别平台。该模型尤其适用于处理和识别德语的语音数据。
应用领域
这个模型可以在广泛的应用场景中使用,包括:
- 转录德语语音内容
- 支持语音命令和语音控制操作
- 为德语视频自动生成字幕
- 德语环境下的语音搜索查询
- 文字处理程序中的语音输入功能
模型家族
模型名 | 参数量 | 链接 |
---|---|---|
Whisper large v3 german | 1.54B | 点此访问 |
Whisper large v3 turbo german | 809M | 点此访问 |
Distil-whisper large v3 german | 756M | 点此访问 |
tiny whisper | 37.8M | 点此访问 |
训练数据
该模型的训练数据包括大量的德语语音,这些数据经过精心挑选和处理,以优化识别性能。
训练过程
模型训练使用了以下超参数:
- 批量大小(Batch size):1024
- 训练周期(Epochs):2
- 学习率(Learning rate):1e-5
- 数据增强(Data augmentation):无
使用指南
以下是一个简单的使用示例,展示了如何加载并使用此模型进行自动语音识别:
import torch
from transformers import AutoModelForSpeechSeq2Seq, AutoProcessor, pipeline
from datasets import load_dataset
device = "cuda:0" if torch.cuda.is_available() else "cpu"
torch_dtype = torch.float16 if torch.cuda.is_available() else torch.float32
model_id = "primeline/whisper-large-v3-german"
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,
)
dataset = load_dataset("distil-whisper/librispeech_long", "clean", split="validation")
sample = dataset[0]["audio"]
result = pipe(sample)
print(result["text"])
关于我们
德国AI基础设施的合作伙伴,体验推动深度学习、机器学习和高性能计算雄心的强大AI基础设施。此基础设施经过优化,适用于AI训练和推理。