--- license: cc-by-4.0 datasets: - speechcolab/gigaspeech - parler-tts/mls_eng_10k - reach-vb/jenny_tts_dataset language: - en - hi base_model: - openai-community/gpt2 pipeline_tag: text-to-speech --- # Model Card for indri-0.1-124m-tts Indri is a series of audio models that can do TTS, ASR, and audio continuation. This is the smallest model (124M) in our series and supports TTS tasks in 2 languages: 1. English 2. Hindi We have open-sourced our training scripts, inference, and other details. - **Repository:** [GitHub](https://github.com/cmeraki/indri) - **Demo:** [Website](https://www.indrivoice.ai/) - **Implementation details**: [Release Blog](#TODO) ## Model Details ### Model Description `indri-0.1-124m-tts` is a novel, ultra-small, and lightweight TTS model based on the transformer architecture. It models audio as tokens and can generate high-quality audio with consistent style cloning of the speaker. ### Key features 1. Based on GPT-2 architecture. The methodology can be extended to any transformer-based architecture. 2. Supports voice cloning with small prompts (<5s). 3. Code mixing text input in 2 languages - English and Hindi. 4. Ultra-fast. Can generate 5 seconds of audio per second on Amphere generation NVIDIA GPUs, and up to 10 seconds of audio per second on Ada generation NVIDIA GPUs. ### Details 1. Model Type: GPT-2 based language model 2. Size: 124M parameters 3. Language Support: English, Hindi 4. License: CC BY 4.0 ## Technical details Here's a brief of how the model works: 1. Converts input text into tokens 2. Runs autoregressive decoding on GPT-2 based transformer model and generates audio tokens 3. Decodes audio tokens (using [Kyutai/mimi](https://huggingface.co/kyutai/mimi)) to audio Please read our blog [here](#TODO) for more technical details on how it was built. ## How to Get Started with the Model Use the code below to get started with the model. Pipelines are the best way to get started with the model. ```python import torch import torchaudio from transformers import pipeline model_id = '11mlabs/indri-0.1-124m-tts' task = 'indri-tts' pipe = pipeline( task, model=model_id, device=torch.device('cuda:0'), # Update this based on your hardware, trust_remote_code=True ) output = pipe(['Hi, my name is Indri and I like to talk.']) torchaudio.save('output.wav', output[0]['audio'][0], sample_rate=24000) ``` ## Citation If you use this model in your research, please cite: ```bibtex @misc{indri-multimodal-alm, author = {11mlabs}, title = {Indri: Multimodal audio language model}, year = {2024}, publisher = {GitHub}, journal = {GitHub Repository}, howpublished = {\url{https://github.com/cmeraki/indri}}, email = {compute@merakilabs.com} } ``` ## BibTex 1. [nanoGPT](https://github.com/karpathy/nanoGPT) 2. [Kyutai/mimi](https://huggingface.co/kyutai/mimi) ```bibtex @techreport{kyutai2024moshi, title={Moshi: a speech-text foundation model for real-time dialogue}, author={Alexandre D\'efossez and Laurent Mazar\'e and Manu Orsini and Am\'elie Royer and Patrick P\'erez and Herv\'e J\'egou and Edouard Grave and Neil Zeghidour}, year={2024}, eprint={2410.00037}, archivePrefix={arXiv}, primaryClass={eess.AS}, url={https://arxiv.org/abs/2410.00037}, } ``` 3. [Whisper](https://github.com/openai/whisper) ```bibtex @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} } ``` 4. [silero-vad](https://github.com/snakers4/silero-vad) ```bibtex @misc{Silero VAD, author = {Silero Team}, title = {Silero VAD: pre-trained enterprise-grade Voice Activity Detector (VAD), Number Detector and Language Classifier}, year = {2024}, publisher = {GitHub}, journal = {GitHub repository}, howpublished = {\url{https://github.com/snakers4/silero-vad}}, commit = {insert_some_commit_here}, email = {hello@silero.ai} } ```