so-vits-svc/webUI.py

234 lines
12 KiB
Python
Raw Normal View History

2023-03-23 08:39:00 +00:00
import io
import os
# os.system("wget -P cvec/ https://huggingface.co/spaces/innnky/nanami/resolve/main/checkpoint_best_legacy_500.pt")
import gradio as gr
2023-03-29 09:03:32 +00:00
import gradio.processing_utils as gr_pu
2023-03-23 08:39:00 +00:00
import librosa
import numpy as np
import soundfile
from inference.infer_tool import Svc
import logging
2023-03-29 09:03:32 +00:00
import subprocess
import edge_tts
import asyncio
from scipy.io import wavfile
import librosa
2023-03-31 05:09:43 +00:00
import torch
import time
2023-04-11 16:05:24 +00:00
import traceback
2023-03-23 08:39:00 +00:00
logging.getLogger('numba').setLevel(logging.WARNING)
logging.getLogger('markdown_it').setLevel(logging.WARNING)
logging.getLogger('urllib3').setLevel(logging.WARNING)
logging.getLogger('matplotlib').setLevel(logging.WARNING)
logging.getLogger('multipart').setLevel(logging.WARNING)
model = None
spk = None
2023-04-11 09:38:59 +00:00
debug = False
2023-04-08 17:01:48 +00:00
2023-04-11 15:41:21 +00:00
cuda = {}
2023-03-31 05:09:43 +00:00
if torch.cuda.is_available():
for i in range(torch.cuda.device_count()):
2023-04-11 09:38:59 +00:00
device_name = torch.cuda.get_device_properties(i).name
2023-04-11 15:41:21 +00:00
cuda[f"CUDA:{i} {device_name}"] = f"cuda:{i}"
2023-04-11 09:38:59 +00:00
def modelAnalysis(model_path,config_path,cluster_model_path,device,enhance):
global model
try:
2023-04-11 15:41:21 +00:00
device = cuda[device] if "CUDA" in device else device
2023-04-11 09:38:59 +00:00
model = Svc(model_path.name, config_path.name, device=device if device!="Auto" else None, cluster_model_path = cluster_model_path.name if cluster_model_path != None else "",nsf_hifigan_enhance=enhance)
spks = list(model.spk2id.keys())
device_name = torch.cuda.get_device_properties(model.dev).name if "cuda" in str(model.dev) else str(model.dev)
msg = f"成功加载模型到设备{device_name}\n"
if cluster_model_path is None:
msg += "未加载聚类模型\n"
else:
msg += f"聚类模型{cluster_model_path.name}加载成功\n"
msg += "当前模型的可用音色:\n"
for i in spks:
msg += i + " "
return sid.update(choices = spks,value=spks[0]), msg
except Exception as e:
2023-04-11 16:05:24 +00:00
if debug: traceback.print_exc()
2023-04-11 09:38:59 +00:00
raise gr.Error(e)
def modelUnload():
global model
if model is None:
return sid.update(choices = [],value=""),"没有模型需要卸载!"
else:
2023-04-11 15:41:21 +00:00
model.unload_model()
2023-04-11 09:38:59 +00:00
model = None
torch.cuda.empty_cache()
return sid.update(choices = [],value=""),"模型卸载完毕!"
2023-03-23 08:39:00 +00:00
2023-04-08 17:01:48 +00:00
def vc_fn(sid, input_audio, vc_transform, auto_f0,cluster_ratio, slice_db, noise_scale,pad_seconds,cl_num,lg_num,lgr_num,F0_mean_pooling,enhancer_adaptive_key):
2023-03-23 08:39:00 +00:00
global model
try:
if input_audio is None:
2023-04-11 09:38:59 +00:00
raise gr.Error("你需要上传音频")
2023-03-23 08:39:00 +00:00
if model is None:
2023-04-11 09:38:59 +00:00
raise gr.Error("你需要指定模型")
2023-03-23 08:39:00 +00:00
sampling_rate, audio = input_audio
# print(audio.shape,sampling_rate)
audio = (audio / np.iinfo(audio.dtype).max).astype(np.float32)
if len(audio.shape) > 1:
audio = librosa.to_mono(audio.transpose(1, 0))
temp_path = "temp.wav"
2023-03-31 05:09:43 +00:00
soundfile.write(temp_path, audio, sampling_rate, format="wav")
2023-04-08 17:01:48 +00:00
_audio = model.slice_inference(temp_path, sid, vc_transform, slice_db, cluster_ratio, auto_f0, noise_scale,pad_seconds,cl_num,lg_num,lgr_num,F0_mean_pooling,enhancer_adaptive_key)
2023-03-23 12:10:33 +00:00
model.clear_empty()
2023-03-23 08:39:00 +00:00
os.remove(temp_path)
2023-04-03 23:28:11 +00:00
#构建保存文件的路径并保存到results文件夹内
2023-04-05 15:27:21 +00:00
try:
timestamp = str(int(time.time()))
2023-04-11 09:38:59 +00:00
filename = sid + "_" + timestamp + ".wav"
output_file = os.path.join("./results", filename)
2023-04-05 15:27:21 +00:00
soundfile.write(output_file, _audio, model.target_sample, format="wav")
2023-04-11 09:38:59 +00:00
return f"推理成功音频文件保存为results/{filename}", (model.target_sample, _audio)
2023-04-05 15:27:21 +00:00
except Exception as e:
2023-04-11 16:05:24 +00:00
if debug: traceback.print_exc()
raise gr.Error(e)
2023-03-23 08:39:00 +00:00
except Exception as e:
2023-04-11 16:05:24 +00:00
if debug: traceback.print_exc()
2023-04-11 09:38:59 +00:00
raise gr.Error(e)
def tts_func(_text,_rate,_voice):
2023-03-29 09:03:32 +00:00
#使用edge-tts把文字转成音频
# voice = "zh-CN-XiaoyiNeural"#女性,较高音
# voice = "zh-CN-YunxiNeural"#男性
2023-03-29 09:03:32 +00:00
voice = "zh-CN-YunxiNeural"#男性
if ( _voice == "" ) : voice = "zh-CN-XiaoyiNeural"
2023-03-29 09:03:32 +00:00
output_file = _text[0:10]+".wav"
# communicate = edge_tts.Communicate(_text, voice)
# await communicate.save(output_file)
if _rate>=0:
ratestr="+{:.0%}".format(_rate)
elif _rate<0:
ratestr="{:.0%}".format(_rate)#减号自带
p=subprocess.Popen("edge-tts "+
" --text "+_text+
" --write-media "+output_file+
" --voice "+voice+
" --rate="+ratestr
2023-03-29 09:03:32 +00:00
,shell=True,
stdout=subprocess.PIPE,
stdin=subprocess.PIPE)
p.wait()
2023-03-29 09:03:32 +00:00
return output_file
def text_clear(text):
return re.sub(r"[\n\,\(\) ]", "", text)
2023-04-11 09:38:59 +00:00
def vc_fn2(sid, input_audio, vc_transform, auto_f0,cluster_ratio, slice_db, noise_scale,pad_seconds,cl_num,lg_num,lgr_num,text2tts,tts_rate,tts_voice,F0_mean_pooling,enhancer_adaptive_key):
2023-03-29 09:03:32 +00:00
#使用edge-tts把文字转成音频
text2tts=text_clear(text2tts)
output_file=tts_func(text2tts,tts_rate,tts_voice)
2023-03-29 09:03:32 +00:00
#调整采样率
sr2=44100
wav, sr = librosa.load(output_file)
wav2 = librosa.resample(wav, orig_sr=sr, target_sr=sr2)
save_path2= text2tts[0:10]+"_44k"+".wav"
wavfile.write(save_path2,sr2,
(wav2 * np.iinfo(np.int16).max).astype(np.int16)
)
2023-03-29 09:03:32 +00:00
#读取音频
sample_rate, data=gr_pu.audio_from_file(save_path2)
vc_input=(sample_rate, data)
2023-04-08 17:01:48 +00:00
a,b=vc_fn(sid, vc_input, vc_transform,auto_f0,cluster_ratio, slice_db, noise_scale,pad_seconds,cl_num,lg_num,lgr_num,F0_mean_pooling,enhancer_adaptive_key)
2023-03-31 05:34:46 +00:00
os.remove(output_file)
os.remove(save_path2)
2023-03-29 09:03:32 +00:00
return a,b
2023-03-23 08:39:00 +00:00
2023-04-11 16:05:24 +00:00
def debug_change():
2023-04-11 16:11:02 +00:00
global debug
2023-04-11 16:05:24 +00:00
debug = debug_button.value
2023-04-11 09:38:59 +00:00
with gr.Blocks(
theme=gr.themes.Base(
primary_hue = gr.themes.colors.green,
font=["Source Sans Pro", "Arial", "sans-serif"],
font_mono=['JetBrains mono', "Consolas", 'Courier New']
),
) as app:
2023-03-23 08:39:00 +00:00
with gr.Tabs():
2023-04-11 09:38:59 +00:00
with gr.TabItem("Inference"):
2023-03-23 08:39:00 +00:00
gr.Markdown(value="""
2023-04-11 09:38:59 +00:00
So-vits-svc 4.0 推理 webui
2023-03-23 08:39:00 +00:00
""")
2023-04-11 09:38:59 +00:00
with gr.Row(variant="panel"):
with gr.Column():
gr.Markdown(value="""
<font size=2> 模型设置</font>
""")
model_path = gr.File(label="选择模型文件")
config_path = gr.File(label="选择配置文件")
cluster_model_path = gr.File(label="选择聚类模型文件(没有可以不选)")
2023-04-11 15:41:21 +00:00
device = gr.Dropdown(label="推理设备默认为自动选择CPU和GPU", choices=["Auto",*cuda.keys(),"CPU"], value="Auto")
2023-04-11 09:38:59 +00:00
enhance = gr.Checkbox(label="是否使用NSF_HIFIGAN增强,该选项对部分训练集少的模型有一定的音质增强效果,但是对训练好的模型有反面效果,默认关闭", value=False)
with gr.Column():
gr.Markdown(value="""
<font size=3>左侧文件全部选择完毕后(全部文件模块显示download)点击加载模型进行解析</font>
""")
model_load_button = gr.Button(value="加载模型", variant="primary")
model_unload_button = gr.Button(value="卸载模型", variant="primary")
sid = gr.Dropdown(label="音色(说话人)")
sid_output = gr.Textbox(label="Output Message")
2023-04-11 09:38:59 +00:00
with gr.Row(variant="panel"):
with gr.Column():
gr.Markdown(value="""
<font size=2> 推理设置</font>
""")
auto_f0 = gr.Checkbox(label="自动f0预测配合聚类模型f0预测效果更好,会导致变调功能失效(仅限转换语音,歌声勾选此项会究极跑调)", value=False)
F0_mean_pooling = gr.Checkbox(label="是否对F0使用均值滤波器(池化),对部分哑音有改善。注意,启动该选项会导致推理速度下降,默认关闭", value=False)
vc_transform = gr.Number(label="变调整数可以正负半音数量升高八度就是12", value=0)
cluster_ratio = gr.Number(label="聚类模型混合比例0-1之间0即不启用聚类。使用聚类模型能提升音色相似度但会导致咬字下降如果使用建议0.5左右)", value=0)
slice_db = gr.Number(label="切片阈值", value=-40)
noise_scale = gr.Number(label="noise_scale 建议不要动,会影响音质,玄学参数", value=0.4)
with gr.Column():
2023-04-11 09:38:59 +00:00
pad_seconds = gr.Number(label="推理音频pad秒数由于未知原因开头结尾会有异响pad一小段静音段后就不会出现", value=0.5)
cl_num = gr.Number(label="音频自动切片0为不切片单位为秒(s)", value=0)
lg_num = gr.Number(label="两端音频切片的交叉淡入长度如果自动切片后出现人声不连贯可调整该数值如果连贯建议采用默认值0注意该设置会影响推理速度单位为秒/s", value=0)
lgr_num = gr.Number(label="自动音频切片后需要舍弃每段切片的头尾。该参数设置交叉长度保留的比例范围0-1,左开右闭", value=0.75)
enhancer_adaptive_key = gr.Number(label="使增强器适应更高的音域(单位为半音数)|默认为0", value=0)
with gr.Tabs():
with gr.TabItem("音频转音频"):
vc_input3 = gr.Audio(label="选择音频")
vc_submit = gr.Button("音频转换", variant="primary")
with gr.TabItem("文字转音频"):
text2tts=gr.Textbox(label="在此输入要转译的文字。注意使用该功能建议打开F0预测不然会很怪")
tts_rate = gr.Number(label="tts语速", value=0)
tts_voice = gr.Radio(label="性别",choices=["",""], value="")
2023-04-11 09:38:59 +00:00
vc_submit2 = gr.Button("文字转换", variant="primary")
with gr.Row():
with gr.Column():
vc_output1 = gr.Textbox(label="Output Message")
with gr.Column():
vc_output2 = gr.Audio(label="Output Audio", interactive=False)
2023-04-11 16:05:24 +00:00
with gr.Row(variant="panel"):
with gr.Column():
gr.Markdown(value="""
<font size=2> WebUI设置</font>
""")
debug_button = gr.Checkbox(label="Debug模式如果向社区反馈BUG需要打开打开后控制台可以显示具体错误提示", value=debug)
2023-04-08 17:01:48 +00:00
vc_submit.click(vc_fn, [sid, vc_input3, vc_transform,auto_f0,cluster_ratio, slice_db, noise_scale,pad_seconds,cl_num,lg_num,lgr_num,F0_mean_pooling,enhancer_adaptive_key], [vc_output1, vc_output2])
vc_submit2.click(vc_fn2, [sid, vc_input3, vc_transform,auto_f0,cluster_ratio, slice_db, noise_scale,pad_seconds,cl_num,lg_num,lgr_num,text2tts,tts_rate,tts_voice,F0_mean_pooling,enhancer_adaptive_key], [vc_output1, vc_output2])
2023-04-12 19:34:33 +00:00
debug_button.change(debug_change,[],[])
2023-04-11 09:38:59 +00:00
model_load_button.click(modelAnalysis,[model_path,config_path,cluster_model_path,device,enhance],[sid,sid_output])
2023-04-08 17:01:48 +00:00
model_unload_button.click(modelUnload,[],[sid,sid_output])
2023-03-23 08:39:00 +00:00
app.launch()