INTROTXT = """# StyleTTS 2 [Paper](https://arxiv.org/abs/2306.07691) - [Samples](https://styletts2.github.io/) - [Code](https://github.com/yl4579/StyleTTS2) - [Discord](https://discord.gg/ha8sxdG2K4) A free demo of StyleTTS 2. **I am not affiliated with the StyleTTS 2 Authors.** **Before using this demo, you agree to inform the listeners that the speech samples are synthesized by the pre-trained models, unless you have the permission to use the voice you synthesize. That is, you agree to only use voices whose speakers grant the permission to have their voice cloned, either directly or by license before making synthesized voices public, or you have to publicly announce that these voices are synthesized if you do not have the permission to use these voices.** Is there a long queue on this space? Duplicate it and add a more powerful GPU to skip the wait! **Note: Thank you to Hugging Face for their generous GPU grant program!** **NOTE: StyleTTS 2 does better on longer texts.** For example, making it say "hi" will produce a lower-quality result than making it say a longer phrase. **NOTE: StyleTTS 2 is _currently_ English-only. Join the Discord for updates on multilingual training.** """ import gradio as gr import styletts2importable import ljspeechimportable import torch import nltk nltk.download('punkt_tab') import os from txtsplit import txtsplit import numpy as np import pickle theme = gr.themes.Base( font=[gr.themes.GoogleFont('Libre Franklin'), gr.themes.GoogleFont('Public Sans'), 'system-ui', 'sans-serif'], ) voicelist = ['f-us-1', 'f-us-2', 'f-us-3', 'f-us-4', 'm-us-1', 'm-us-2', 'm-us-3', 'm-us-4'] voices = {} import phonemizer global_phonemizer = phonemizer.backend.EspeakBackend(language='en-us', preserve_punctuation=True, with_stress=True) for v in voicelist: voices[v] = styletts2importable.compute_style(f'voices/{v}.wav') if not torch.cuda.is_available(): INTROTXT += "\n\n### You are on a CPU-only system, inference will be much slower.\n\nYou can use the [online demo](https://huggingface.co/spaces/styletts2/styletts2) for fast inference." def synthesize(text, voice, lngsteps, password, progress=gr.Progress()): if text.strip() == "": raise gr.Error("You must enter some text") if len(text) > 50000: raise gr.Error("Text must be <50k characters") print("*** saying ***") print(text) print("*** end ***") texts = txtsplit(text) v = voice.lower() audios = [] for t in progress.tqdm(texts): print(t) audios.append(styletts2importable.inference(t, voices[v], alpha=0.3, beta=0.7, diffusion_steps=lngsteps, embedding_scale=1)) return (24000, np.concatenate(audios)) def rn_clsynthesize(text, voice, vcsteps, embscale, alpha, beta, progress=gr.Progress()): if text.strip() == "": raise gr.Error("You must enter some text") if len(text) > 50000: raise gr.Error("Text must be <50k characters") if embscale > 1.3 and len(text) < 20: gr.Warning("WARNING: You entered short text, you may get static!") print("*** saying ***") print(text) print("*** end ***") texts = txtsplit(text) audios = [] vs = styletts2importable.compute_style(voice) for t in progress.tqdm(texts): audios.append(styletts2importable.inference(t, vs, alpha=alpha, beta=beta, diffusion_steps=vcsteps, embedding_scale=embscale)) return (24000, np.concatenate(audios)) def rn_ljsynthesize(text, steps, progress=gr.Progress()): noise = torch.randn(1,1,256).to('cuda' if torch.cuda.is_available() else 'cpu') if text.strip() == "": raise gr.Error("You must enter some text") if len(text) > 150000: raise gr.Error("Text must be <150k characters") print("*** saying ***") print(text) print("*** end ***") texts = txtsplit(text) audios = [] for t in progress.tqdm(texts): audios.append(ljspeechimportable.inference(t, noise, diffusion_steps=steps, embedding_scale=1)) return (24000, np.concatenate(audios)) with gr.Blocks() as vctk: with gr.Row(): with gr.Column(scale=1): inp = gr.Textbox(label="Text", info="What would you like StyleTTS 2 to read? It works better on full sentences.", interactive=True) voice = gr.Dropdown(voicelist, label="Voice", info="Select a default voice.", value='m-us-2', interactive=True) multispeakersteps = gr.Slider(minimum=3, maximum=15, value=3, step=1, label="Diffusion Steps", info="Theoretically, higher should be better quality but slower, but we cannot notice a difference. Try with lower steps first - it is faster", interactive=True) with gr.Column(scale=1): btn = gr.Button("Synthesize", variant="primary") audio = gr.Audio(interactive=False, label="Synthesized Audio", show_download_button=True, waveform_options={'waveform_progress_color': '#3C82F6'}) btn.click(synthesize, inputs=[inp, voice, multispeakersteps], outputs=[audio], concurrency_limit=4) with gr.Blocks() as clone: with gr.Row(): with gr.Column(scale=1): clinp = gr.Textbox(label="Text", info="What would you like StyleTTS 2 to read?", interactive=True) # ❌ BẢN GỐC: # clvoice = gr.Audio(label="Voice", interactive=True, type='filepath', max_length=300, waveform_options={...}) # ✅ ĐÃ SỬA — XOÁ GIỚI HẠN max_length clvoice = gr.Audio( label="Voice", interactive=True, type='filepath', waveform_options={'waveform_progress_color': '#3C82F6'} ) vcsteps = gr.Slider(minimum=3, maximum=20, value=20, step=1, label="Diffusion Steps", info="Higher = better but slower", interactive=True) embscale = gr.Slider(minimum=1, maximum=10, value=1, step=0.1, label="Embedding Scale", info="Default 1", interactive=True) alpha = gr.Slider(minimum=0, maximum=1, value=0.3, step=0.1, label="Alpha", info="Defaults to 0.3", interactive=True) beta = gr.Slider(minimum=0, maximum=1, value=0.7, step=0.1, label="Beta", info="Defaults to 0.7", interactive=True) with gr.Column(scale=1): clbtn = gr.Button("Synthesize", variant="primary") claudio = gr.Audio(interactive=False, label="Synthesized Audio", show_download_button=True, waveform_options={'waveform_progress_color': '#3C82F6'}) clbtn.click(rn_clsynthesize, inputs=[clinp, clvoice, vcsteps, embscale, alpha, beta], outputs=[claudio], concurrency_limit=4) with gr.Blocks() as lj: with gr.Row(): with gr.Column(scale=1): ljinp = gr.Textbox(label="Text", info="What would you like StyleTTS 2 to read?", interactive=True) ljsteps = gr.Slider(minimum=3, maximum=20, value=3, step=1, label="Diffusion Steps", interactive=True) with gr.Column(scale=1): ljbtn = gr.Button("Synthesize", variant="primary") ljaudio = gr.Audio(interactive=False, label="Synthesized Audio", waveform_options={'waveform_progress_color': '#3C82F6'}) ljbtn.click(rn_ljsynthesize, inputs=[ljinp, ljsteps], outputs=[ljaudio], concurrency_limit=4) with gr.Blocks(title="StyleTTS 2", css="footer{display:none !important}", theme=theme) as demo: gr.Markdown(INTROTXT) gr.DuplicateButton("Duplicate Space") gr.TabbedInterface([vctk, clone, lj], ['Multi-Voice', 'Voice Cloning', 'LJSpeech', 'Long Text [Beta]']) gr.Markdown(""" Demo by mrfakename. Run this demo locally using Docker: ```bash docker run -it -p 7860:7860 --platform=linux/amd64 --gpus all registry.hf.space/styletts2-styletts2:latest python app.py ``` """) # Please do not remove this line. if __name__ == "__main__": # demo.queue(api_open=False, max_size=15).launch(show_api=False) demo.queue(api_open=False, max_size=15).launch(show_api=False)