fix: requriements & config

This commit is contained in:
源文雨 2023-08-30 00:23:24 +08:00
parent 47a3882b3a
commit 417c1e58a1
6 changed files with 229 additions and 219 deletions

View File

@ -23,7 +23,15 @@ def use_fp32_config():
with open("infer/modules/train/preprocess.py", "w") as f: with open("infer/modules/train/preprocess.py", "w") as f:
f.write(strr) f.write(strr)
def singleton_variable(func):
def wrapper(*args, **kwargs):
if not wrapper.instance:
wrapper.instance = func(*args, **kwargs)
return wrapper.instance
wrapper.instance = None
return wrapper
@singleton_variable
class Config: class Config:
def __init__(self): def __init__(self):
self.device = "cuda:0" self.device = "cuda:0"

View File

@ -24,7 +24,6 @@ from infer.lib.train.process_ckpt import (
merge, merge,
show_info, show_info,
) )
from infer.modules.onnx.export import export_onnx
from infer.modules.uvr5.modules import uvr from infer.modules.uvr5.modules import uvr
from infer.modules.vc.modules import VC from infer.modules.vc.modules import VC
@ -158,6 +157,9 @@ def change_choices():
def clean(): def clean():
return {"value": "", "__type__": "update"} return {"value": "", "__type__": "update"}
def export_onnx():
from infer.modules.onnx.export import export_onnx as eo
eo()
sr_dict = { sr_dict = {
"32k": 32000, "32k": 32000,

View File

@ -1,9 +1,7 @@
import os import os
import warnings
import librosa import librosa
import numpy as np import numpy as np
import onnxruntime as ort
import soundfile as sf import soundfile as sf
import torch import torch
from tqdm import tqdm from tqdm import tqdm
@ -88,6 +86,7 @@ def get_models(device, dim_f, dim_t, n_fft):
class Predictor: class Predictor:
def __init__(self, args): def __init__(self, args):
import onnxruntime as ort
print(ort.get_available_providers()) print(ort.get_available_providers())
self.args = args self.args = args
self.model_ = get_models( self.model_ = get_models(

View File

@ -43,3 +43,4 @@ onnxruntime-gpu; sys_platform != 'darwin'
torchcrepe==0.0.20 torchcrepe==0.0.20
fastapi==0.88 fastapi==0.88
ffmpy==0.3.1 ffmpy==0.3.1
python-dotenv

View File

@ -66,28 +66,28 @@ set dlhb=https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/hubert_
echo dir check start. echo dir check start.
echo= echo=
if exist "%~dp0pretrained" ( if exist "%~dp0assets\pretrained" (
echo dir .\pretrained checked. echo dir .\assets\pretrained checked.
) else ( ) else (
echo failed. generating dir .\pretrained. echo failed. generating dir .\assets\pretrained.
mkdir pretrained mkdir pretrained
) )
if exist "%~dp0pretrained_v2" ( if exist "%~dp0assets\pretrained_v2" (
echo dir .\pretrained_v2 checked. echo dir .\assets\pretrained_v2 checked.
) else ( ) else (
echo failed. generating dir .\pretrained_v2. echo failed. generating dir .\assets\pretrained_v2.
mkdir pretrained_v2 mkdir pretrained_v2
) )
if exist "%~dp0uvr5_weights" ( if exist "%~dp0assets\uvr5_weights" (
echo dir .\uvr5_weights checked. echo dir .\assets\uvr5_weights checked.
) else ( ) else (
echo failed. generating dir .\uvr5_weights. echo failed. generating dir .\assets\uvr5_weights.
mkdir uvr5_weights mkdir uvr5_weights
) )
if exist "%~dp0uvr5_weights\onnx_dereverb_By_FoxJoy" ( if exist "%~dp0assets\uvr5_weights\onnx_dereverb_By_FoxJoy" (
echo dir .\uvr5_weights\onnx_dereverb_By_FoxJoy checked. echo dir .\assets\uvr5_weights\onnx_dereverb_By_FoxJoy checked.
) else ( ) else (
echo failed. generating dir .\uvr5_weights\onnx_dereverb_By_FoxJoy. echo failed. generating dir .\assets\uvr5_weights\onnx_dereverb_By_FoxJoy.
mkdir uvr5_weights\onnx_dereverb_By_FoxJoy mkdir uvr5_weights\onnx_dereverb_By_FoxJoy
) )
@ -98,246 +98,246 @@ echo=
echo required files check start. echo required files check start.
echo checking D32k.pth echo checking D32k.pth
if exist "%~dp0pretrained\D32k.pth" ( if exist "%~dp0assets\pretrained\D32k.pth" (
echo D32k.pth in .\pretrained checked. echo D32k.pth in .\assets\pretrained checked.
echo= echo=
) else ( ) else (
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
%~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained/D32k.pth -d %~dp0pretrained -o D32k.pth %~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained/D32k.pth -d %~dp0assets\pretrained -o D32k.pth
if exist "%~dp0pretrained\D32k.pth" (echo download successful.) else (echo please try again! if exist "%~dp0assets\pretrained\D32k.pth" (echo download successful.) else (echo please try again!
echo=) echo=)
) )
echo checking D40k.pth echo checking D40k.pth
if exist "%~dp0pretrained\D40k.pth" ( if exist "%~dp0assets\pretrained\D40k.pth" (
echo D40k.pth in .\pretrained checked. echo D40k.pth in .\assets\pretrained checked.
echo= echo=
) else ( ) else (
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
%~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained/D40k.pth -d %~dp0pretrained -o D40k.pth %~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained/D40k.pth -d %~dp0assets\pretrained -o D40k.pth
if exist "%~dp0pretrained\D40k.pth" (echo download successful.) else (echo please try again! if exist "%~dp0assets\pretrained\D40k.pth" (echo download successful.) else (echo please try again!
echo=) echo=)
) )
echo checking D40k.pth echo checking D40k.pth
if exist "%~dp0pretrained_v2\D40k.pth" ( if exist "%~dp0assets\pretrained_v2\D40k.pth" (
echo D40k.pth in .\pretrained_v2 checked. echo D40k.pth in .\assets\pretrained_v2 checked.
echo= echo=
) else ( ) else (
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
%~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained_v2/D40k.pth -d %~dp0pretrained_v2 -o D40k.pth %~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained_v2/D40k.pth -d %~dp0assets\pretrained_v2 -o D40k.pth
if exist "%~dp0pretrained_v2\D40k.pth" (echo download successful.) else (echo please try again! if exist "%~dp0assets\pretrained_v2\D40k.pth" (echo download successful.) else (echo please try again!
echo=) echo=)
) )
echo checking D48k.pth echo checking D48k.pth
if exist "%~dp0pretrained\D48k.pth" ( if exist "%~dp0assets\pretrained\D48k.pth" (
echo D48k.pth in .\pretrained checked. echo D48k.pth in .\assets\pretrained checked.
echo= echo=
) else ( ) else (
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
%~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained/D48k.pth -d %~dp0pretrained -o D48k.pth %~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained/D48k.pth -d %~dp0assets\pretrained -o D48k.pth
if exist "%~dp0pretrained\D48k.pth" (echo download successful.) else (echo please try again! if exist "%~dp0assets\pretrained\D48k.pth" (echo download successful.) else (echo please try again!
echo=) echo=)
) )
echo checking G32k.pth echo checking G32k.pth
if exist "%~dp0pretrained\G32k.pth" ( if exist "%~dp0assets\pretrained\G32k.pth" (
echo G32k.pth in .\pretrained checked. echo G32k.pth in .\assets\pretrained checked.
echo= echo=
) else ( ) else (
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
%~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained/G32k.pth -d %~dp0pretrained -o G32k.pth %~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained/G32k.pth -d %~dp0assets\pretrained -o G32k.pth
if exist "%~dp0pretrained\G32k.pth" (echo download successful.) else (echo please try again! if exist "%~dp0assets\pretrained\G32k.pth" (echo download successful.) else (echo please try again!
echo=) echo=)
) )
echo checking G40k.pth echo checking G40k.pth
if exist "%~dp0pretrained\G40k.pth" ( if exist "%~dp0assets\pretrained\G40k.pth" (
echo G40k.pth in .\pretrained checked. echo G40k.pth in .\assets\pretrained checked.
echo= echo=
) else ( ) else (
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
%~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained/G40k.pth -d %~dp0pretrained -o G40k.pth %~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained/G40k.pth -d %~dp0assets\pretrained -o G40k.pth
if exist "%~dp0pretrained\G40k.pth" (echo download successful.) else (echo please try again! if exist "%~dp0assets\pretrained\G40k.pth" (echo download successful.) else (echo please try again!
echo=) echo=)
) )
echo checking G40k.pth echo checking G40k.pth
if exist "%~dp0pretrained_v2\G40k.pth" ( if exist "%~dp0assets\pretrained_v2\G40k.pth" (
echo G40k.pth in .\pretrained_v2 checked. echo G40k.pth in .\assets\pretrained_v2 checked.
echo= echo=
) else ( ) else (
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
%~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained_v2/G40k.pth -d %~dp0pretrained_v2 -o G40k.pth %~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained_v2/G40k.pth -d %~dp0assets\pretrained_v2 -o G40k.pth
if exist "%~dp0pretrained_v2\G40k.pth" (echo download successful.) else (echo please try again! if exist "%~dp0assets\pretrained_v2\G40k.pth" (echo download successful.) else (echo please try again!
echo=) echo=)
) )
echo checking G48k.pth echo checking G48k.pth
if exist "%~dp0pretrained\G48k.pth" ( if exist "%~dp0assets\pretrained\G48k.pth" (
echo G48k.pth in .\pretrained checked. echo G48k.pth in .\assets\pretrained checked.
echo= echo=
) else ( ) else (
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
%~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained/G48k.pth -d %~dp0pretrained -o G48k.pth %~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained/G48k.pth -d %~dp0assets\pretrained -o G48k.pth
if exist "%~dp0pretrained\G48k.pth" (echo download successful.) else (echo please try again! if exist "%~dp0assets\pretrained\G48k.pth" (echo download successful.) else (echo please try again!
echo=) echo=)
) )
echo checking %d32% echo checking %d32%
if exist "%~dp0pretrained\%d32%" ( if exist "%~dp0assets\pretrained\%d32%" (
echo %d32% in .\pretrained checked. echo %d32% in .\assets\pretrained checked.
echo= echo=
) else ( ) else (
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
%~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dld32% -d %~dp0pretrained -o %d32% %~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dld32% -d %~dp0assets\pretrained -o %d32%
if exist "%~dp0pretrained\%d32%" (echo download successful.) else (echo please try again! if exist "%~dp0assets\pretrained\%d32%" (echo download successful.) else (echo please try again!
echo=) echo=)
) )
echo checking %d40% echo checking %d40%
if exist "%~dp0pretrained\%d40%" ( if exist "%~dp0assets\pretrained\%d40%" (
echo %d40% in .\pretrained checked. echo %d40% in .\assets\pretrained checked.
echo= echo=
) else ( ) else (
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
%~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dld40% -d %~dp0pretrained -o %d40% %~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dld40% -d %~dp0assets\pretrained -o %d40%
if exist "%~dp0pretrained\%d40%" (echo download successful.) else (echo please try again! if exist "%~dp0assets\pretrained\%d40%" (echo download successful.) else (echo please try again!
echo=) echo=)
) )
echo checking %d40v2% echo checking %d40v2%
if exist "%~dp0pretrained_v2\%d40v2%" ( if exist "%~dp0assets\pretrained_v2\%d40v2%" (
echo %d40v2% in .\pretrained_v2 checked. echo %d40v2% in .\assets\pretrained_v2 checked.
echo= echo=
) else ( ) else (
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
%~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dld40v2% -d %~dp0pretrained_v2 -o %d40v2% %~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dld40v2% -d %~dp0assets\pretrained_v2 -o %d40v2%
if exist "%~dp0pretrained_v2\%d40v2%" (echo download successful.) else (echo please try again! if exist "%~dp0assets\pretrained_v2\%d40v2%" (echo download successful.) else (echo please try again!
echo=) echo=)
) )
echo checking %d48% echo checking %d48%
if exist "%~dp0pretrained\%d48%" ( if exist "%~dp0assets\pretrained\%d48%" (
echo %d48% in .\pretrained checked. echo %d48% in .\assets\pretrained checked.
echo= echo=
) else ( ) else (
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
%~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dld48% -d %~dp0pretrained -o %d48% %~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dld48% -d %~dp0assets\pretrained -o %d48%
if exist "%~dp0pretrained\%d48%" (echo download successful.) else (echo please try again! if exist "%~dp0assets\pretrained\%d48%" (echo download successful.) else (echo please try again!
echo=) echo=)
) )
echo checking %g32% echo checking %g32%
if exist "%~dp0pretrained\%g32%" ( if exist "%~dp0assets\pretrained\%g32%" (
echo %g32% in .\pretrained checked. echo %g32% in .\assets\pretrained checked.
echo= echo=
) else ( ) else (
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
%~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dlg32% -d %~dp0pretrained -o %g32% %~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dlg32% -d %~dp0assets\pretrained -o %g32%
if exist "%~dp0pretrained\%g32%" (echo download successful.) else (echo please try again! if exist "%~dp0assets\pretrained\%g32%" (echo download successful.) else (echo please try again!
echo=) echo=)
) )
echo checking %g40% echo checking %g40%
if exist "%~dp0pretrained\%g40%" ( if exist "%~dp0assets\pretrained\%g40%" (
echo %g40% in .\pretrained checked. echo %g40% in .\assets\pretrained checked.
echo= echo=
) else ( ) else (
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
%~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dlg40% -d %~dp0pretrained -o %g40% %~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dlg40% -d %~dp0assets\pretrained -o %g40%
if exist "%~dp0pretrained\%g40%" (echo download successful.) else (echo please try again! if exist "%~dp0assets\pretrained\%g40%" (echo download successful.) else (echo please try again!
echo=) echo=)
) )
echo checking %g40v2% echo checking %g40v2%
if exist "%~dp0pretrained_v2\%g40v2%" ( if exist "%~dp0assets\pretrained_v2\%g40v2%" (
echo %g40v2% in .\pretrained_v2 checked. echo %g40v2% in .\assets\pretrained_v2 checked.
echo= echo=
) else ( ) else (
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
%~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dlg40v2% -d %~dp0pretrained_v2 -o %g40v2% %~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dlg40v2% -d %~dp0assets\pretrained_v2 -o %g40v2%
if exist "%~dp0pretrained_v2\%g40v2%" (echo download successful.) else (echo please try again! if exist "%~dp0assets\pretrained_v2\%g40v2%" (echo download successful.) else (echo please try again!
echo=) echo=)
) )
echo checking %g48% echo checking %g48%
if exist "%~dp0pretrained\%g48%" ( if exist "%~dp0assets\pretrained\%g48%" (
echo %g48% in .\pretrained checked. echo %g48% in .\assets\pretrained checked.
echo= echo=
) else ( ) else (
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
%~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dlg48% -d %~dp0\pretrained -o %g48% %~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dlg48% -d %~dp0assets\pretrained -o %g48%
if exist "%~dp0pretrained\%g48%" (echo download successful.) else (echo please try again! if exist "%~dp0assets\pretrained\%g48%" (echo download successful.) else (echo please try again!
echo=) echo=)
) )
echo checking %hp2_all% echo checking %hp2_all%
if exist "%~dp0uvr5_weights\%hp2_all%" ( if exist "%~dp0assets\uvr5_weights\%hp2_all%" (
echo %hp2_all% in .\uvr5_weights checked. echo %hp2_all% in .\assets\uvr5_weights checked.
echo= echo=
) else ( ) else (
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
%~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dlhp2_all% -d %~dp0\uvr5_weights -o %hp2_all% %~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dlhp2_all% -d %~dp0assets\uvr5_weights -o %hp2_all%
if exist "%~dp0uvr5_weights\%hp2_all%" (echo download successful.) else (echo please try again! if exist "%~dp0assets\uvr5_weights\%hp2_all%" (echo download successful.) else (echo please try again!
echo=) echo=)
) )
echo checking %hp3_all% echo checking %hp3_all%
if exist "%~dp0uvr5_weights\%hp3_all%" ( if exist "%~dp0assets\uvr5_weights\%hp3_all%" (
echo %hp3_all% in .\uvr5_weights checked. echo %hp3_all% in .\assets\uvr5_weights checked.
echo= echo=
) else ( ) else (
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
%~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dlhp3_all% -d %~dp0\uvr5_weights -o %hp3_all% %~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dlhp3_all% -d %~dp0assets\uvr5_weights -o %hp3_all%
if exist "%~dp0uvr5_weights\%hp3_all%" (echo download successful.) else (echo please try again! if exist "%~dp0assets\uvr5_weights\%hp3_all%" (echo download successful.) else (echo please try again!
echo=) echo=)
) )
echo checking %hp5_only% echo checking %hp5_only%
if exist "%~dp0uvr5_weights\%hp5_only%" ( if exist "%~dp0assets\uvr5_weights\%hp5_only%" (
echo %hp5_only% in .\uvr5_weights checked. echo %hp5_only% in .\assets\uvr5_weights checked.
echo= echo=
) else ( ) else (
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
%~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dlhp5_only% -d %~dp0\uvr5_weights -o %hp5_only% %~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dlhp5_only% -d %~dp0assets\uvr5_weights -o %hp5_only%
if exist "%~dp0uvr5_weights\%hp5_only%" (echo download successful.) else (echo please try again! if exist "%~dp0assets\uvr5_weights\%hp5_only%" (echo download successful.) else (echo please try again!
echo=) echo=)
) )
echo checking %VR_DeEchoAggressive% echo checking %VR_DeEchoAggressive%
if exist "%~dp0uvr5_weights\%VR_DeEchoAggressive%" ( if exist "%~dp0assets\uvr5_weights\%VR_DeEchoAggressive%" (
echo %VR_DeEchoAggressive% in .\uvr5_weights checked. echo %VR_DeEchoAggressive% in .\assets\uvr5_weights checked.
echo= echo=
) else ( ) else (
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
%~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dlVR_DeEchoAggressive% -d %~dp0\uvr5_weights -o %VR_DeEchoAggressive% %~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dlVR_DeEchoAggressive% -d %~dp0assets\uvr5_weights -o %VR_DeEchoAggressive%
if exist "%~dp0uvr5_weights\%VR_DeEchoAggressive%" (echo download successful.) else (echo please try again! if exist "%~dp0assets\uvr5_weights\%VR_DeEchoAggressive%" (echo download successful.) else (echo please try again!
echo=) echo=)
) )
echo checking %VR_DeEchoDeReverb% echo checking %VR_DeEchoDeReverb%
if exist "%~dp0uvr5_weights\%VR_DeEchoDeReverb%" ( if exist "%~dp0assets\uvr5_weights\%VR_DeEchoDeReverb%" (
echo %VR_DeEchoDeReverb% in .\uvr5_weights checked. echo %VR_DeEchoDeReverb% in .\assets\uvr5_weights checked.
echo= echo=
) else ( ) else (
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
%~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dlVR_DeEchoDeReverb% -d %~dp0\uvr5_weights -o %VR_DeEchoDeReverb% %~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dlVR_DeEchoDeReverb% -d %~dp0assets\uvr5_weights -o %VR_DeEchoDeReverb%
if exist "%~dp0uvr5_weights\%VR_DeEchoDeReverb%" (echo download successful.) else (echo please try again! if exist "%~dp0assets\uvr5_weights\%VR_DeEchoDeReverb%" (echo download successful.) else (echo please try again!
echo=) echo=)
) )
echo checking %VR_DeEchoNormal% echo checking %VR_DeEchoNormal%
if exist "%~dp0uvr5_weights\%VR_DeEchoNormal%" ( if exist "%~dp0assets\uvr5_weights\%VR_DeEchoNormal%" (
echo %VR_DeEchoNormal% in .\uvr5_weights checked. echo %VR_DeEchoNormal% in .\assets\uvr5_weights checked.
echo= echo=
) else ( ) else (
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
%~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dlVR_DeEchoNormal% -d %~dp0\uvr5_weights -o %VR_DeEchoNormal% %~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dlVR_DeEchoNormal% -d %~dp0assets\uvr5_weights -o %VR_DeEchoNormal%
if exist "%~dp0uvr5_weights\%VR_DeEchoNormal%" (echo download successful.) else (echo please try again! if exist "%~dp0assets\uvr5_weights\%VR_DeEchoNormal%" (echo download successful.) else (echo please try again!
echo=) echo=)
) )
echo checking %onnx_dereverb% echo checking %onnx_dereverb%
if exist "%~dp0uvr5_weights\onnx_dereverb_By_FoxJoy\%onnx_dereverb%" ( if exist "%~dp0assets\uvr5_weights\onnx_dereverb_By_FoxJoy\%onnx_dereverb%" (
echo %onnx_dereverb% in .\uvr5_weights\onnx_dereverb_By_FoxJoy checked. echo %onnx_dereverb% in .\assets\uvr5_weights\onnx_dereverb_By_FoxJoy checked.
echo= echo=
) else ( ) else (
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
%~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dlonnx_dereverb% -d %~dp0\uvr5_weights\onnx_dereverb_By_FoxJoy -o %onnx_dereverb% %~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dlonnx_dereverb% -d %~dp0assets\uvr5_weights\onnx_dereverb_By_FoxJoy -o %onnx_dereverb%
if exist "%~dp0uvr5_weights\onnx_dereverb_By_FoxJoy\%onnx_dereverb%" (echo download successful.) else (echo please try again! if exist "%~dp0assets\uvr5_weights\onnx_dereverb_By_FoxJoy\%onnx_dereverb%" (echo download successful.) else (echo please try again!
echo=) echo=)
) )
echo checking %hb% echo checking %hb%
if exist "%~dp0%hb%" ( if exist "%~dp0assets\hubert\%hb%" (
echo %hb% in .\pretrained checked. echo %hb% in .\assets\hubert\pretrained checked.
echo= echo=
) else ( ) else (
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
%~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dlhb% -d %~dp0 -o %hb% %~dp0%aria2%\aria2c --console-log-level=error -c -x 16 -s 16 -k 1M %dlhb% -d %~dp0assets\hubert\ -o %hb%
if exist "%~dp0%hb%" (echo download successful.) else (echo please try again! if exist "%~dp0assets\hubert\%hb%" (echo download successful.) else (echo please try again!
echo=) echo=)
) )

View File

@ -54,31 +54,31 @@ dlhb="https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/hubert_bas
echo dir check start. echo dir check start.
if [ -d "./pretrained" ]; then if [ -d "./assets/pretrained" ]; then
echo dir ./pretrained checked. echo dir ./assets/pretrained checked.
else else
echo failed. generating dir ./pretrained. echo failed. generating dir ./assets/pretrained.
mkdir pretrained mkdir pretrained
fi fi
if [ -d "./pretrained_v2" ]; then if [ -d "./assets/pretrained_v2" ]; then
echo dir ./pretrained_v2 checked. echo dir ./assets/pretrained_v2 checked.
else else
echo failed. generating dir ./pretrained_v2. echo failed. generating dir ./assets/pretrained_v2.
mkdir pretrained_v2 mkdir pretrained_v2
fi fi
if [ -d "./uvr5_weights" ]; then if [ -d "./assets/uvr5_weights" ]; then
echo dir ./uvr5_weights checked. echo dir ./assets/uvr5_weights checked.
else else
echo failed. generating dir ./uvr5_weights. echo failed. generating dir ./assets/uvr5_weights.
mkdir uvr5_weights mkdir uvr5_weights
fi fi
if [ -d "./uvr5_weights/onnx_dereverb_By_FoxJoy" ]; then if [ -d "./assets/uvr5_weights/onnx_dereverb_By_FoxJoy" ]; then
echo dir ./uvr5_weights/onnx_dereverb_By_FoxJoy checked. echo dir ./assets/uvr5_weights/onnx_dereverb_By_FoxJoy checked.
else else
echo failed. generating dir ./uvr5_weights/onnx_dereverb_By_FoxJoy. echo failed. generating dir ./assets/uvr5_weights/onnx_dereverb_By_FoxJoy.
mkdir uvr5_weights/onnx_dereverb_By_FoxJoy mkdir uvr5_weights/onnx_dereverb_By_FoxJoy
fi fi
@ -87,13 +87,13 @@ echo dir check finished.
echo required files check start. echo required files check start.
echo checking D32k.pth echo checking D32k.pth
if [ -f "./pretrained/D32k.pth" ]; then if [ -f "./assets/pretrained/D32k.pth" ]; then
echo D32k.pth in ./pretrained checked. echo D32k.pth in ./assets/pretrained checked.
else else
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
if command -v aria2c &> /dev/null; then if command -v aria2c &> /dev/null; then
aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained/D32k.pth -d ./pretrained -o D32k.pth aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained/D32k.pth -d ./assets/pretrained -o D32k.pth
if [ -f "./pretrained/D32k.pth" ]; then if [ -f "./assets/pretrained/D32k.pth" ]; then
echo download successful. echo download successful.
else else
echo please try again! echo please try again!
@ -106,13 +106,13 @@ else
fi fi
echo checking D40k.pth echo checking D40k.pth
if [ -f "./pretrained/D40k.pth" ]; then if [ -f "./assets/pretrained/D40k.pth" ]; then
echo D40k.pth in ./pretrained checked. echo D40k.pth in ./assets/pretrained checked.
else else
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
if command -v aria2c &> /dev/null; then if command -v aria2c &> /dev/null; then
aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained/D40k.pth -d ./pretrained -o D40k.pth aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained/D40k.pth -d ./assets/pretrained -o D40k.pth
if [ -f "./pretrained/D40k.pth" ]; then if [ -f "./assets/pretrained/D40k.pth" ]; then
echo download successful. echo download successful.
else else
echo please try again! echo please try again!
@ -125,13 +125,13 @@ else
fi fi
echo checking D40k.pth echo checking D40k.pth
if [ -f "./pretrained_v2/D40k.pth" ]; then if [ -f "./assets/pretrained_v2/D40k.pth" ]; then
echo D40k.pth in ./pretrained_v2 checked. echo D40k.pth in ./assets/pretrained_v2 checked.
else else
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
if command -v aria2c &> /dev/null; then if command -v aria2c &> /dev/null; then
aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained_v2/D40k.pth -d ./pretrained_v2 -o D40k.pth aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained_v2/D40k.pth -d ./assets/pretrained_v2 -o D40k.pth
if [ -f "./pretrained_v2/D40k.pth" ]; then if [ -f "./assets/pretrained_v2/D40k.pth" ]; then
echo download successful. echo download successful.
else else
echo please try again! echo please try again!
@ -144,13 +144,13 @@ else
fi fi
echo checking D48k.pth echo checking D48k.pth
if [ -f "./pretrained/D48k.pth" ]; then if [ -f "./assets/pretrained/D48k.pth" ]; then
echo D48k.pth in ./pretrained checked. echo D48k.pth in ./assets/pretrained checked.
else else
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
if command -v aria2c &> /dev/null; then if command -v aria2c &> /dev/null; then
aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained/D48k.pth -d ./pretrained -o D48k.pth aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained/D48k.pth -d ./assets/pretrained -o D48k.pth
if [ -f "./pretrained/D48k.pth" ]; then if [ -f "./assets/pretrained/D48k.pth" ]; then
echo download successful. echo download successful.
else else
echo please try again! echo please try again!
@ -163,13 +163,13 @@ else
fi fi
echo checking G32k.pth echo checking G32k.pth
if [ -f "./pretrained/G32k.pth" ]; then if [ -f "./assets/pretrained/G32k.pth" ]; then
echo G32k.pth in ./pretrained checked. echo G32k.pth in ./assets/pretrained checked.
else else
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
if command -v aria2c &> /dev/null; then if command -v aria2c &> /dev/null; then
aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained/G32k.pth -d ./pretrained -o G32k.pth aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained/G32k.pth -d ./assets/pretrained -o G32k.pth
if [ -f "./pretrained/G32k.pth" ]; then if [ -f "./assets/pretrained/G32k.pth" ]; then
echo download successful. echo download successful.
else else
echo please try again! echo please try again!
@ -182,13 +182,13 @@ else
fi fi
echo checking G40k.pth echo checking G40k.pth
if [ -f "./pretrained/G40k.pth" ]; then if [ -f "./assets/pretrained/G40k.pth" ]; then
echo G40k.pth in ./pretrained checked. echo G40k.pth in ./assets/pretrained checked.
else else
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
if command -v aria2c &> /dev/null; then if command -v aria2c &> /dev/null; then
aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained/G40k.pth -d ./pretrained -o G40k.pth aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained/G40k.pth -d ./assets/pretrained -o G40k.pth
if [ -f "./pretrained/G40k.pth" ]; then if [ -f "./assets/pretrained/G40k.pth" ]; then
echo download successful. echo download successful.
else else
echo please try again! echo please try again!
@ -201,13 +201,13 @@ else
fi fi
echo checking G40k.pth echo checking G40k.pth
if [ -f "./pretrained_v2/G40k.pth" ]; then if [ -f "./assets/pretrained_v2/G40k.pth" ]; then
echo G40k.pth in ./pretrained_v2 checked. echo G40k.pth in ./assets/pretrained_v2 checked.
else else
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
if command -v aria2c &> /dev/null; then if command -v aria2c &> /dev/null; then
aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained_v2/G40k.pth -d ./pretrained_v2 -o G40k.pth aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained_v2/G40k.pth -d ./assets/pretrained_v2 -o G40k.pth
if [ -f "./pretrained_v2/G40k.pth" ]; then if [ -f "./assets/pretrained_v2/G40k.pth" ]; then
echo download successful. echo download successful.
else else
echo please try again! echo please try again!
@ -220,13 +220,13 @@ else
fi fi
echo checking G48k.pth echo checking G48k.pth
if [ -f "./pretrained/G48k.pth" ]; then if [ -f "./assets/pretrained/G48k.pth" ]; then
echo G48k.pth in ./pretrained checked. echo G48k.pth in ./assets/pretrained checked.
else else
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
if command -v aria2c &> /dev/null; then if command -v aria2c &> /dev/null; then
aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained/G48k.pth -d ./pretrained -o G48k.pth aria2c --console-log-level=error -c -x 16 -s 16 -k 1M https://huggingface.co/lj1995/VoiceConversionWebUI/resolve/main/pretrained/G48k.pth -d ./assets/pretrained -o G48k.pth
if [ -f "./pretrained/G48k.pth" ]; then if [ -f "./assets/pretrained/G48k.pth" ]; then
echo download successful. echo download successful.
else else
echo please try again! echo please try again!
@ -239,13 +239,13 @@ else
fi fi
echo checking $d32 echo checking $d32
if [ -f "./pretrained/$d32" ]; then if [ -f "./assets/pretrained/$d32" ]; then
echo $d32 in ./pretrained checked. echo $d32 in ./assets/pretrained checked.
else else
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
if command -v aria2c &> /dev/null; then if command -v aria2c &> /dev/null; then
aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dld32 -d ./pretrained -o $d32 aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dld32 -d ./assets/pretrained -o $d32
if [ -f "./pretrained/$d32" ]; then if [ -f "./assets/pretrained/$d32" ]; then
echo download successful. echo download successful.
else else
echo please try again! echo please try again!
@ -258,13 +258,13 @@ else
fi fi
echo checking $d40 echo checking $d40
if [ -f "./pretrained/$d40" ]; then if [ -f "./assets/pretrained/$d40" ]; then
echo $d40 in ./pretrained checked. echo $d40 in ./assets/pretrained checked.
else else
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
if command -v aria2c &> /dev/null; then if command -v aria2c &> /dev/null; then
aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dld40 -d ./pretrained -o $d40 aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dld40 -d ./assets/pretrained -o $d40
if [ -f "./pretrained/$d40" ]; then if [ -f "./assets/pretrained/$d40" ]; then
echo download successful. echo download successful.
else else
echo please try again! echo please try again!
@ -277,13 +277,13 @@ else
fi fi
echo checking $d40v2 echo checking $d40v2
if [ -f "./pretrained_v2/$d40v2" ]; then if [ -f "./assets/pretrained_v2/$d40v2" ]; then
echo $d40v2 in ./pretrained_v2 checked. echo $d40v2 in ./assets/pretrained_v2 checked.
else else
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
if command -v aria2c &> /dev/null; then if command -v aria2c &> /dev/null; then
aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dld40v2 -d ./pretrained_v2 -o $d40v2 aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dld40v2 -d ./assets/pretrained_v2 -o $d40v2
if [ -f "./pretrained_v2/$d40v2" ]; then if [ -f "./assets/pretrained_v2/$d40v2" ]; then
echo download successful. echo download successful.
else else
echo please try again! echo please try again!
@ -296,13 +296,13 @@ else
fi fi
echo checking $d48 echo checking $d48
if [ -f "./pretrained/$d48" ]; then if [ -f "./assets/pretrained/$d48" ]; then
echo $d48 in ./pretrained checked. echo $d48 in ./assets/pretrained checked.
else else
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
if command -v aria2c &> /dev/null; then if command -v aria2c &> /dev/null; then
aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dld48 -d ./pretrained -o $d48 aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dld48 -d ./assets/pretrained -o $d48
if [ -f "./pretrained/$d48" ]; then if [ -f "./assets/pretrained/$d48" ]; then
echo download successful. echo download successful.
else else
echo please try again! echo please try again!
@ -315,13 +315,13 @@ else
fi fi
echo checking $g32 echo checking $g32
if [ -f "./pretrained/$g32" ]; then if [ -f "./assets/pretrained/$g32" ]; then
echo $g32 in ./pretrained checked. echo $g32 in ./assets/pretrained checked.
else else
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
if command -v aria2c &> /dev/null; then if command -v aria2c &> /dev/null; then
aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dlg32 -d ./pretrained -o $g32 aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dlg32 -d ./assets/pretrained -o $g32
if [ -f "./pretrained/$g32" ]; then if [ -f "./assets/pretrained/$g32" ]; then
echo download successful. echo download successful.
else else
echo please try again! echo please try again!
@ -334,13 +334,13 @@ else
fi fi
echo checking $g40 echo checking $g40
if [ -f "./pretrained/$g40" ]; then if [ -f "./assets/pretrained/$g40" ]; then
echo $g40 in ./pretrained checked. echo $g40 in ./assets/pretrained checked.
else else
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
if command -v aria2c &> /dev/null; then if command -v aria2c &> /dev/null; then
aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dlg40 -d ./pretrained -o $g40 aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dlg40 -d ./assets/pretrained -o $g40
if [ -f "./pretrained/$g40" ]; then if [ -f "./assets/pretrained/$g40" ]; then
echo download successful. echo download successful.
else else
echo please try again! echo please try again!
@ -353,13 +353,13 @@ else
fi fi
echo checking $g40v2 echo checking $g40v2
if [ -f "./pretrained_v2/$g40v2" ]; then if [ -f "./assets/pretrained_v2/$g40v2" ]; then
echo $g40v2 in ./pretrained_v2 checked. echo $g40v2 in ./assets/pretrained_v2 checked.
else else
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
if command -v aria2c &> /dev/null; then if command -v aria2c &> /dev/null; then
aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dlg40v2 -d ./pretrained_v2 -o $g40v2 aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dlg40v2 -d ./assets/pretrained_v2 -o $g40v2
if [ -f "./pretrained_v2/$g40v2" ]; then if [ -f "./assets/pretrained_v2/$g40v2" ]; then
echo download successful. echo download successful.
else else
echo please try again! echo please try again!
@ -372,13 +372,13 @@ else
fi fi
echo checking $g48 echo checking $g48
if [ -f "./pretrained/$g48" ]; then if [ -f "./assets/pretrained/$g48" ]; then
echo $g48 in ./pretrained checked. echo $g48 in ./assets/pretrained checked.
else else
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
if command -v aria2c &> /dev/null; then if command -v aria2c &> /dev/null; then
aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dlg48 -d ./pretrained -o $g48 aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dlg48 -d ./assets/pretrained -o $g48
if [ -f "./pretrained/$g48" ]; then if [ -f "./assets/pretrained/$g48" ]; then
echo download successful. echo download successful.
else else
echo please try again! echo please try again!
@ -391,13 +391,13 @@ else
fi fi
echo checking $hp2_all echo checking $hp2_all
if [ -f "./uvr5_weights/$hp2_all" ]; then if [ -f "./assets/uvr5_weights/$hp2_all" ]; then
echo $hp2_all in ./uvr5_weights checked. echo $hp2_all in ./assets/uvr5_weights checked.
else else
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
if command -v aria2c &> /dev/null; then if command -v aria2c &> /dev/null; then
aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dlhp2_all -d ./uvr5_weights -o $hp2_all aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dlhp2_all -d ./assets/uvr5_weights -o $hp2_all
if [ -f "./uvr5_weights/$hp2_all" ]; then if [ -f "./assets/uvr5_weights/$hp2_all" ]; then
echo download successful. echo download successful.
else else
echo please try again! echo please try again!
@ -410,13 +410,13 @@ else
fi fi
echo checking $hp3_all echo checking $hp3_all
if [ -f "./uvr5_weights/$hp3_all" ]; then if [ -f "./assets/uvr5_weights/$hp3_all" ]; then
echo $hp3_all in ./uvr5_weights checked. echo $hp3_all in ./assets/uvr5_weights checked.
else else
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
if command -v aria2c &> /dev/null; then if command -v aria2c &> /dev/null; then
aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dlhp3_all -d ./uvr5_weights -o $hp3_all aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dlhp3_all -d ./assets/uvr5_weights -o $hp3_all
if [ -f "./uvr5_weights/$hp3_all" ]; then if [ -f "./assets/uvr5_weights/$hp3_all" ]; then
echo download successful. echo download successful.
else else
echo please try again! echo please try again!
@ -429,13 +429,13 @@ else
fi fi
echo checking $hp5_only echo checking $hp5_only
if [ -f "./uvr5_weights/$hp5_only" ]; then if [ -f "./assets/uvr5_weights/$hp5_only" ]; then
echo $hp5_only in ./uvr5_weights checked. echo $hp5_only in ./assets/uvr5_weights checked.
else else
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
if command -v aria2c &> /dev/null; then if command -v aria2c &> /dev/null; then
aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dlhp5_only -d ./uvr5_weights -o $hp5_only aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dlhp5_only -d ./assets/uvr5_weights -o $hp5_only
if [ -f "./uvr5_weights/$hp5_only" ]; then if [ -f "./assets/uvr5_weights/$hp5_only" ]; then
echo download successful. echo download successful.
else else
echo please try again! echo please try again!
@ -448,13 +448,13 @@ else
fi fi
echo checking $VR_DeEchoAggressive echo checking $VR_DeEchoAggressive
if [ -f "./uvr5_weights/$VR_DeEchoAggressive" ]; then if [ -f "./assets/uvr5_weights/$VR_DeEchoAggressive" ]; then
echo $VR_DeEchoAggressive in ./uvr5_weights checked. echo $VR_DeEchoAggressive in ./assets/uvr5_weights checked.
else else
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
if command -v aria2c &> /dev/null; then if command -v aria2c &> /dev/null; then
aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dlVR_DeEchoAggressive -d ./uvr5_weights -o $VR_DeEchoAggressive aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dlVR_DeEchoAggressive -d ./assets/uvr5_weights -o $VR_DeEchoAggressive
if [ -f "./uvr5_weights/$VR_DeEchoAggressive" ]; then if [ -f "./assets/uvr5_weights/$VR_DeEchoAggressive" ]; then
echo download successful. echo download successful.
else else
echo please try again! echo please try again!
@ -467,13 +467,13 @@ else
fi fi
echo checking $VR_DeEchoDeReverb echo checking $VR_DeEchoDeReverb
if [ -f "./uvr5_weights/$VR_DeEchoDeReverb" ]; then if [ -f "./assets/uvr5_weights/$VR_DeEchoDeReverb" ]; then
echo $VR_DeEchoDeReverb in ./uvr5_weights checked. echo $VR_DeEchoDeReverb in ./assets/uvr5_weights checked.
else else
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
if command -v aria2c &> /dev/null; then if command -v aria2c &> /dev/null; then
aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dlVR_DeEchoDeReverb -d ./uvr5_weights -o $VR_DeEchoDeReverb aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dlVR_DeEchoDeReverb -d ./assets/uvr5_weights -o $VR_DeEchoDeReverb
if [ -f "./uvr5_weights/$VR_DeEchoDeReverb" ]; then if [ -f "./assets/uvr5_weights/$VR_DeEchoDeReverb" ]; then
echo download successful. echo download successful.
else else
echo please try again! echo please try again!
@ -486,13 +486,13 @@ else
fi fi
echo checking $VR_DeEchoNormal echo checking $VR_DeEchoNormal
if [ -f "./uvr5_weights/$VR_DeEchoNormal" ]; then if [ -f "./assets/uvr5_weights/$VR_DeEchoNormal" ]; then
echo $VR_DeEchoNormal in ./uvr5_weights checked. echo $VR_DeEchoNormal in ./assets/uvr5_weights checked.
else else
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
if command -v aria2c &> /dev/null; then if command -v aria2c &> /dev/null; then
aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dlVR_DeEchoNormal -d ./uvr5_weights -o $VR_DeEchoNormal aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dlVR_DeEchoNormal -d ./assets/uvr5_weights -o $VR_DeEchoNormal
if [ -f "./uvr5_weights/$VR_DeEchoNormal" ]; then if [ -f "./assets/uvr5_weights/$VR_DeEchoNormal" ]; then
echo download successful. echo download successful.
else else
echo please try again! echo please try again!
@ -505,13 +505,13 @@ else
fi fi
echo checking $onnx_dereverb echo checking $onnx_dereverb
if [ -f "./uvr5_weights/onnx_dereverb_By_FoxJoy/$onnx_dereverb" ]; then if [ -f "./assets/uvr5_weights/onnx_dereverb_By_FoxJoy/$onnx_dereverb" ]; then
echo $onnx_dereverb in ./uvr5_weights/onnx_dereverb_By_FoxJoy checked. echo $onnx_dereverb in ./assets/uvr5_weights/onnx_dereverb_By_FoxJoy checked.
else else
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
if command -v aria2c &> /dev/null; then if command -v aria2c &> /dev/null; then
aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dlonnx_dereverb -d ./uvr5_weights/onnx_dereverb_By_FoxJoy -o $onnx_dereverb aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dlonnx_dereverb -d ./assets/uvr5_weights/onnx_dereverb_By_FoxJoy -o $onnx_dereverb
if [ -f "./uvr5_weights/onnx_dereverb_By_FoxJoy/$onnx_dereverb" ]; then if [ -f "./assets/uvr5_weights/onnx_dereverb_By_FoxJoy/$onnx_dereverb" ]; then
echo download successful. echo download successful.
else else
echo please try again! echo please try again!
@ -524,13 +524,13 @@ else
fi fi
echo checking $hb echo checking $hb
if [ -f "./$hb" ]; then if [ -f "./assets/hubert/$hb" ]; then
echo $hb in ./pretrained checked. echo $hb in ./assets/hubert/pretrained checked.
else else
echo failed. starting download from huggingface. echo failed. starting download from huggingface.
if command -v aria2c &> /dev/null; then if command -v aria2c &> /dev/null; then
aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dlhb -d ./ -o $hb aria2c --console-log-level=error -c -x 16 -s 16 -k 1M $dlhb -d ./assets/hubert/ -o $hb
if [ -f "./$hb" ]; then if [ -f "./assets/hubert/$hb" ]; then
echo download successful. echo download successful.
else else
echo please try again! echo please try again!