Di Xiao committed by

README.md

SoftVC VITS Singing Voice Conversion

English | 中文简体

A studio that contains visible f0 editor, speaker mix timeline editor and other features (Where the Onnx models are used) : MoeVoiceStudio

A fork with a greatly improved user interface: 34j/so-vits-svc-fork

A client supports real-time conversion: w-okada/voice-changer

This project differs fundamentally from VITS, as it focuses on Singing Voice Conversion (SVC) rather than Text-to-Speech (TTS). In this project, TTS functionality is not supported, and VITS is incapable of performing SVC tasks. It's important to note that the models used in these two projects are not interchangeable or universally applicable.

Announcement

The purpose of this project was to enable developers to have their beloved anime characters perform singing tasks. The developers' intention was to focus solely on fictional characters and avoid any involvement of real individuals, anything related to real individuals deviates from the developer's original intention.

Disclaimer

This project is an open-source, offline endeavor, and all members of SvcDevelopTeam, as well as other developers and maintainers involved (hereinafter referred to as contributors), have no control over the project. The contributors have never provided any form of assistance to any organization or individual, including but not limited to dataset extraction, dataset processing, computing support, training support, inference, and so on. The contributors do not and cannot be aware of the purposes for which users utilize the project. Therefore, any AI models and synthesized audio produced through the training of this project are unrelated to the contributors. Any issues or consequences arising from their use are the sole responsibility of the user.

This project is run completely offline and does not collect any user information or gather user input data. Therefore, contributors to this project are not aware of all user input and models and therefore are not responsible for any user input.

This project serves as a framework only and does not possess speech synthesis functionality by itself. All functionalities require users to train the models independently. Furthermore, this project does not come bundled with any models, and any secondary distributed projects are independent of the contributors of this project.

📏 Terms of Use

Warning: Please ensure that you address any authorization issues related to the dataset on your own. You bear full responsibility for any problems arising from the usage of non-authorized datasets for training, as well as any resulting consequences. The repository and its maintainer, svc develop team, disclaim any association with or liability for the consequences.

  1. This project is exclusively established for academic purposes, aiming to facilitate communication and learning. It is not intended for deployment in production environments.
  2. In case you publish videos based on So-VITS on video or audio platforms, it is mandatory to clearly state in the description that they are using voice conversion technologies. Additionally, you must specify the source of the input voice or audio, such as videos or audios from other creators, with a clear mention of the original video or music links. If you employ your own voice or voices synthesized from other commercial vocal synthesis software as the input source for conversion, it is crucial to provide an explanation in the description as well.
  3. You assume complete responsibility for any copyright or infringement issues that may arise from the input source. When utilizing other commercial vocal synthesis software as the input source, it is crucial to ensure compliance with the software's terms of use. Please note that many vocal synthesis engines explicitly state in their terms of use that they cannot be used for input source conversion.
  4. Engaging in illegal activities, as well as religious and political activities, is strictly prohibited when using this project. The project developers vehemently oppose the aforementioned activities. If you disagree with this provision, the usage of the project is prohibited.
  5. Your continued use of this project signifies agreement with the relevant provisions outlined in the repository's README. The README serves as a persuasive document and is not accountable for any subsequent issues that may arise.
  6. If you intend to employ this project for any other purposes, kindly contact and inform the maintainers of this repository in advance.

📝 Model Introduction

The singing voice conversion model uses SoftVC content encoder to extract speech features from the source audio. These feature vectors are directly fed into VITS without the need for conversion to a text-based intermediate representation. As a result, the pitch and intonations of the original audio are preserved. Furthermore, the vocoder has been replaced with NSF HiFiGAN to solve the problem of sound interruption.

🆕 4.1-Stable Version Update Content

  • Feature input is changed to the 12th Layer of Content Vec Transformer output, And compatible with 4.0 branches.
  • Update the shallow diffusion, you can use the shallow diffusion model to improve the sound quality.
  • Added Whisper-PPG encoder support
  • Added static/dynamic sound fusion
  • Added loudness embedding
  • Added feature Retrieve from RVC

🆕 Questions about compatibility with the 4.0 model

  • To support the 4.0 model and incorporate the speech encoder, you can make modifications to the config.json file. Add the speech_encoder field to the "model" section as shown below:
  "model": {
    .........
    "ssl_dim": 256,
    "n_speakers": 200,
    "speech_encoder":"vec256l9"
  }

🆕 Shallow diffusion

Diagram

💬 Python Version

