|
import argparse |
|
import gc |
|
import socket |
|
import struct |
|
import torch |
|
import torchaudio |
|
import traceback |
|
from importlib.resources import files |
|
from threading import Thread |
|
|
|
from cached_path import cached_path |
|
|
|
from infer.utils_infer import infer_batch_process, preprocess_ref_audio_text, load_vocoder, load_model |
|
from model.backbones.dit import DiT |
|
|
|
|
|
class TTSStreamingProcessor: |
|
def __init__(self, ckpt_file, vocab_file, ref_audio, ref_text, device=None, dtype=torch.float32): |
|
self.device = device or ( |
|
"cuda" if torch.cuda.is_available() else "mps" if torch.backends.mps.is_available() else "cpu" |
|
) |
|
|
|
|
|
self.model = load_model( |
|
model_cls=DiT, |
|
model_cfg=dict(dim=1024, depth=22, heads=16, ff_mult=2, text_dim=512, conv_layers=4), |
|
ckpt_path=ckpt_file, |
|
mel_spec_type="vocos", |
|
vocab_file=vocab_file, |
|
ode_method="euler", |
|
use_ema=True, |
|
device=self.device, |
|
).to(self.device, dtype=dtype) |
|
|
|
|
|
self.vocoder = load_vocoder(is_local=False) |
|
|
|
|
|
self.sampling_rate = 24000 |
|
|
|
|
|
self.ref_audio = ref_audio |
|
self.ref_text = ref_text |
|
|
|
|
|
self._warm_up() |
|
|
|
def _warm_up(self): |
|
"""Warm up the model with a dummy input to ensure it's ready for real-time processing.""" |
|
print("Warming up the model...") |
|
ref_audio, ref_text = preprocess_ref_audio_text(self.ref_audio, self.ref_text) |
|
audio, sr = torchaudio.load(ref_audio) |
|
gen_text = "Warm-up text for the model." |
|
|
|
|
|
infer_batch_process((audio, sr), ref_text, [gen_text], self.model, self.vocoder, device=self.device) |
|
print("Warm-up completed.") |
|
|
|
def generate_stream(self, text, play_steps_in_s=0.5): |
|
"""Generate audio in chunks and yield them in real-time.""" |
|
|
|
ref_audio, ref_text = preprocess_ref_audio_text(self.ref_audio, self.ref_text) |
|
|
|
|
|
audio, sr = torchaudio.load(ref_audio) |
|
|
|
|
|
audio_chunk, final_sample_rate, _ = infer_batch_process( |
|
(audio, sr), |
|
ref_text, |
|
[text], |
|
self.model, |
|
self.vocoder, |
|
device=self.device, |
|
) |
|
|
|
|
|
chunk_size = int(final_sample_rate * play_steps_in_s) |
|
|
|
if len(audio_chunk) < chunk_size: |
|
packed_audio = struct.pack(f"{len(audio_chunk)}f", *audio_chunk) |
|
yield packed_audio |
|
return |
|
|
|
for i in range(0, len(audio_chunk), chunk_size): |
|
chunk = audio_chunk[i : i + chunk_size] |
|
|
|
|
|
if i + chunk_size >= len(audio_chunk): |
|
chunk = audio_chunk[i:] |
|
|
|
|
|
if len(chunk) > 0: |
|
packed_audio = struct.pack(f"{len(chunk)}f", *chunk) |
|
yield packed_audio |
|
|
|
|
|
def handle_client(client_socket, processor): |
|
try: |
|
while True: |
|
|
|
data = client_socket.recv(1024).decode("utf-8") |
|
if not data: |
|
break |
|
|
|
try: |
|
|
|
text = data.strip() |
|
|
|
|
|
for audio_chunk in processor.generate_stream(text): |
|
client_socket.sendall(audio_chunk) |
|
|
|
|
|
client_socket.sendall(b"END_OF_AUDIO") |
|
|
|
except Exception as inner_e: |
|
print(f"Error during processing: {inner_e}") |
|
traceback.print_exc() |
|
break |
|
|
|
except Exception as e: |
|
print(f"Error handling client: {e}") |
|
traceback.print_exc() |
|
finally: |
|
client_socket.close() |
|
|
|
|
|
def start_server(host, port, processor): |
|
server = socket.socket(socket.AF_INET, socket.SOCK_STREAM) |
|
server.bind((host, port)) |
|
server.listen(5) |
|
print(f"Server listening on {host}:{port}") |
|
|
|
while True: |
|
client_socket, addr = server.accept() |
|
print(f"Accepted connection from {addr}") |
|
client_handler = Thread(target=handle_client, args=(client_socket, processor)) |
|
client_handler.start() |
|
|
|
|
|
if __name__ == "__main__": |
|
parser = argparse.ArgumentParser() |
|
|
|
parser.add_argument("--host", default="0.0.0.0") |
|
parser.add_argument("--port", default=9998) |
|
|
|
parser.add_argument( |
|
"--ckpt_file", |
|
default=str(cached_path("hf://SWivid/F5-TTS/F5TTS_Base/model_1200000.safetensors")), |
|
help="Path to the model checkpoint file", |
|
) |
|
parser.add_argument( |
|
"--vocab_file", |
|
default="", |
|
help="Path to the vocab file if customized", |
|
) |
|
|
|
parser.add_argument( |
|
"--ref_audio", |
|
default=str(files("f5_tts").joinpath("infer/examples/basic/basic_ref_en.wav")), |
|
help="Reference audio to provide model with speaker characteristics", |
|
) |
|
parser.add_argument( |
|
"--ref_text", |
|
default="", |
|
help="Reference audio subtitle, leave empty to auto-transcribe", |
|
) |
|
|
|
parser.add_argument("--device", default=None, help="Device to run the model on") |
|
parser.add_argument("--dtype", default=torch.float32, help="Data type to use for model inference") |
|
|
|
args = parser.parse_args() |
|
|
|
try: |
|
|
|
processor = TTSStreamingProcessor( |
|
ckpt_file=args.ckpt_file, |
|
vocab_file=args.vocab_file, |
|
ref_audio=args.ref_audio, |
|
ref_text=args.ref_text, |
|
device=args.device, |
|
dtype=args.dtype, |
|
) |
|
|
|
|
|
start_server(args.host, args.port, processor) |
|
|
|
except KeyboardInterrupt: |
|
gc.collect() |
|
|