Transformers documentation
Parakeet
This model was released on {release_date} and added to Hugging Face Transformers on 2025-09-25.
Parakeet
Overview
Parakeet models, introduced by NVIDIA NeMo, are models that combine a Fast Conformer encoder with connectionist temporal classification (CTC), recurrent neural network transducer (RNNT) or token and duration transducer (TDT) decoder for automatic speech recognition.
Model Architecture
- Fast Conformer Encoder: A linearly scalable Conformer architecture that processes mel-spectrogram features and reduces sequence length through subsampling. This is more efficient version of the Conformer Encoder found in FastSpeech2Conformer (see ParakeetEncoder for the encoder implementation and details).
- ParakeetForCTC: a Fast Conformer Encoder + a CTC decoder
- CTC Decoder: Simple but effective decoder consisting of:
- 1D convolution projection from encoder hidden size to vocabulary size (for optimal NeMo compatibility).
- CTC loss computation for training.
- Greedy CTC decoding for inference.
 
 
- CTC Decoder: Simple but effective decoder consisting of:
The original implementation can be found in NVIDIA NeMo. Model checkpoints are to be found under the NVIDIA organization.
This model was contributed by Nithin Rao Koluguri, Eustache Le Bihan and Eric Bezzam.
Usage
Basic usage
from transformers import pipeline
pipe = pipeline("automatic-speech-recognition", model="nvidia/parakeet-ctc-1.1b")
out = pipe("https://huggingface.co/datasets/hf-internal-testing/dummy-audio-samples/resolve/main/bcn_weather.mp3")
print(out)Making The Model Go Brrr
Parakeet supports full-graph compilation with CUDA graphs! This optimization is most effective when you know the maximum audio length you want to transcribe. The key idea is using static input shapes to avoid recompilation. For example, if you know your audio will be under 30 seconds, you can use the processor to pad all inputs to 30 seconds, preparing consistent input features and attention masks. See the example below!
from transformers import AutoModelForCTC, AutoProcessor
from datasets import load_dataset, Audio
import torch
device = "cuda" if torch.cuda.is_available() else "cpu"
processor = AutoProcessor.from_pretrained("nvidia/parakeet-ctc-1.1b")
model = AutoModelForCTC.from_pretrained("nvidia/parakeet-ctc-1.1b", dtype="auto", device_map=device)
ds = load_dataset("hf-internal-testing/librispeech_asr_dummy", "clean", split="validation")
ds = ds.cast_column("audio", Audio(sampling_rate=processor.feature_extractor.sampling_rate))
speech_samples = [el['array'] for el in ds["audio"][:5]]
# Compile the generate method with fullgraph and CUDA graphs
model.generate = torch.compile(model.generate, fullgraph=True, mode="reduce-overhead")
# let's define processor kwargs to pad to 30 seconds
processor_kwargs = {
    "padding": "max_length",
    "max_length": 30 * processor.feature_extractor.sampling_rate,
}
# Define a timing context using CUDA events
class TimerContext:
    def __init__(self, name="Execution"):
        self.name = name
        self.start_event = None
        self.end_event = None
        
    def __enter__(self):
        # Use CUDA events for more accurate GPU timing
        self.start_event = torch.cuda.Event(enable_timing=True)
        self.end_event = torch.cuda.Event(enable_timing=True)
        self.start_event.record()
        return self
    def __exit__(self, *args):
        self.end_event.record()
        torch.cuda.synchronize()
        elapsed_time = self.start_event.elapsed_time(self.end_event) / 1000.0
        print(f"{self.name} time: {elapsed_time:.4f} seconds")
inputs = processor(speech_samples[0], **processor_kwargs)
inputs.to(device, dtype=model.dtype)
print("\n" + "="*50)
print("First generation - compiling...")
# Generate with the compiled model
with TimerContext("First generation"):
    outputs = model.generate(**inputs)
print(processor.batch_decode(outputs))
inputs = processor(speech_samples[1], **processor_kwargs)
inputs.to(device, dtype=model.dtype)
print("\n" + "="*50)
print("Second generation - recording CUDA graphs...")
with TimerContext("Second generation"):
    outputs = model.generate(**inputs)
print(processor.batch_decode(outputs))
inputs = processor(speech_samples[2], **processor_kwargs)
inputs.to(device, dtype=model.dtype)
print("\n" + "="*50)
print("Third generation - fast !!!")
with TimerContext("Third generation"):
    outputs = model.generate(**inputs)
