faster-whisper is a reimplementation of OpenAI's Whisper model using CTranslate2, which is a fast inference engine for Transformer models.
This implementation is up to 4 times faster than openai/whisper for the same accuracy while using less memory. The efficiency can be further improved with 8-bit quantization on both CPU and GPU.
For reference, here's the time and memory usage that are required to transcribe 13 minutes of audio using different implementations:
Implementation | Precision | Beam size | Time | VRAM Usage |
---|---|---|---|---|
openai/whisper | fp16 | 5 | 2m23s | 4708MB |
whisper.cpp (Flash Attention) | fp16 | 5 | 1m05s | 4127MB |
transformers (SDPA)[^1] | fp16 | 5 | 1m52s | 4960MB |
faster-whisper | fp16 | 5 | 1m03s | 4525MB |
faster-whisper (batch_size=8 ) |
fp16 | 5 | 17s | 6090MB |
faster-whisper | int8 | 5 | 59s | 2926MB |
faster-whisper (batch_size=8 ) |
int8 | 5 | 16s | 4500MB |
Implementation | Precision | Beam size | Time | YT Commons WER |
---|---|---|---|---|
transformers (SDPA) (batch_size=16 ) |
fp16 | 5 | 46m12s | 14.801 |
faster-whisper (batch_size=16 ) |
fp16 | 5 | 25m50s | 13.527 |
GPU Benchmarks are Executed with CUDA 12.4 on a NVIDIA RTX 3070 Ti 8GB. [^1]: transformers OOM for any batch size > 1
Implementation | Precision | Beam size | Time | RAM Usage |
---|---|---|---|---|
openai/whisper | fp32 | 5 | 6m58s | 2335MB |
whisper.cpp | fp32 | 5 | 2m05s | 1049MB |
whisper.cpp (OpenVINO) | fp32 | 5 | 1m45s | 1642MB |
faster-whisper | fp32 | 5 | 2m37s | 2257MB |
faster-whisper (batch_size=8 ) |
fp32 | 5 | 1m06s | 4230MB |
faster-whisper | int8 | 5 | 1m42s | 1477MB |
faster-whisper (batch_size=8 ) |
int8 | 5 | 51s | 3608MB |
Executed with 8 threads on an Intel Core i7-12700K.
Unlike openai-whisper, FFmpeg does not need to be installed on the system. The audio is decoded with the Python library PyAV which bundles the FFmpeg libraries in its package.
GPU execution requires the following NVIDIA libraries to be installed:
Note: The latest versions of ctranslate2
only support CUDA 12 and cuDNN 9. For CUDA 11 and cuDNN 8, the current workaround is downgrading to the 3.24.0
version of ctranslate2
, for CUDA 12 and cuDNN 8, downgrade to the 4.4.0
version of ctranslate2
, (This can be done with pip install --force-reinstall ctranslate2==4.4.0
or specifying the version in a requirements.txt
).
There are multiple ways to install the NVIDIA libraries mentioned above. The recommended way is described in the official NVIDIA documentation, but we also suggest other installation methods below.
The module can be installed from PyPI:
pip install faster-whisper
from faster_whisper import WhisperModel
model_size = "large-v3"
# Run on GPU with FP16
model = WhisperModel(model_size, device="cuda", compute_type="float16")
# or run on GPU with INT8
# model = WhisperModel(model_size, device="cuda", compute_type="int8_float16")
# or run on CPU with INT8
# model = WhisperModel(model_size, device="cpu", compute_type="int8")
segments, info = model.transcribe("audio.mp3", beam_size=5)
print("Detected language '%s' with probability %f" % (info.language, info.language_probability))
for segment in segments:
print("[%.2fs -> %.2fs] %s" % (segment.start, segment.end, segment.text))
Warning: segments
is a generator so the transcription only starts when you iterate over it. The transcription can be run to completion by gathering the segments in a list or a for
loop:
segments, _ = model.transcribe("audio.mp3")
segments = list(segments) # The transcription will actually run here.
The following code snippet illustrates how to run batched transcription on an example audio file. BatchedInferencePipeline.transcribe
is a drop-in replacement for WhisperModel.transcribe
from faster_whisper import WhisperModel, BatchedInferencePipeline
model = WhisperModel("turbo", device="cuda", compute_type="float16")
batched_model = BatchedInferencePipeline(model=model)
segments, info = batched_model.transcribe("audio.mp3", batch_size=16)
for segment in segments:
print("[%.2fs -> %.2fs] %s" % (segment.start, segment.end, segment.text))
The Distil-Whisper checkpoints are compatible with the Faster-Whisper package. In particular, the latest distil-large-v3 checkpoint is intrinsically designed to work with the Faster-Whisper transcription algorithm. The following code snippet demonstrates how to run inference with distil-large-v3 on a specified audio file:
from faster_whisper import WhisperModel
model_size = "distil-large-v3"
model = WhisperModel(model_size, device="cuda", compute_type="float16")
segments, info = model.transcribe("audio.mp3", beam_size=5, language="en", condition_on_previous_text=False)
for segment in segments:
print("[%.2fs -> %.2fs] %s" % (segment.start, segment.end, segment.text))
For more information about the distil-large-v3 model, refer to the original model card.
segments, _ = model.transcribe("audio.mp3", word_timestamps=True)
for segment in segments:
for word in segment.words:
print("[%.2fs -> %.2fs] %s" % (word.start, word.end, word.word))
The library integrates the Silero VAD model to filter out parts of the audio without speech:
segments, _ = model.transcribe("audio.mp3", vad_filter=True)
The default behavior is conservative and only removes silence longer than 2 seconds. See the available VAD parameters and default values in the source code. They can be customized with the dictionary argument vad_parameters
:
segments, _ = model.transcribe(
"audio.mp3",
vad_filter=True,
vad_parameters=dict(min_silence_duration_ms=500),
)
Vad filter is enabled by default for batched transcription.
The library logging level can be configured like this:
import logging
logging.basicConfig()
logging.getLogger("faster_whisper").setLevel(logging.DEBUG)
See more model and transcription options in the WhisperModel
class implementation.
Here is a non exhaustive list of open-source projects using faster-whisper. Feel free to add your project to the list!
faster-whisper
. It's easily deployable with Docker, works with OpenAI SDKs/CLI, supports streaming, and live transcription..lrc
files in the desired language using OpenAI-GPT.When loading a model from its size such as WhisperModel("large-v3")
, the corresponding CTranslate2 model is automatically downloaded from the Hugging Face Hub.
We also provide a script to convert any Whisper models compatible with the Transformers library. They could be the original OpenAI models or user fine-tuned models.
For example the command below converts the original "large-v3" Whisper model and saves the weights in FP16:
pip install transformers[torch]>=4.23
ct2-transformers-converter --model openai/whisper-large-v3 --output_dir whisper-large-v3-ct2
--copy_files tokenizer.json preprocessor_config.json --quantization float16
--model
accepts a model name on the Hub or a path to a model directory.--copy_files tokenizer.json
is not used, the tokenizer configuration is automatically downloaded when the model is loaded later.Models can also be converted from the code. See the conversion API.
Directly load the model from a local directory:
model = faster_whisper.WhisperModel("whisper-large-v3-ct2")
Upload your model to the Hugging Face Hub and load it from its name:
model = faster_whisper.WhisperModel("username/whisper-large-v3-ct2")
If you are comparing the performance against other Whisper implementations, you should make sure to run the comparison with similar settings. In particular:
model.transcribe
uses a default beam size of 1 but here we use a default beam size of 5.OMP_NUM_THREADS
, which can be set when running your script:OMP_NUM_THREADS=4 python3 my_script.py