在本指南中,我们将构建一个新颖的AI应用程序,以展示Gradio的音频输出流功能。我们将构建一个会说话的Magic 8 Ball 🎱
魔法8球是一种玩具,在你摇晃它后可以回答任何问题。我们的应用程序将做同样的事情,但它还会说出它的回答!
我们不会在这篇博客文章中涵盖所有的实现细节,但代码可以在Hugging Face Spaces上免费获取。
就像经典的魔法8球一样,用户应该口头提问,然后等待回应。在后台,我们将使用Whisper来转录音频,然后使用LLM生成一个魔法8球风格的答案。最后,我们将使用Parler TTS来大声朗读回应。
首先,让我们定义用户界面,并为所有的Python逻辑放置占位符。
import gradio as gr
with gr.Blocks() as block:
gr.HTML(
f"""
<h1 style='text-align: center;'> Magic 8 Ball 🎱 </h1>
<h3 style='text-align: center;'> Ask a question and receive wisdom </h3>
<p style='text-align: center;'> Powered by <a href="https://github.com/huggingface/parler-tts"> Parler-TTS</a>
"""
)
with gr.Group():
with gr.Row():
audio_out = gr.Audio(label="Spoken Answer", streaming=True, autoplay=True)
answer = gr.Textbox(label="Answer")
state = gr.State()
with gr.Row():
audio_in = gr.Audio(label="Speak your question", sources="microphone", type="filepath")
audio_in.stop_recording(generate_response, audio_in, [state, answer, audio_out])\
.then(fn=read_response, inputs=state, outputs=[answer, audio_out])
block.launch()我们将输出音频和文本框组件以及输入音频组件放在不同的行中。为了从服务器流式传输音频,我们将在输出音频组件中设置streaming=True。我们还将设置autoplay=True,以便音频在准备好后立即播放。
我们将使用音频输入组件的stop_recording事件来触发我们的应用程序逻辑,当用户停止从麦克风录音时。
我们将逻辑分为两部分。首先,generate_response 将接收录制的音频,将其转录并使用LLM生成响应。我们将把响应存储在gr.State变量中,然后传递给read_response函数,该函数生成音频。
我们分两部分进行,因为只有read_response需要GPU。我们的应用程序将在Hugging Faces的ZeroGPU上运行,该平台有时间配额。由于生成响应可以通过Hugging Face的Inference API完成,我们不应该将这部分代码包含在GPU函数中,因为它会不必要地消耗我们的GPU配额。
如上所述,我们将使用Hugging Face的推理API来转录音频并从LLM生成响应。在实例化客户端后,我使用automatic_speech_recognition方法(这会自动使用在Hugging Face的推理服务器上运行的Whisper)来转录音频。然后我将问题传递给LLM(Mistal-7B-Instruct)以生成响应。我们提示LLM通过系统消息像魔法8球一样行动。
我们的generate_response函数还会向输出文本框和音频组件发送空更新(返回None)。
这是因为我希望Gradio进度跟踪器显示在组件上方,但我不想在音频准备好之前显示答案。
from huggingface_hub import InferenceClient
client = InferenceClient(token=os.getenv("HF_TOKEN"))
def generate_response(audio):
gr.Info("Transcribing Audio", duration=5)
question = client.automatic_speech_recognition(audio).text
messages = [{"role": "system", "content": ("You are a magic 8 ball."
"Someone will present to you a situation or question and your job "
"is to answer with a cryptic adage or proverb such as "
"'curiosity killed the cat' or 'The early bird gets the worm'."
"Keep your answers short and do not include the phrase 'Magic 8 Ball' in your response. If the question does not make sense or is off-topic, say 'Foolish questions get foolish answers.'"
"For example, 'Magic 8 Ball, should I get a dog?', 'A dog is ready for you but are you ready for the dog?'")},
{"role": "user", "content": f"Magic 8 Ball please answer this question - {question}"}]
response = client.chat_completion(messages, max_tokens=64, seed=random.randint(1, 5000),
model="mistralai/Mistral-7B-Instruct-v0.3")
response = response.choices[0].message.content.replace("Magic 8 Ball", "").replace(":", "")
return response, None, None现在我们有了文本响应,我们将使用Parler TTS大声朗读它。read_response函数将是一个Python生成器,当音频准备好时,它会生成下一个音频块。
我们将使用Mini v0.1进行特征提取,但使用Jenny fine tuned version进行语音处理。这是为了确保语音在不同代之间保持一致。
使用transformers进行流式音频处理需要一个自定义的Streamer类。你可以在这里查看实现。此外,我们将输出转换为字节,以便可以从后端更快地流式传输。
from streamer import ParlerTTSStreamer
from transformers import AutoTokenizer, AutoFeatureExtractor, set_seed
import numpy as np
import spaces
import torch
from threading import Thread
device = "cuda:0" if torch.cuda.is_available() else "mps" if torch.backends.mps.is_available() else "cpu"
torch_dtype = torch.float16 if device != "cpu" else torch.float32
repo_id = "parler-tts/parler_tts_mini_v0.1"
jenny_repo_id = "ylacombe/parler-tts-mini-jenny-30H"
model = ParlerTTSForConditionalGeneration.from_pretrained(
jenny_repo_id, torch_dtype=torch_dtype, low_cpu_mem_usage=True
).to(device)
tokenizer = AutoTokenizer.from_pretrained(repo_id)
feature_extractor = AutoFeatureExtractor.from_pretrained(repo_id)
sampling_rate = model.audio_encoder.config.sampling_rate
frame_rate = model.audio_encoder.config.frame_rate
@spaces.GPU
def read_response(answer):
play_steps_in_s = 2.0
play_steps = int(frame_rate * play_steps_in_s)
description = "Jenny speaks at an average pace with a calm delivery in a very confined sounding environment with clear audio quality."
description_tokens = tokenizer(description, return_tensors="pt").to(device)
streamer = ParlerTTSStreamer(model, device=device, play_steps=play_steps)
prompt = tokenizer(answer, return_tensors="pt").to(device)
generation_kwargs = dict(
input_ids=description_tokens.input_ids,
prompt_input_ids=prompt.input_ids,
streamer=streamer,
do_sample=True,
temperature=1.0,
min_new_tokens=10,
)
set_seed(42)
thread = Thread(target=model.generate, kwargs=generation_kwargs)
thread.start()
for new_audio in streamer:
print(f"Sample of length: {round(new_audio.shape[0] / sampling_rate, 2)} seconds")
yield answer, numpy_to_mp3(new_audio, sampling_rate=sampling_rate)你可以在这里看到我们的最终应用程序here!