print(processor.batch_decode(outputs))
inputs = processor(speech_samples[3], **processor_kwargs)
inputs.to(device, dtype=model.dtype)
print("\n" + "="*50)
print("Fourth generation - still fast !!!")
with TimerContext("Fourth generation"):
    outputs = model.generate(**inputs)
print(processor.batch_decode(outputs))Training
from transformers import AutoModelForCTC, AutoProcessor
from datasets import load_dataset, Audio
import torch
device = "cuda" if torch.cuda.is_available() else "cpu"
processor = AutoProcessor.from_pretrained("nvidia/parakeet-ctc-1.1b")
model = AutoModelForCTC.from_pretrained("nvidia/parakeet-ctc-1.1b", dtype="auto", device_map=device)
ds = load_dataset("hf-internal-testing/librispeech_asr_dummy", "clean", split="validation")
ds = ds.cast_column("audio", Audio(sampling_rate=processor.feature_extractor.sampling_rate))
speech_samples = [el['array'] for el in ds["audio"][:5]]
text_samples = [el for el in ds["text"][:5]]
# passing `text` to the processor will prepare inputs' `labels` key
inputs = processor(audio=speech_samples, text=text_samples, sampling_rate=processor.feature_extractor.sampling_rate)
inputs.to(device, dtype=model.dtype)
outputs = model(**inputs)
outputs.loss.backward()ParakeetTokenizerFast
Inherits all methods from PreTrainedTokenizerFast. Users should refer to this superclass for more information regarding those methods,
except for _decode which is overridden to adapt it to CTC decoding:
- Group consecutive tokens
- Filter out the blank token
ParakeetFeatureExtractor
class transformers.ParakeetFeatureExtractor
< source >( feature_size = 80 sampling_rate = 16000 hop_length = 160 n_fft = 512 win_length = 400 preemphasis = 0.97 padding_value = 0.0 **kwargs )
Parameters
-  feature_size (int, optional, defaults to 80) — The feature dimension of the extracted features.
-  sampling_rate (int, optional, defaults to 16000) — The sampling rate at which the audio files should be digitalized expressed in hertz (Hz).
-  hop_length (int, optional, defaults to 160) — Length of the overlapping windows for the STFT used to obtain the Mel Frequency coefficients.
-  n_fft (int, optional, defaults to 512) — Size of the Fourier transform.
-  win_length (int, optional, defaults to 400) — The window length for the STFT computation.
-  preemphasis (float, optional, defaults to 0.97) — A preemphasis filter coefficient. 0.0 means no preemphasis filter.
-  padding_value (float, optional, defaults to 0.0) — Padding value used to pad the audio. Should correspond to silences.
Constructs a Parakeet feature extractor.
This feature extractor inherits from SequenceFeatureExtractor which contains most of the main methods. Users should refer to this superclass for more information regarding those methods.
This class extracts mel-filter bank features from raw speech using a custom numpy implementation of the Short Time Fourier Transform which should match pytorch’s torch.stft equivalent.
__call__
< source >( raw_speech: typing.Union[numpy.ndarray, list[float], list[numpy.ndarray], list[list[float]]] truncation: bool = False pad_to_multiple_of: typing.Optional[int] = None return_tensors: typing.Union[str, transformers.utils.generic.TensorType, NoneType] = None return_attention_mask: typing.Optional[bool] = None padding: typing.Optional[str] = 'longest' max_length: typing.Optional[int] = None sampling_rate: typing.Optional[int] = None do_normalize: typing.Optional[bool] = None device: typing.Optional[str] = 'cpu' return_token_timestamps: typing.Optional[bool] = None **kwargs )
Parameters
-  raw_speech (np.ndarray,list[float],list[np.ndarray],list[list[float]]) — The sequence or batch of sequences to be padded. Each sequence can be a numpy array, a list of float values, a list of numpy arrays or a list of list of float values. Must be mono channel audio, not stereo, i.e. single float per timestep.
-  truncation (bool, optional, default toTrue) — Activates truncation to cut input sequences longer than max_length to max_length.
-  pad_to_multiple_of (int, optional, defaults to None) — If set will pad the sequence to a multiple of the provided value.This is especially useful to enable the use of Tensor Cores on NVIDIA hardware with compute capability >= 7.5(Volta), or on TPUs which benefit from having sequence lengths be a multiple of 128.
-  return_attention_mask (bool, optional) — Whether to return the attention mask. If left to the default, will return the attention mask according to the specific feature_extractor’s default.For Parakeet models, attention_maskshould always be passed for batched inference, to avoid subtle bugs.
-  return_tensors (stror TensorType, optional) — If set, will return tensors instead of list of python integers. Acceptable values are:- 'tf': Return TensorFlow- tf.constantobjects.
- 'pt': Return PyTorch- torch.Tensorobjects.
- 'np': Return Numpy- np.ndarrayobjects.
 
