模型:
openai/whisper-tiny.en
Whisper是一个用于自动语音识别(ASR)和语音翻译的预训练模型。Whisper模型在68万小时的标注数据上进行了训练,展示出了很强的泛化能力,可以适用于许多数据集和领域,无需进行微调。
Whisper是由OpenAI的Alec Radford等人在论文 Robust Speech Recognition via Large-Scale Weak Supervision 中提出的。原始的代码库可以在 here 找到。
免责声明:此模型卡片的内容部分由Hugging Face团队编写,部分内容从原始模型卡片中复制粘贴。
Whisper是基于Transformer的编码-解码模型,也被称为序列到序列模型。它在使用大规模弱监督自动注释的680k小时标注语音数据上进行了训练。
模型分为仅英语数据和多语言数据两种训练方式。英语模型用于语音识别任务,模型预测与音频语言相同的转录内容。多语言模型既用于语音识别,又用于语音翻译。对于语音识别,模型预测的是与音频相同语言的转录内容。对于语音翻译,模型预测的是与音频不同语言的转录内容。
Whisper检查点有五种配置,模型大小不同。最小的四个模型分别在仅英语或多语言数据上进行了训练。最大的检查点仅适用于多语言数据。这十个预训练的检查点都可以在 Hugging Face Hub 上找到。下表总结了这些检查点,并提供了到Hub上模型的链接:
Size | Parameters | English-only | Multilingual |
---|---|---|---|
tiny | 39 M | 1237321 | 1238321 |
base | 74 M | 1239321 | 12310321 |
small | 244 M | 12311321 | 12312321 |
medium | 769 M | 12313321 | 12314321 |
large | 1550 M | x | 12315321 |
large-v2 | 1550 M | x | 12316321 |
此检查点是一个仅英语模型,意味着它可以用于英语语音识别。通过使用多语言检查点,可以实现多语言语音识别或语音翻译。
要转录音频样本,必须与WhisperProcessor一起使用,以:
>>> from transformers import WhisperProcessor, WhisperForConditionalGeneration >>> from datasets import load_dataset >>> # load model and processor >>> processor = WhisperProcessor.from_pretrained("openai/whisper-tiny.en") >>> model = WhisperForConditionalGeneration.from_pretrained("openai/whisper-tiny.en") >>> # load dummy dataset and read audio files >>> ds = load_dataset("hf-internal-testing/librispeech_asr_dummy", "clean", split="validation") >>> sample = ds[0]["audio"] >>> input_features = processor(sample["array"], sampling_rate=sample["sampling_rate"], return_tensors="pt").input_features >>> # generate token ids >>> predicted_ids = model.generate(input_features) >>> # decode token ids to text >>> transcription = processor.batch_decode(predicted_ids, skip_special_tokens=False) ['<|startoftranscript|><|notimestamps|> Mr. Quilter is the apostle of the middle classes, and we are glad to welcome his gospel.<|endoftext|>'] >>> transcription = processor.batch_decode(predicted_ids, skip_special_tokens=True) [' Mr. Quilter is the apostle of the middle classes and we are glad to welcome his gospel.']
设置skip_special_tokens=True可以删除转录开头的上下文标记。
下面的代码片段展示了如何评估Whisper tiny.en模型在 LibriSpeech test-clean 上:
>>> from datasets import load_dataset >>> from transformers import WhisperForConditionalGeneration, WhisperProcessor >>> import torch >>> from evaluate import load >>> librispeech_test_clean = load_dataset("librispeech_asr", "clean", split="test") >>> processor = WhisperProcessor.from_pretrained("openai/whisper-tiny.en") >>> model = WhisperForConditionalGeneration.from_pretrained("openai/whisper-tiny.en").to("cuda") >>> def map_to_pred(batch): >>> audio = batch["audio"] >>> input_features = processor(audio["array"], sampling_rate=audio["sampling_rate"], return_tensors="pt").input_features >>> batch["reference"] = processor.tokenizer._normalize(batch['text']) >>> >>> with torch.no_grad(): >>> predicted_ids = model.generate(input_features.to("cuda"))[0] >>> transcription = processor.decode(predicted_ids) >>> batch["prediction"] = processor.tokenizer._normalize(transcription) >>> return batch >>> result = librispeech_test_clean.map(map_to_pred) >>> wer = load("wer") >>> print(100 * wer.compute(references=result["reference"], predictions=result["prediction"])) 5.655609406528749
Whisper模型本质上设计用于处理长达30秒的音频样本。然而,通过使用分块算法,它可以用于转录任意长度的音频样本。在实例化Pipeline时,可以通过设置chunk_length_s=30来启用分块功能。启用分块后,可以使用批量推理运行Pipeline。通过传递return_timestamps=True参数,还可以扩展到预测序列级别的时间戳:
>>> import torch >>> from transformers import pipeline >>> from datasets import load_dataset >>> device = "cuda:0" if torch.cuda.is_available() else "cpu" >>> pipe = pipeline( >>> "automatic-speech-recognition", >>> model="openai/whisper-tiny.en", >>> chunk_length_s=30, >>> device=device, >>> ) >>> ds = load_dataset("hf-internal-testing/librispeech_asr_dummy", "clean", split="validation") >>> sample = ds[0]["audio"] >>> prediction = pipe(sample.copy(), batch_size=8)["text"] " Mr. Quilter is the apostle of the middle classes, and we are glad to welcome his gospel." >>> # we can also return timestamps for the predictions >>> prediction = pipe(sample.copy(), batch_size=8, return_timestamps=True)["chunks"] [{'text': ' Mr. Quilter is the apostle of the middle classes and we are glad to welcome his gospel.', 'timestamp': (0.0, 5.44)}]
有关分块算法的更多详细信息,请参阅博文 ASR Chunking 。
预训练的Whisper模型展示了很强的泛化能力,可以适应不同的数据集和领域。然而,通过对使用少量标记数据进行微调,可以进一步提高其预测能力,以适应特定语言和任务。博文 Fine-Tune Whisper with ? Transformers 提供了使用仅有5小时标记数据进行Whisper模型微调的逐步指南。
这些模型的主要目标用户是研究人员,研究当前模型的健壮性、泛化性能、能力、偏差和约束。然而,Whisper对于开发人员来说也是一个相当有用的ASR解决方案,特别是对于英语语音识别。我们意识到,一旦模型发布,就无法限制仅限于“预期”使用,或者为其制定合理的使用准则。
这些模型主要用于ASR和英语语音翻译的训练和评估。它们在大约10种语言的ASR任务中展示出了强大的性能。尽管它们在某些任务上可能会展示出额外的能力,特别是如果在人声活动检测、说话人分类或说话人分离方面进行微调,但这些领域尚未经过全面评估。我们强烈建议用户在部署之前在特定上下文和领域中对模型进行全面评估。
特别是,我们警告不要使用Whisper模型转录未经允许的个人录音或佯称使用这些模型进行任何主观分类。我们建议不要在决策环境等高风险领域使用这些模型,因为准确性的缺陷可能导致结果中的显著缺陷。这些模型旨在转录和翻译语音,将其用于分类不仅未经评估,而且也不合适,特别是推断人类属性。
这些模型是在来自互联网的680,000小时音频和相应的转录上进行训练的。其中65%(或438,000小时)是英语语言音频和匹配的英语转录,大约18%(或126,000小时)是非英语语音和英语转录,最后的17%(或117,000小时)是非英语语音和相应的转录。这些非英语数据涵盖了98种不同的语言。
正如 the accompanying paper 所讨论的那样,我们发现对于给定语言的转录性能与我们在该语言中使用的训练数据量直接相关。
我们的研究表明,与许多现有的ASR系统相比,这些模型在口音、背景噪音、技术语言以及从多种语言到英语的零翻译等方面表现出了改进的鲁棒性;在语音识别和翻译上的准确性接近最先进水平。
然而,由于模型是以大规模噪声数据进行弱监督训练,预测结果可能包含实际上并未在音频输入中发出的文本(即幻觉)。我们假设这是因为模型在尝试预测音频中的下一个单词的同时,结合了预测音频本身的转录。
我们的模型在不同的语言上表现不均衡,对于资源稀缺和/或难以发现的低资源语言或训练数据较少的语言,我们观察到准确性较低。模型在特定语言的不同口音和方言上也呈现出不同的性能差异,其中可能包括不同性别、种族、年龄或其他人口因素的说话者之间的更高错误率。我们的完整评估结果在 the paper accompanying this release 中呈现。
另外,模型的序列到序列架构使其容易生成重复的文本,尽管可以通过波束搜索和温度调度在一定程度上减轻这种情况,但不能完全解决。有关这些限制的进一步分析,请参阅 the paper 。这种行为和幻觉可能在资源更少和/或发现性更低的语言上更严重。
我们预计Whisper模型的转录能力可以用于改进辅助工具。虽然Whisper模型不能直接用于实时转录,但它们的速度和大小表明其他人可以在其上构建应用程序,实现接近实时的语音识别和翻译。在Whisper模型之上构建有益应用程序的真正价值表明,这些模型的性能差异可能具有实际的经济影响。
发布Whisper所带来的潜在双重用途担忧。虽然我们希望该技术主要用于有益的目的,但使ASR技术更易于获取可能会使更多的参与者能够构建具有能力的监视技术或扩大现有的监视工作,因为速度和准确性使得大规模音频通信的自动转录和翻译变得负担得起。此外,这些模型可能具有识别特定个体的某些能力,这引发了双重用途和性能差异等安全问题。实际上,我们预计转录成本不是扩大监视项目的限制因素。
@misc{radford2022whisper, doi = {10.48550/ARXIV.2212.04356}, url = {https://arxiv.org/abs/2212.04356}, author = {Radford, Alec and Kim, Jong Wook and Xu, Tao and Brockman, Greg and McLeavey, Christine and Sutskever, Ilya}, title = {Robust Speech Recognition via Large-Scale Weak Supervision}, publisher = {arXiv}, year = {2022}, copyright = {arXiv.org perpetual, non-exclusive license} }