Edit model card

You need to agree to share your contact information to access this model

This repository is publicly accessible, but you have to accept the conditions to access its files and content.

Log in or Sign Up to review the conditions and access this model content.

CrisperWhisper

CrisperWhisper is an advanced variant of OpenAI's Whisper, designed for fast, precise, and verbatim speech recognition with accurate (crisp) word-level timestamps. Unlike the original Whisper, which tends to omit disfluencies and follows more of a intended transcription style, CrisperWhisper aims to transcribe every spoken word exactly as it is, including fillers, pauses, stutters and false starts. Checkout our repo for more details: https://github.com/nyrahealth/CrisperWhisper/blob/develop/README.md

Key Features

  • 🎯 Accurate Word-Level Timestamps: Provides precise timestamps, even around disfluencies and pauses, by utilizing an adjusted tokenizer and a custom attention loss during training.
  • 📝 Verbatim Transcription: Transcribes every spoken word exactly as it is, including and differentiating fillers like "um" and "uh".
  • 🔍 Filler Detection: Detects and accurately transcribes fillers.
  • 🛡️ Hallucination Mitigation: Minimizes transcription hallucinations to enhance accuracy.

Table of Contents

Highlights

  • 🏆 1st place on the OpenASR Leaderboard in verbatim datasets (TED, AMI)
  • 🎓 Accepted at INTERSPEECH 2024.
  • 📄 Paper Drop: Check out our paper for details and reasoning behind our tokenizer adjustment.
  • New Feature: Not mentioned in the paper is a added AttentionLoss to further improve timestamp accuracy. By specifically adding a loss to train the attention scores used for the DTW alignment using timestamped data we significantly boosted the alignment performance.

1. Performance Overview

1.1 Qualitative Performance Overview

Audio Whisper Large V3 Crisper Whisper
Demo de 1 Er war kein Genie, aber doch ein fähiger Ingenieur. Es ist zwar kein. Er ist zwar kein Genie, aber doch ein fähiger Ingenieur.
Demo de 2 Leider müssen wir in diesen schweren Zeiten auch unserem Tagesgeschäft nachgehen. Der hier vorgelegte Kulturhaushalt der Ampelregierung strebt an, den Erfolgskurs der Union zumindest fiskalisch fortzuführen. Leider [UH] müssen wir in diesen [UH] schweren Zeiten auch [UH] unserem [UH] Tagesgeschäft nachgehen. Der hier [UH] vorgelegte [UH] Kulturhaushalt der [UH] Ampelregierung strebt an, den [UH] Erfolgskurs der Union [UH] zumindest [UH] fiskalisch fortzuführen. Es.
Demo de 3 die über alle FRA-Fraktionen hinweg gut im Blick behalten sollten, auch weil sie teilweise sehr teeteuer sind. Aber nicht nur, weil sie teeteuer sind. Wir steigen mit diesem Endentwurf ein in die sogenannten Pandemie-Bereitschaftsverträge. Die über alle Fr Fraktionen hinweg gut im [UH] Blick behalten sollten, auch weil sie teil teilweise sehr te teuer sind. Aber nicht nur, weil sie te teuer sind. Wir [UH] steigen mit diesem Ent Entwurf ein in die sogenannten Pand Pandemiebereitschaftsverträge.
Demo en 1 alternative is you can get like, you have those Dr. Bronner's Alternative is you can get like [UH] you have those, you know, those doctor Brahmer's.
Demo en 2 influence our natural surrounding? How does it influence our ecosystem? Influence our [UM] our [UH] our natural surrounding. How does it influence our ecosystem?
Demo en 3 and always find a place on the street to park and it was easy and you weren't a long distance away from wherever it was that you were trying to go. So I remember that being a lot of fun and easy to do and there were nice places to go and good events to attend. Come downtown and you had the Warner Theater and And always find a place on the street to park. And and it was it was easy and you weren't a long distance away from wherever it was that you were trying to go. So, I I I remember that being a lot of fun and easy to do and there were nice places to go and, [UM] i good events to attend. Come downtown and you had the Warner Theater and, [UM]
Demo en 4 you know, more masculine, who were rough, and that definitely wasn't me. Then, you know, I was very smart because my father made sure I was smart, you know. So, you know, I hung around those people, you know. And then you had the ones that were just out doing things that they shouldn't have been doing also. So, yeah, I was in the little geek squad. You were in the little geek squad. Yeah. you know, more masculine, who were rough, and that definitely wasn't me. Then, you know, I was very smart because my father made sure I was smart. You know, so, [UM] you know, I I hung around those people, you know. And then you had the ones that were just just out doing things that they shouldn't have been doing also. So yeah, I was the l I was in the little geek squad. Do you