Based on our testing, we have determined that the project runs stable on Python 3.8.9.

📥 Pre-trained Model Files

Required

You need to select one encoder from the list below

vec768l12 and vec256l9 require the encoder

Or download the following ContentVec, which is only 199MB in size but has the same effect:

  • ContentVec: hubert_base.pt
    • Change the file name to checkpoint_best_legacy_500.pt and place it in the pretrain directory
# contentvec
wget -P pretrain/ http://obs.cstcloud.cn/share/obs/sankagenkeshi/checkpoint_best_legacy_500.pt
# Alternatively, you can manually download and place it in the hubert directory
2. If hubertsoft is used as the speech encoder
3. If whisper-ppg as the encoder
  • download model at medium.pt, the model fits whisper-ppg
  • or download model at large-v2.pt, the model fits whisper-ppg-large
    • Place it under the pretrain director
4. If cnhubertlarge as the encoder
5. If dphubert as the encoder
6. If WavLM is used as the encoder
  • download model at WavLM-Base+.pt, the model fits wavlmbase+
    • Place it under the pretrain director
7. If OnnxHubert/ContentVec as the encoder
  • download model at MoeSS-SUBModel
    • Place it under the pretrain directory

List of Encoders

  • "vec768l12"
  • "vec256l9"
  • "vec256l9-onnx"
  • "vec256l12-onnx"
  • "vec768l9-onnx"
  • "vec768l12-onnx"
  • "hubertsoft-onnx"
  • "hubertsoft"
  • "whisper-ppg"
  • "cnhubertlarge"
  • "dphubert"
  • "whisper-ppg-large"
  • "wavlmbase+"

Optional(Strongly recommend)

  • Pre-trained model files: G_0.pth D_0.pth

    • Place them under the logs/44k directory
  • Diffusion model pretraining base model file: model_0.pt

    • Put it in the logs/44k/diffusion directory

Get Sovits Pre-trained model from svc-develop-team(TBD) or anywhere else.

Diffusion model references Diffusion-SVC diffusion model. The pre-trained diffusion model is universal with the DDSP-SVC's. You can go to Diffusion-SVC's repo to get the pre-trained diffusion model.

While the pretrained model typically does not pose copyright concerns, it is essential to remain vigilant. It is advisable to consult with the author beforehand or carefully review the description to ascertain the permissible usage of the model. This helps ensure compliance with any specified guidelines or restrictions regarding its utilization.

Optional(Select as Required)

If you are using the NSF-HIFIGAN enhancer or shallow diffusion, you will need to download the pre-trained NSF-HIFIGAN model.

  • Pre-trained NSF-HIFIGAN Vocoder: nsf_hifigan_20221211.zip
    • Unzip and place the four files under the pretrain/nsf_hifigan directory
# nsf_hifigan
wget -P pretrain/ https://github.com/openvpi/vocoders/releases/download/nsf-hifigan-v1/nsf_hifigan_20221211.zip
\unzip -od pretrain/nsf_hifigan pretrain/nsf_hifigan_20221211.zip
# Alternatively, you can manually download and place it in the pretrain/nsf_hifigan directory
# URL: https://github.com/openvpi/vocoders/releases/tag/nsf-hifigan-v1

📊 Dataset Preparation

Simply place the dataset in the dataset_raw directory with the following file structure:

dataset_raw
├───speaker0
│   ├───xxx1-xxx1.wav
│   ├───...
│   └───Lxx-0xx8.wav
└───speaker1
    ├───xx2-0xxx2.wav
    ├───...
    └───xxx7-xxx007.wav

You can customize the speaker's name as showed below:

dataset_raw
└───suijiSUI
    ├───1.wav
    ├───...
    └───25788785-20221210-200143-856_01_(Vocals)_0_0.wav

🛠️ Preprocessing

0. Slice audio

To avoid potential memory errors during training or preprocessing, it is recommended to limit the duration of the audio clips. Slicing the audio to a duration between 5s - 15s, with a slightly longer duration being acceptable, is a good practice. However, excessively long clips may lead to issues such as torch.cuda.OutOfMemoryError.

To facilitate the slicing process, you can use audio-slicer-GUI or audio-slicer-CLI

In general, only the Minimum Interval needs to be adjusted. For spoken audio, the default value usually suffices, while for singing audio, it can be adjusted to around 100 or even 50, depending on the specific requirements.

After slicing, it is recommended to remove any audio clips that are excessively long or too short.

If you are using whisper-ppg encoder for training, the audio clips must shorter than 30s.

