--- license: apache-2.0 library_name: transformers tags: - automatic-speech-recognition - smi - sami - pretraining - continued pre-training - CPT --- # Sámi Wav2vec2-Large The large model pre-trained on 16kHz sampled speech audio with **Continued Pre-Training (CPT)**. [wav2vec2-large-uralic-voxpopuli-v2](https://huggingface.co/facebook/wav2vec2-large-uralic-voxpopuli-v2) was used as a base model for continued pre-training. When using the model make sure that your speech input is also sampled at 16Khz. **Note**: This model does not have a tokenizer as it was pre-trained on audio alone. In order to use this model **speech recognition**, a tokenizer should be created and the model should be fine-tuned on labeled text data. Check out [this blog](https://huggingface.co/blog/fine-tune-xlsr-wav2vec2) for a more in-depth explanation of how to fine-tune the model. **Note**: Fine-tuned version is available at [GetmanY1/wav2vec2-large-sami-cont-pt-22k-finetuned](https://huggingface.co/GetmanY1/wav2vec2-large-sami-cont-pt-22k-finetuned) ## Model description The Sámi Wav2Vec2 Large has the same architecture and uses the same training objective as the English and multilingual one described in [Paper](https://arxiv.org/abs/2006.11477). It is pre-trained on 22.4k hours of unlabeled Sámi speech from [KAVI radio and television archive materials](https://kavi.fi/en/radio-ja-televisioarkistointia-vuodesta-2008/). You can read more about the pre-trained model from [this paper](TODO). ## Intended uses & limitations You can use this model for Sámi ASR (speech-to-text) and SER (Spoken Emotion Recognition) tasks. ### How to use See [this notebook](https://colab.research.google.com/github/patrickvonplaten/notebooks/blob/master/Fine_Tune_XLS_R_on_Common_Voice.ipynb) for more information on how to fine-tune the model. ### Limitations and bias This model was pre-trained with audio samples whose maximum length was 30 seconds so this model most likely works the best for quite short audios of similar length. However, you can try this model with a lot longer audios too and see how it works. If you encounter out-of-memory errors with very long audio files you can use the audio chunking method introduced in [this blog post](https://huggingface.co/blog/asr-chunking). The data used for pre-training was from the [KAVI](https://kavi.fi/en/radio-ja-televisioarkistointia-vuodesta-2008/) archives so this model might have biases towards the voices of radio hosts. The pre-training data was filtered via neural [VAD](https://huggingface.co/pyannote/voice-activity-detection), but some non-speech events like music might be still present in the training data, which might cause issues when fine-tuned on clear (no background noise) speech. ## Training data This model was pre-trained with 22.4k hours of Sámi speech data from the following sources: | Dataset | Hours | % of total hours | |:----------------------------------------------------------------------------------------------|:--------:|:----------------:| | [YleSámiRadio](https://kavi.fi/en/radio-ja-televisioarkistointia-vuodesta-2008/) | 22415 h | 100 % | Datasets were filtered to include a maximum length of 30 seconds long audio samples. ## Training procedure Training was done on 256 AMD MI250x GPU modules (512 GPUs from the software perspective), using [LUMI](https://www.lumi-supercomputer.eu/). The training script was provided by Fairseq and it is available [here](https://github.com/facebookresearch/fairseq/tree/main/examples/wav2vec). ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-04 - max_update: 166667 - seed: 1 - optimizer: [8-bit Adam](https://github.com/facebookresearch/bitsandbytes) with betas=(0.9,0.98) and epsilon=1e-06 - lr_scheduler_type: linear - lr_scheduler_warmup_updates: 5000 - fp16: true - max_sample_size: 960000 - min_sample_size: 32000 - normalize: true - max_tokens: 1800000 - distributed_world_size: 512 The pre-trained model was initialized with the following hyperparameters: - quantize_targets: true - latent_temp: [2.0, 0.5, 0.999995] - extractor_mode: layer_norm - layer_norm_first: true - dropout_input: 0.0 - dropout_features: 0.0 - feature_grad_mult: 1.0 - encoder_embed_dim: 1024 - encoder_layers: 24 - encoder_ffn_embed_dim: 4096 - encoder_attention_heads: 16 - dropout: 0.0 - attention_dropout: 0.0 - activation_dropout: 0.0 - encoder_layerdrop: 0.0 ### Training results | Training Loss | Epoch | Validation Loss | |:-------------:|:------:|:---------------:| | 2.821 | 1 | 2.735 | | 2.25 | 25 | 2.157 | | 2.161 | 50 | 2.063 | | 2.102 | 75 | 2.04 | | 2.07 | 97 | 2.011 | ### Framework versions - Pytorch 2.3.0+rocm6.0 - Fairseq 0.12.2 ## Team Members - Yaroslav Getman, [Hugging Face profile](https://huggingface.co/GetmanY1), [LinkedIn profile](https://www.linkedin.com/in/yaroslav-getman/) - Tamas Grosz, [Hugging Face profile](https://huggingface.co/Grosy), [LinkedIn profile](https://www.linkedin.com/in/tam%C3%A1s-gr%C3%B3sz-950a049a/) Feel free to contact us for more details 🤗