1.2 Quantitative Performance Overview

Transcription Performance

CrisperWhisper significantly outperforms Whisper Large v3, especially on datasets that have a more verbatim transcription style in the ground truth, such as AMI and TED-LIUM.

Dataset CrisperWhisper Whisper Large v3
AMI 8.72 16.01
Earnings22 12.37 11.3
GigaSpeech 10.27 10.02
LibriSpeech clean 1.74 2.03
LibriSpeech other 3.97 3.91
SPGISpeech 2.71 2.95
TED-LIUM 3.35 3.9
VoxPopuli 8.61 9.52
CommonVoice 8.19 9.67
Average WER 6.66 7.7

Segmentation Performance

CrisperWhisper demonstrates superior performance segmentation performance. This performance gap is especially pronounced around disfluencies and pauses. The following table uses the metrics as defined in the paper. For this table we used a collar of 50ms. Heads for each Model were selected using the method described in the How section and the result attaining the highest F1 Score was choosen for each model using varying number of heads.

Dataset Metric CrisperWhisper Whisper Large v2 Whisper Large v3
AMI IHM F1 Score 0.79 0.63 0.66
Avg IOU 0.67 0.54 0.53
Common Voice F1 Score 0.80 0.42 0.48
Avg IOU 0.70 0.32 0.43
TIMIT F1 Score 0.69 0.40 0.54
Avg IOU 0.56 0.32 0.43

2. Usage

Here's how to use CrisperWhisper in your Python scripts:

2.1 Usage with 🤗 transformers

import os
import sys
import torch

from datasets import load_dataset
from transformers import AutoModelForSpeechSeq2Seq, AutoProcessor, pipeline

def adjust_pauses_for_hf_pipeline_output(pipeline_output, split_threshold=0.12):
    """
    Adjust pause timings by distributing pauses up to the threshold evenly between adjacent words.
    """

    adjusted_chunks = pipeline_output["chunks"].copy()

    for i in range(len(adjusted_chunks) - 1):
        current_chunk = adjusted_chunks[i]
        next_chunk = adjusted_chunks[i + 1]

        current_start, current_end = current_chunk["timestamp"]
        next_start, next_end = next_chunk["timestamp"]
        pause_duration = next_start - current_end

        if pause_duration > 0:
            if pause_duration > split_threshold:
                distribute = split_threshold / 2
            else:
                distribute = pause_duration / 2

            # Adjust current chunk end time
            adjusted_chunks[i]["timestamp"] = (current_start, current_end + distribute)

            # Adjust next chunk start time
            adjusted_chunks[i + 1]["timestamp"] = (next_start - distribute, next_end)
    pipeline_output["chunks"] = adjusted_chunks

    return pipeline_output


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

model_id = "nyrahealth/CrisperWhisper"

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,
    chunk_length_s=30,
    batch_size=16,
    return_timestamps='word',
    torch_dtype=torch_dtype,
    device=device,
)

dataset = load_dataset("distil-whisper/librispeech_long", "clean", split="validation")
sample = dataset[0]["audio"]
hf_pipeline_output = pipe(sample)
crisper_whisper_result = adjust_pauses_for_hf_pipeline_output(hf_pipeline_output)
print(crisper_whisper_result)