1. Resample to 44100Hz and mono

python resample.py

Attention

Although this project has the script resample.py for resampling, to mono and loudness matching, the default loudness matching is to match to 0db. This may cause damage to the sound quality. While python's loudness matching package pyloudnorm is unable to limit the level, this results in a burst. Therefore, it is suggested to consider using professional sound processing software such as adobe audition for loudness matching processing. If you have already used other software for loudness matching, run the command with the argument --skip_loudnorm:

python resample.py --skip_loudnorm

2. Automatically split the dataset into training and validation sets, and generate configuration files.

python preprocess_flist_config.py --speech_encoder vec768l12

speech_encoder has the following options

vec768l12
vec256l9
hubertsoft
whisper-ppg
cnhubertlarge
dphubert
whisper-ppg-large
wavlmbase+

If the speech_encoder argument is omitted, the default value is vec768l12

Use loudness embedding

Add --vol_aug if you want to enable loudness embedding:

python preprocess_flist_config.py --speech_encoder vec768l12 --vol_aug

After enabling loudness embedding, the trained model will match the loudness of the input source; otherwise, it will match the loudness of the training set.

You can modify some parameters in the generated config.json and diffusion.yaml

  • keep_ckpts: Keep the the the number of previous models during training. Set to 0 to keep them all. Default is 3.

  • all_in_mem: Load all dataset to RAM. It can be enabled when the disk IO of some platforms is too low and the system memory is much larger than your dataset.

  • batch_size: The amount of data loaded to the GPU for a single training session can be adjusted to a size lower than the GPU memory capacity.

  • vocoder_name: Select a vocoder. The default is nsf-hifigan.

diffusion.yaml
  • cache_all_data: Load all dataset to RAM. It can be enabled when the disk IO of some platforms is too low and the system memory is much larger than your dataset.

  • duration: The duration of the audio slicing during training, can be adjusted according to the size of the video memory, Note: this value must be less than the minimum time of the audio in the training set!

  • batch_size: The amount of data loaded to the GPU for a single training session can be adjusted to a size lower than the video memory capacity.

  • timesteps: The total number of steps in the diffusion model, which defaults to 1000.

  • k_step_max: Training can only train k_step_max step diffusion to save training time, note that the value must be less than timesteps, 0 is to train the entire diffusion model, Note: if you do not train the entire diffusion model will not be able to use only_diffusion!

List of Vocoders
nsf-hifigan
nsf-snake-hifigan

3. Generate hubert and f0

python preprocess_hubert_f0.py --f0_predictor dio

f0_predictor has four options

crepe
dio
pm
harvest

If the training set is too noisy, use crepe to handle f0

If the f0_predictor parameter is omitted, the default value is dio

If you want shallow diffusion (optional), you need to add the --use_diff parameter, for example:

python preprocess_hubert_f0.py --f0_predictor dio --use_diff

After completing the above steps, the dataset directory will contain the preprocessed data, and the dataset_raw folder can be deleted.

🏋️‍♀️ Training

Sovits Model

python train.py -c configs/config.json -m 44k

Diffusion Model (optional)

If the shallow diffusion function is needed, the diffusion model needs to be trained. The diffusion model training method is as follows:

python train_diff.py -c configs/diffusion.yaml

During training, the model files will be saved to logs/44k, and the diffusion model will be saved to logs/44k/diffusion

🤖 Inference

Use inference_main.py

# Example
python inference_main.py -m "logs/44k/G_30400.pth" -c "configs/config.json" -n "君の知らない物語-src.wav" -t 0 -s "nen"

Required parameters:

  • -m | --model_path: path to the model.
  • -c | --config_path: path to the configuration file.
  • -n | --clean_names: a list of wav file names located in the raw folder.
  • -t | --trans: pitch shift, supports positive and negative (semitone) values.
  • -s | --spk_list: Selected speaker ID for conversion.
  • -cl | --clip: Forced audio clipping, set to 0 to disable(default), setting it to a non-zero value (duration in seconds) to enable.