-  sampling_rate (int, optional) — The sampling rate at which theraw_speechinput was sampled. It is strongly recommended to passsampling_rateat the forward call to prevent silent errors and allow automatic speech recognition pipeline.
-  padding_value (float, optional, defaults to 0.0) — The value that is used to fill the padding values / vectors.
-  do_normalize (bool, optional, defaults toFalse) — Whether or not to zero-mean unit-variance normalize the input. Normalizing can help to significantly improve the performance of the model.
-  device (str, optional, defaults to'cpu') — Specifies the device for computation of the log-mel spectrogram of audio signals in the_torch_extract_fbank_featuresmethod. (e.g., “cpu”, “cuda”)
-  return_token_timestamps (bool, optional, defaults toNone) — Deprecated. Usereturn_attention_maskinstead from which the number of frames can be inferred.Whether or not to return the number of frames of the input raw_speech. These num_frames can be used by the model to compute word level timestamps. 
Main method to featurize and prepare for the model one or several sequence(s). Implementation uses PyTorch for the STFT computation if available, otherwise a slower NumPy based one.
ParakeetProcessor
__call__
< source >( audio: typing.Union[numpy.ndarray, ForwardRef('torch.Tensor'), collections.abc.Sequence[numpy.ndarray], collections.abc.Sequence['torch.Tensor']] text: typing.Union[str, list[str], list[list[str]], NoneType] = None sampling_rate: typing.Optional[int] = None **kwargs: typing_extensions.Unpack[transformers.models.parakeet.processing_parakeet.ParakeetProcessorKwargs] )
This method forwards all its arguments to PreTrainedTokenizer’s batch_decode(). Please refer to the docstring of this method for more information.
This method forwards all its arguments to PreTrainedTokenizer’s decode(). Please refer to the docstring of this method for more information.
ParakeetEncoderConfig
class transformers.ParakeetEncoderConfig
< source >( hidden_size = 1024 num_hidden_layers = 24 num_attention_heads = 8 intermediate_size = 4096 hidden_act = 'silu' attention_bias = True conv_kernel_size = 9 subsampling_factor = 8 subsampling_conv_channels = 256 num_mel_bins = 80 subsampling_conv_kernel_size = 3 subsampling_conv_stride = 2 dropout = 0.1 dropout_positions = 0.0 layerdrop = 0.1 activation_dropout = 0.1 attention_dropout = 0.1 max_position_embeddings = 5000 scale_input = True initializer_range = 0.02 **kwargs )
Parameters
-  hidden_size (int, optional, defaults to 1024) — Dimension of the layers and the hidden states.
-  num_hidden_layers (int, optional, defaults to 24) — Number of hidden layers in the Transformer encoder.
-  num_attention_heads (int, optional, defaults to 8) — Number of attention heads for each attention layer in the Transformer encoder.
-  intermediate_size (int, optional, defaults to 4096) — Dimension of the “intermediate” (often named feed-forward) layer in the Transformer encoder.
-  hidden_act (strorfunction, optional, defaults to"silu") — The non-linear activation function (function or string) in the encoder and pooler.
-  attention_bias (bool, optional, defaults toTrue) — Whether to use bias in the attention layers.
-  conv_kernel_size (int, optional, defaults to 9) — The kernel size of the convolution layers in the Conformer block.
-  subsampling_factor (int, optional, defaults to 8) — The factor by which the input sequence is subsampled.
-  subsampling_conv_channels (int, optional, defaults to 256) — The number of channels in the subsampling convolution layers.
-  num_mel_bins (int, optional, defaults to 80) — Number of mel features.
-  subsampling_conv_kernel_size (int, optional, defaults to 3) — The kernel size of the subsampling convolution layers.
-  subsampling_conv_stride (int, optional, defaults to 2) — The stride of the subsampling convolution layers.
-  dropout (float, optional, defaults to 0.1) — The dropout ratio for all fully connected layers in the embeddings, encoder, and pooler.
-  dropout_positions (float, optional, defaults to 0.0) — The dropout ratio for the positions in the input sequence.
-  layerdrop (float, optional, defaults to 0.1) — The dropout ratio for the layers in the encoder.
-  activation_dropout (float, optional, defaults to 0.1) — The dropout ratio for activations inside the fully connected layer.
-  attention_dropout (float, optional, defaults to 0.1) — The dropout ratio for the attention layers.
-  max_position_embeddings (int, optional, defaults to 5000) — The maximum sequence length that this model might ever be used with.
-  scale_input (bool, optional, defaults toTrue) — Whether to scale the input embeddings.
-  initializer_range (float, optional, defaults to 0.02) — The standard deviation of the truncated_normal_initializer for initializing all weight matrices.
This is the configuration class to store the configuration of a ParakeetEncoder. It is used to instantiate a
ParakeetEncoder model according to the specified arguments, defining the model architecture.
Configuration objects inherit from PretrainedConfig and can be used to control the model outputs. Read the documentation from PretrainedConfig for more information.
Example:
>>> from transformers import ParakeetEncoderModel, ParakeetEncoderConfig
>>> # Initializing a `ParakeetEncoder` configuration
>>> configuration = ParakeetEncoderConfig()
>>> # Initializing a model from the configuration
>>> model = ParakeetEncoderModel(configuration)
>>> # Accessing the model configuration
>>> configuration = model.configThis configuration class is based on the ParakeetEncoder architecture from NVIDIA NeMo. You can find more details and pre-trained models at nvidia/parakeet-ctc-1.1b.
ParakeetCTCConfig
class transformers.ParakeetCTCConfig
< source >( vocab_size = 1025 ctc_loss_reduction = 'mean' ctc_zero_infinity = True encoder_config: typing.Union[dict, transformers.models.parakeet.configuration_parakeet.ParakeetEncoderConfig] = None pad_token_id = 1024 **kwargs )
Parameters
-  vocab_size (int, optional, defaults to 1025) — Vocabulary size of the model.
-  ctc_loss_reduction (str, optional, defaults to"mean") — Specifies the reduction to apply to the output oftorch.nn.CTCLoss. Only relevant when training an instance of ParakeetForCTC.
-  ctc_zero_infinity (bool, optional, defaults toTrue) — Whether to zero infinite losses and the associated gradients oftorch.nn.CTCLoss. Infinite losses mainly occur when the inputs are too short to be aligned to the targets. Only relevant when training an instance of ParakeetForCTC.
-  encoder_config (Union[dict, ParakeetEncoderConfig], optional) — The config object or dictionary of the encoder.
-  pad_token_id (int, optional, defaults to 1024) — Padding token id. Also used as blank token id.
This is the configuration class to store the configuration of a ParakeetForCTC. It is used to instantiate a Parakeet CTC model according to the specified arguments, defining the model architecture.
Configuration objects inherit from PretrainedConfig and can be used to control the model outputs. Read the documentation from PretrainedConfig for more information.
Example:
>>> from transformers import ParakeetForCTC, ParakeetCTCConfig
>>> # Initializing a Parakeet configuration
>>> configuration = ParakeetCTCConfig()
>>> # Initializing a model from the configuration
>>> model = ParakeetForCTC(configuration)
>>> # Accessing the model configuration
>>> configuration = model.configThis configuration class is based on the Parakeet CTC architecture from NVIDIA NeMo. You can find more details and pre-trained models at nvidia/parakeet-ctc-1.1b.
from_encoder_config
< source >( encoder_config: ParakeetEncoderConfig **kwargs ) → ParakeetCTCConfig
Instantiate a ParakeetCTCConfig (or a derived class) from parakeet encoder model configuration.
ParakeetEncoder
class transformers.ParakeetEncoder
< source >( config: ParakeetEncoderConfig )
Parameters
- config (ParakeetEncoderConfig) — Model configuration class with all the parameters of the model. Initializing with a config file does not load the weights associated with the model, only the configuration. Check out the from_pretrained() method to load the model weights.
The Parakeet Encoder model, based on the Fast Conformer architecture.
This model inherits from PreTrainedModel. Check the superclass documentation for the generic methods the library implements for all its model (such as downloading or saving, resizing the input embeddings, pruning heads etc.)
This model is also a PyTorch torch.nn.Module subclass. Use it as a regular PyTorch Module and refer to the PyTorch documentation for all matter related to general usage and behavior.
forward
< source >( input_features: Tensor attention_mask: typing.Optional[torch.Tensor] = None **kwargs: typing_extensions.Unpack[transformers.utils.generic.TransformersKwargs]  ) → transformers.modeling_outputs.BaseModelOutput or tuple(torch.FloatTensor)
Parameters
-  input_features (torch.Tensorof shape(batch_size, sequence_length, feature_dim)) — The tensors corresponding to the input audio features. Audio features can be obtained usingfeature_extractor_class. Seefeature_extractor_class.__call__for details (processor_classusesfeature_extractor_classfor processing audios).
-  attention_mask (torch.Tensorof shape(batch_size, sequence_length), optional) — Mask to avoid performing attention on padding token indices. Mask values selected in[0, 1]:- 1 for tokens that are not masked,
- 0 for tokens that are masked.
 