read more about the reasoning behind the pause distribution logic in our paper.

3. How?

We employ the popular Dynamic Time Warping (DTW) on the Whisper cross-attention scores, as detailed in our paper to derive word-level timestamps. By leveraging our retokenization process, this method allows us to consistently detect pauses. Given that the accuracy of the timestamps heavily depends on the DTW cost matrix and, consequently, on the quality of the cross-attentions, we developed a specialized loss function for the selected alignment heads to enhance precision.

Although this loss function was not included in the original paper due to time constraints preventing the completion of experiments and training before the submission deadline, it has been used to train our publicly available models. Key Features of this loss are as follows:

  1. Data Preparation

    • We used datasets with word-level timestamp annotations, such as AMI IHM and TIMIT , but required additional timestamped data.
    • To address this, we validated the alignment accuracy of several forced alignment tools using a small hand-labeled dataset.
    • Based on this validation, we chose the PyTorch CTC aligner to generate more time-aligned data from the CommonVoice dataset.
    • Because the PyTorch CTC aligner tends to overestimate pause durations, we applied the same pause-splitting method detailed in our paper to correct these errors. The effectiveness of this correction was confirmed using our hand-labeled dataset.
  2. Token-Word Alignment

    • Due to retokenization as detailed in our paper, each token is either part of a word or a pause/space, but never both
    • Therefore each token can be cleanly aligned to a word OR a space/pause
  3. Ground Truth Cross-Attention

    • We define the cross-attention ground truth for tokens as the L2-normalized vector, where:
      • A value of 1 indicates that the word is active according to the word-level ground truth timestamp.
      • A value of 0 indicates that no attention should be paid.
    • To account for small inaccuracies in the ground truth timestamps, we apply a linear interpolation of 4 steps (8 milliseconds) on both sides of the ground truth vector, transitioning smoothly from 0 to 1.
  4. Loss Calculation

  • The loss function is defined as 1 - cosine similarity between the predicted cross-attention vector (when predicting a token) and the ground truth cross-attention vector.
  • This loss is averaged across all predicted tokens and alignment heads.
  1. Alignment Head selection
  • To choose the heads for alignment we evaluated the alignment performance of each individual decoder attention head on the timestamped timit dataset.
  • We choose the 15 best performing heads and finetune them using our attention loss.
  1. Training Details
  • Since most of our samples during training were shorter than 30 seconds we shift the audio sample and corresponding timestamp ground truth around with a 50% probability to mitigate the cross attentions ,,overfitting" to early positions of the encoder output.
  • If we have more than 40ms of silence (before or after shifting) we prepend the ground truth transcript ( and corresponding cross attention ground truth) with a space so the model has to accurately predict the starting time of the first word.
  • We use WavLM augmentations during Training adding random speech samples or noise to the audio wave to generally increase robustness of the transcription and stability of the alignment heads.
  • We clip ,,predicted" values in the cross attention vectors 4 seconds before and 4 seconds after the groundtruth word they belong to to 0. This is to decrease the dimensionality of the cross attention vector and therefore emphasize the attention where it counts in the loss and ultimately for the alignment.
  • With a probability of 1% we use samples containing exclusively noise where the model has to return a empty prediction to improve hallucination.
  • The Model is trained on a mixture of english and german datasets so we only gurantee good performance on these languages
  • The Model is trained in three stages, in the first stage we use around 10000 hours of audio to adjust Whisper to the new tokenizer. In the second stage we exclusively use high quality datasets that are transcribed in a verbatim fashion. Finally we continue training on this verbatim mixture and add the attention loss for another 6000 steps.

License


license: cc-by-nc-4.0

Downloads last month
1,761
Safetensors
Model size
1.61B params
Tensor type
FP16
·
Inference Examples
Inference API (serverless) is not available, repository is disabled.

Model tree for nyrahealth/CrisperWhisper

Finetuned
this model