Optional parameters: see the next section

  • -lg | --linear_gradient: The cross fade length of two audio slices in seconds. If there is a discontinuous voice after forced slicing, you can adjust this value. Otherwise, it is recommended to use the default value of 0.
  • -f0p | --f0_predictor: Select a F0 predictor, options are crepe, pm, dio, harvest, default value is pm(note: f0 mean pooling will be enable when using crepe)
  • -a | --auto_predict_f0: automatic pitch prediction, do not enable this when converting singing voices as it can cause serious pitch issues.
  • -cm | --cluster_model_path: Cluster model or feature retrieval index path, if there is no training cluster or feature retrieval, fill in at will.
  • -cr | --cluster_infer_ratio: The proportion of clustering scheme or feature retrieval ranges from 0 to 1. If there is no training clustering model or feature retrieval, the default is 0.
  • -eh | --enhance: Whether to use NSF_HIFIGAN enhancer, this option has certain effect on sound quality enhancement for some models with few training sets, but has negative effect on well-trained models, so it is disabled by default.
  • -shd | --shallow_diffusion: Whether to use shallow diffusion, which can solve some electrical sound problems after use. This option is disabled by default. When this option is enabled, NSF_HIFIGAN enhancer will be disabled
  • -usm | --use_spk_mix: whether to use dynamic voice fusion
  • -lea | --loudness_envelope_adjustmentThe adjustment of the input source's loudness envelope in relation to the fusion ratio of the output loudness envelope. The closer to 1, the more the output loudness envelope is used
  • -fr | --feature_retrievalWhether to use feature retrieval If clustering model is used, it will be disabled, and cm and cr parameters will become the index path and mixing ratio of feature retrieval

Shallow diffusion settings:

  • -dm | --diffusion_model_path: Diffusion model path
  • -dc | --diffusion_config_path: Diffusion config file path
  • -ks | --k_step: The larger the number of k_steps, the closer it is to the result of the diffusion model. The default is 100
  • -od | --only_diffusion: Whether to use Only diffusion mode, which does not load the sovits model to only use diffusion model inference
  • -se | --second_encodingwhich involves applying an additional encoding to the original audio before shallow diffusion. This option can yield varying results - sometimes positive and sometimes negative.

Attention

If inferencing using whisper-ppg speech encoder, you need to set --clip to 25 and -lg to 1. Otherwise it will fail to infer properly.

🤔 Optional Settings

If you are satisfied with the results of the previous section or if you find the following section unclear, you can skip it without any impact on the model's usage. These optional settings mentioned have a relatively minor effect, and while they might have some impact on specific dataset, in most cases, the difference may not be noticeable.

Automatic f0 prediction

During the training of the 4.0 model, an f0 predictor is also trained, which enables automatic pitch prediction during voice conversion. However, if the results are not satisfactory, manual pitch prediction can be used instead. Please note that when converting singing voices, it is advised not to enable this feature as it may cause significant pitch shifting.

  • Set auto_predict_f0 to true in inference_main.py.

Cluster-based timbre leakage control

Introduction: The clustering scheme implemented in this model aims to reduce timbre leakage and enhance the similarity of the trained model to the target's timbre, although the effect may not be very pronounced. However, relying solely on clustering can reduce the model's clarity and make it sound less distinct. Therefore, a fusion method is adopted in this model to control the balance between the clustering and non-clustering approaches. This allows manual adjustment of the trade-off between "sounding like the target's timbre" and "have clear enunciation" to find an optimal balance.

No changes are required in the existing steps. Simply train an additional clustering model, which incurs relatively low training costs.

  • Training process:
    • Train on a machine with good CPU performance. According to extant experience, it takes about 4 minutes to train each speaker on a Tencent Cloud machine with 6-core CPU.
    • Execute python cluster/train_cluster.py. The output model will be saved in logs/44k/kmeans_10000.pt.
    • The clustering model can currently be trained using the gpu by executing python cluster/train_cluster.py --gpu
  • Inference process:
    • Specify cluster_model_path in inference_main.py.
    • Specify cluster_infer_ratio in inference_main.py, where 0 means not using clustering at all, 1 means only using clustering, and usually 0.5 is sufficient.

Feature retrieval

Introduction: As with the clustering scheme, the timbre leakage can be reduced, the enunciation is slightly better than clustering, but it will reduce the inference speed. By employing the fusion method, it becomes possible to linearly control the balance between feature retrieval and non-feature retrieval, allowing for fine-tuning of the desired proportion.

  • Training process: First, it needs to be executed after generating hubert and f0:
python train_index.py -c configs/config.json

The output of the model will be in logs/44k/feature_and_index.pkl

  • Inference process:
    • The --feature_retrieval needs to be formulated first, and the clustering mode automatically switches to the feature retrieval mode.
    • Specify cluster_model_path in inference_main.py.
    • Specify cluster_infer_ratio in inference_main.py, where 0 means not using feature retrieval at all, 1 means only using feature retrieval, and usually 0.5 is sufficient.