Returns
transformers.modeling_outputs.BaseModelOutput or tuple(torch.FloatTensor)
A transformers.modeling_outputs.BaseModelOutput or a tuple of
torch.FloatTensor (if return_dict=False is passed or when config.return_dict=False) comprising various
elements depending on the configuration (None) and inputs.
- 
last_hidden_state ( torch.FloatTensorof shape(batch_size, sequence_length, hidden_size)) — Sequence of hidden-states at the output of the last layer of the model.
- 
hidden_states ( tuple(torch.FloatTensor), optional, returned whenoutput_hidden_states=Trueis passed or whenconfig.output_hidden_states=True) — Tuple oftorch.FloatTensor(one for the output of the embeddings, if the model has an embedding layer, + one for the output of each layer) of shape(batch_size, sequence_length, hidden_size).Hidden-states of the model at the output of each layer plus the optional initial embedding outputs. 
- 
attentions ( tuple(torch.FloatTensor), optional, returned whenoutput_attentions=Trueis passed or whenconfig.output_attentions=True) — Tuple oftorch.FloatTensor(one for each layer) of shape(batch_size, num_heads, sequence_length, sequence_length).Attentions weights after the attention softmax, used to compute the weighted average in the self-attention heads. 
The ParakeetEncoder forward method, overrides the __call__ special method.
Although the recipe for forward pass needs to be defined within this function, one should call the
Moduleinstance afterwards instead of this since the former takes care of running the pre and post processing steps while the latter silently ignores them.
Example:
>>> from transformers import AutoProcessor, ParakeetEncoder
>>> from datasets import load_dataset, Audio
>>> model_id = "nvidia/parakeet-ctc-1.1b"
>>> processor = AutoProcessor.from_pretrained(model_id)
>>> encoder = ParakeetEncoder.from_pretrained(model_id)
>>> ds = load_dataset("hf-internal-testing/librispeech_asr_dummy", "clean", split="validation")
>>> ds = ds.cast_column("audio", Audio(sampling_rate=processor.feature_extractor.sampling_rate))
>>> inputs = processor(ds[0]["audio"]["array"])
>>> encoder_outputs = encoder(**inputs)
>>> print(encoder_outputs.last_hidden_state.shape)ParakeetForCTC
class transformers.ParakeetForCTC
< source >( config: ParakeetCTCConfig )
Parameters
- config (ParakeetCTCConfig) — Model configuration class with all the parameters of the model. Initializing with a config file does not load the weights associated with the model, only the configuration. Check out the from_pretrained() method to load the model weights.
Parakeet Encoder with a Connectionist Temporal Classification (CTC) head.
This model inherits from PreTrainedModel. Check the superclass documentation for the generic methods the library implements for all its model (such as downloading or saving, resizing the input embeddings, pruning heads etc.)
This model is also a PyTorch torch.nn.Module subclass. Use it as a regular PyTorch Module and refer to the PyTorch documentation for all matter related to general usage and behavior.
forward
< source >( input_features: Tensor attention_mask: typing.Optional[torch.Tensor] = None labels: typing.Optional[torch.Tensor] = None **kwargs: typing_extensions.Unpack[transformers.utils.generic.TransformersKwargs]  ) → transformers.modeling_outputs.CausalLMOutput or tuple(torch.FloatTensor)
Parameters
-  input_features (torch.Tensorof shape(batch_size, sequence_length, feature_dim)) — The tensors corresponding to the input audio features. Audio features can be obtained usingfeature_extractor_class. Seefeature_extractor_class.__call__for details (processor_classusesfeature_extractor_classfor processing audios).
-  attention_mask (torch.Tensorof shape(batch_size, sequence_length), optional) — Mask to avoid performing attention on padding token indices. Mask values selected in[0, 1]:- 1 for tokens that are not masked,
- 0 for tokens that are masked.
 
-  labels (torch.Tensorof shape(batch_size, sequence_length), optional) — Labels for computing the masked language modeling loss. Indices should either be in[0, ..., config.vocab_size]or -100 (seeinput_idsdocstring). Tokens with indices set to-100are ignored (masked), the loss is only computed for the tokens with labels in[0, ..., config.vocab_size].
Returns
transformers.modeling_outputs.CausalLMOutput or tuple(torch.FloatTensor)
A transformers.modeling_outputs.CausalLMOutput or a tuple of
torch.FloatTensor (if return_dict=False is passed or when config.return_dict=False) comprising various
elements depending on the configuration (None) and inputs.
- 
loss ( torch.FloatTensorof shape(1,), optional, returned whenlabelsis provided) — Language modeling loss (for next-token prediction).
- 
logits ( torch.FloatTensorof shape(batch_size, sequence_length, config.vocab_size)) — Prediction scores of the language modeling head (scores for each vocabulary token before SoftMax).
- 
hidden_states ( tuple(torch.FloatTensor), optional, returned whenoutput_hidden_states=Trueis passed or whenconfig.output_hidden_states=True) — Tuple oftorch.FloatTensor(one for the output of the embeddings, if the model has an embedding layer, + one for the output of each layer) of shape(batch_size, sequence_length, hidden_size).Hidden-states of the model at the output of each layer plus the optional initial embedding outputs. 
- 
attentions ( tuple(torch.FloatTensor), optional, returned whenoutput_attentions=Trueis passed or whenconfig.output_attentions=True) — Tuple oftorch.FloatTensor(one for each layer) of shape(batch_size, num_heads, sequence_length, sequence_length).Attentions weights after the attention softmax, used to compute the weighted average in the self-attention heads. 
The ParakeetForCTC forward method, overrides the __call__ special method.
Although the recipe for forward pass needs to be defined within this function, one should call the
Moduleinstance afterwards instead of this since the former takes care of running the pre and post processing steps while the latter silently ignores them.
Example:
>>> from transformers import AutoProcessor, ParakeetForCTC
>>> from datasets import load_dataset, Audio
>>> model_id = "nvidia/parakeet-ctc-1.1b"
>>> processor = AutoProcessor.from_pretrained(model_id)
>>> model = ParakeetForCTC.from_pretrained(model_id)
>>> ds = load_dataset("hf-internal-testing/librispeech_asr_dummy", "clean", split="validation")
>>> ds = ds.cast_column("audio", Audio(sampling_rate=processor.feature_extractor.sampling_rate))
>>> inputs = processor(ds[0]["audio"]["array"], text=ds[0]["text"])
>>> outputs = model(**inputs)
>>> print(outputs.loss)generate
< source >( input_features: Tensor attention_mask: typing.Optional[torch.Tensor] = None return_dict_in_generate: bool = False **kwargs: typing_extensions.Unpack[transformers.utils.generic.TransformersKwargs] )
Example:
>>> from transformers import AutoProcessor, ParakeetForCTC
>>> from datasets import load_dataset, Audio
>>> model_id = "nvidia/parakeet-ctc-1.1b"
>>> processor = AutoProcessor.from_pretrained(model_id)
>>> model = ParakeetForCTC.from_pretrained(model_id)
>>> ds = load_dataset("hf-internal-testing/librispeech_asr_dummy", "clean", split="validation")
>>> ds = ds.cast_column("audio", Audio(sampling_rate=processor.feature_extractor.sampling_rate))
>>> inputs = processor(ds[0]["audio"]["array"], text=ds[0]["text"])
>>> predicted_ids = model.generate(**inputs)
>>> transcription = processor.batch_decode(predicted_ids, skip_special_tokens=True)
>>> print(transcription)