Open in Colab sovits4_for_colab.ipynb

🗜️ Model compression

The generated model contains data that is needed for further training. If you confirm that the model is final and not be used in further training, it is safe to remove these data to get smaller file size (about 1/3).

# Example
python compress_model.py -c="configs/config.json" -i="logs/44k/G_30400.pth" -o="logs/44k/release.pth"

👨‍🔧 Timbre mixing

Stable Timbre mixing

Refer to webui.py file for stable Timbre mixing of the gadget/lab feature.

Introduction: This function can combine multiple models into one model (convex combination or linear combination of multiple model parameters) to create mixed voice that do not exist in reality

Note:

  1. This function only supports single-speaker models
  2. If you intend to use a multi-speaker model regardless, it is crucial to ensure that the number of speakers in each model is the same. This ensures that voices with the same SpeakerID can be properly mixed.
  3. Ensure that the model fields in config.json of all models to be mixed are the same
  4. The mixed model can use any config.json file from the models being synthesized. However, the clustering model will not be functional after mixed.
  5. When batch uploading models, it is best to put the models into a folder and upload them together after selecting them
  6. It is suggested to adjust the mixing ratio between 0 and 100, or to other numbers, but unknown effects will occur in the linear combination mode
  7. After mixing, the file named output.pth will be saved in the root directory of the project
  8. Convex combination mode will perform Softmax to add the mix ratio to 1, while linear combination mode will not

Dynamic timbre mixing

Refer to the spkmix.py file for an introduction to dynamic timbre mixing

Character mix track writing rules:

Role ID: Start time 1, end time 1, start value 1, start value 1], [Start time 2, end time 2, start value 2

The start time must be the same as the end time of the previous one. The first start time must be 0, and the last end time must be 1 (time ranges from 0 to 1).

All roles must be filled in. For unused roles, fill 0., 1., 0., 0.

The fusion value can be filled in arbitrarily, and the linear change from the start value to the end value within the specified period of time. The

internal linear combination will be automatically guaranteed to be 1 (convex combination condition), so it can be used safely

Use the --use_spk_mix parameter when reasoning to enable dynamic timbre mixing

📤 Exporting to Onnx

Use onnx_export.py

  • Create a folder named checkpoints and open it
  • Create a folder in the checkpoints folder as your project folder, naming it after your project, for example aziplayer
  • Rename your model as model.pth, the configuration file as config.json, and place them in the aziplayer folder you just created
  • Modify "NyaruTaffy" in path = "NyaruTaffy" in onnx_export.py to your project name, path = "aziplayer"onnx_export_speaker_mix makes you can mix speaker's voice
  • Run onnx_export.py
  • Wait for it to finish running. A model.onnx will be generated in your project folder, which is the exported model.

Note: For Hubert Onnx models, please use the models provided by MoeSS. Currently, they cannot be exported on their own (Hubert in fairseq has many unsupported operators and things involving constants that can cause errors or result in problems with the input/output shape and results when exported.)

📎 Reference

URL Designation Title Implementation Source
2106.06103 VITS (Synthesizer) Conditional Variational Autoencoder with Adversarial Learning for End-to-End Text-to-Speech jaywalnut310/vits
2111.02392 SoftVC (Speech Encoder) A Comparison of Discrete and Soft Speech Units for Improved Voice Conversion bshall/hubert
2204.09224 ContentVec (Speech Encoder) ContentVec: An Improved Self-Supervised Speech Representation by Disentangling Speakers auspicious3000/contentvec
2212.04356 Whisper (Speech Encoder) Robust Speech Recognition via Large-Scale Weak Supervision openai/whisper
2110.13900 WavLM (Speech Encoder) WavLM: Large-Scale Self-Supervised Pre-Training for Full Stack Speech Processing microsoft/unilm/wavlm
2305.17651 DPHubert (Speech Encoder) DPHuBERT: Joint Distillation and Pruning of Self-Supervised Speech Models pyf98/DPHuBERT
DOI:10.21437/Interspeech.2017-68 Harvest (F0 Predictor) Harvest: A high-performance fundamental frequency estimator from speech signals mmorise/World/harvest
aes35-000039 Dio (F0 Predictor) Fast and reliable F0 estimation method based on the period extraction of vocal fold vibration of singing voice and speech mmorise/World/dio
8461329 Crepe (F0 Predictor) Crepe: A Convolutional Representation for Pitch Estimation maxrmorrison/torchcrepe
DOI:10.1016/j.wocn.2018.07.001 Parselmouth (F0 Predictor) Introducing Parselmouth: A Python interface to Praat YannickJadoul/Parselmouth
2010.05646 HIFIGAN (Vocoder) HiFi-GAN: Generative Adversarial Networks for Efficient and High Fidelity Speech Synthesis jik876/hifi-gan
1810.11946 NSF (Vocoder) Neural source-filter-based waveform model for statistical parametric speech synthesis openvpi/DiffSinger/modules/nsf_hifigan
2006.08195 Snake (Vocoder) Neural Networks Fail to Learn Periodic Functions and How to Fix It EdwardDixon/snake
2105.02446v3 Shallow Diffusion (PostProcessing) DiffSinger: Singing Voice Synthesis via Shallow Diffusion Mechanism CNChTu/Diffusion-SVC
K-means Feature K-means Clustering (PreProcessing) Some methods for classification and analysis of multivariate observations This repo
Feature TopK Retrieval (PreProcessing) Retrieval based Voice Conversion RVC-Project/Retrieval-based-Voice-Conversion-WebUI

☀️ Previous contributors

For some reason the author deleted the original repository. Because of the negligence of the organization members, the contributor list was cleared because all files were directly reuploaded to this repository at the beginning of the reconstruction of this repository. Now add a previous contributor list to README.md.

Some members have not listed according to their personal wishes.


MistEO


XiaoMiku01


しぐれ


TomoGaSukunai


Plachtaa


zd小达


凍聲響世

Any country, region, organization, or individual using this project must comply with the following laws.

《民法典》

第一千零一十九条

任何组织或者个人不得以丑化、污损,或者利用信息技术手段伪造等方式侵害他人的肖像权。未经肖像权人同意,不得制作、使用、公开肖像权人的肖像,但是法律另有规定的除外。未经肖像权人同意,肖像作品权利人不得以发表、复制、发行、出租、展览等方式使用或者公开肖像权人的肖像。对自然人声音的保护,参照适用肖像权保护的有关规定。

第一千零二十四条

【名誉权】民事主体享有名誉权。任何组织或者个人不得以侮辱、诽谤等方式侵害他人的名誉权。

第一千零二十七条

【作品侵害名誉权】行为人发表的文学、艺术作品以真人真事或者特定人为描述对象,含有侮辱、诽谤内容,侵害他人名誉权的,受害人有权依法请求该行为人承担民事责任。行为人发表的文学、艺术作品不以特定人为描述对象,仅其中的情节与该特定人的情况相似的,不承担民事责任。

中华人民共和国宪法

中华人民共和国刑法

中华人民共和国民法典

中华人民共和国合同法

💪 Thanks to all contributors for their efforts

File List Total items: 43
Name Last Commit Size Last Modified
.github/ISSUE_TEMPLATE Update issues template 1 year ago
cluster Debug Kmeans 12 months ago
configs diff 12 months ago
configs_template Updata some sampler 11 months ago
dataset_raw Add files via upload 1 year ago
diffusion Updata some sampler 11 months ago
filelists Add files via upload 1 year ago
inference Debug config serialization 11 months ago
logs/44k updata diff 12 months ago
modules Update losses.py 11 months ago
onnxexport snake Onnx 导出支持,新版Onnx支持 11 months ago
pretrain add download dict small.pt large-v2.pt 11 months ago
raw Add files via upload 1 year ago
vdecoder snake Onnx 导出支持,新版Onnx支持 11 months ago
vencoder Update encoder.py 11 months ago
.gitattributes Initial commit 79 B 11 months ago
.gitignore snake Onnx 导出支持,新版Onnx支持 2.6 KiB 11 months ago
LICENSE Update LICENSE 34 KiB 11 months ago
README.md Merge branch '4.1-Latest' into 4.1-Stable 35 KiB 11 months ago
README_zh_CN.md Updata stft complex 29 KiB 11 months ago
compress_model.py feat: add compress_model 2.0 KiB 12 months ago
data_utils.py Compatible the old model unit interpolation mode 6.9 KiB 11 months ago
flask_api.py fix 2.5 KiB 1 year ago
flask_api_full_song.py Create flask_api_full_song.py 2.1 KiB 1 year ago
inference_main.py Replace the interpolation with HIFIGAN to accommodate odd parameters 8.7 KiB 11 months ago

Repository Size

Loading repo size...

Commits 535 commits

File Types