종합 속보

지금 https://diligent-sleep-2e7.notion.site/RVC-Disconnected-4e21b0060018452e82332a3ce16a2e34 이 글 보면서 따라하고 있는데

Feature Extraction 부분에서 no-feature-todo라고 뜨면서 안됩니다.


python trainset_preprocess_pipeline_print.py "/content/dataset/test" 40000 8 "/content/Mangio-RVC-Fork/logs/test" 1

start preprocess

['trainset_preprocess_pipeline_print.py', '/content/dataset/test', '40000', '8', '/content/Mangio-RVC-Fork/logs/test', '1']

Fail. Traceback (most recent call last):

 File "/content/Mangio-RVC-Fork/trainset_preprocess_pipeline_print.py", line 127, in pipeline_mp_inp_dir

    for idx, name in enumerate(sorted(list(os.listdir(inp_root))))

FileNotFoundError: [Errno 2] No such file or directory: '/content/dataset/test'


end preprocess

python extract_f0_print.py "/content/Mangio-RVC-Fork/logs/test" 8 rmvpe 64
['extract_f0_print.py', '/content/Mangio-RVC-Fork/logs/test', '8', 'rmvpe', '64']

Using f0 method: rmvpe

no-f0-todo

no-f0-todo

no-f0-todo

no-f0-todo

no-f0-todo

no-f0-todo

no-f0-todo

no-f0-todo

python extract_feature_print.py "device" 1 0 0 "/content/Mangio-RVC-Fork/logs/test" v2

2024-04-28 05:21:01.862183: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:9261] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered

2024-04-28 05:21:01.862236: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:607] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered

2024-04-28 05:21:01.863513: E external/local_xla/xla/stream_executor/cuda/cuda_blas.cc:1515] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered

2024-04-28 05:21:01.870488: I tensorflow/core/platform/cpu_feature_guard.cc:182] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations.

To enable the following instructions: AVX2 AVX512F FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags.

2024-04-28 05:21:02.861128: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT

2024-04-28 05:21:04 | INFO | fairseq.tasks.text_to_speech | Please install tensorboardX: pip install tensorboardX

['extract_feature_print.py', 'device', '1', '0', '0', '/content/Mangio-RVC-Fork/logs/test', 'v2']

/content/Mangio-RVC-Fork/logs/test
load model(s) from hubert_base.pt

2024-04-28 05:21:05 | INFO | fairseq.tasks.hubert_pretraining | current directory is /content/Mangio-RVC-Fork
2024-04-28 05:21:05 | INFO | fairseq.tasks.hubert_pretraining | HubertPretrainingTask Config {'_name': 'hubert_pretraining', 'data': 'metadata', 'fine_tuning': False, 'labels': ['km'], 'label_dir': 'label', 'label_rate': 50.0, 'sample_rate': 16000, 'normalize': False, 'enable_padding': False, 'max_keep_size': None, 'max_sample_size': 250000, 'min_sample_size': 32000, 'single_target': False, 'random_crop': True, 'pad_audio': False}

2024-04-28 05:21:05 | INFO | fairseq.models.hubert.hubert | HubertModel Config: {'_name': 'hubert', 'label_rate': 50.0, 'extractor_mode': default, 'encoder_layers': 12, 'encoder_embed_dim': 768, 'encoder_ffn_embed_dim': 3072, 'encoder_attention_heads': 12, 'activation_fn': gelu, 'layer_type': transformer, 'dropout': 0.1, 'attention_dropout': 0.1, 'activation_dropout': 0.0, 'encoder_layerdrop': 0.05, 'dropout_input': 0.1, 'dropout_features': 0.1, 'final_dim': 256, 'untie_final_proj': True, 'layer_norm_first': False, 'conv_feature_layers': '[(512,10,5)] + [(512,3,2)] * 4 + [(512,2,2)] * 2', 'conv_bias': False, 'logit_temp': 0.1, 'target_glu': False, 'feature_grad_mult': 0.1, 'mask_length': 10, 'mask_prob': 0.8, 'mask_selection': static, 'mask_other': 0.0, 'no_mask_overlap': False, 'mask_min_space': 1, 'mask_channel_length': 10, 'mask_channel_prob': 0.0, 'mask_channel_selection': static, 'mask_channel_other': 0.0, 'no_mask_channel_overlap': False, 'mask_channel_min_space': 1, 'conv_pos': 128, 'conv_pos_groups': 16, 'latent_temp': [2.0, 0.5, 0.999995], 'skip_masked': False, 'skip_nomask': False, 'checkpoint_activations': False, 'required_seq_len_multiple': 2, 'depthwise_conv_kernel_size': 31, 'attn_type': '', 'pos_enc_type': 'abs', 'fp16': False}/usr/local/lib/python3.10/dist-packages/torch/nn/utils/weight_norm.py:28: UserWarning: torch.nn.utils.weight_norm is deprecated in favor of torch.nn.utils.parametrizations.weight_norm.

warnings.warn("torch.nn.utils.weight_norm is deprecated in favor of torch.nn.utils.parametrizations.weight_norm.")move model to cuda

no-feature-todo


데이터셋 길이 10~15초이고 이름도 영어로만 되어있는데 이거 말고는 다른 글들에서 해결법을 못찾겠더라고요. 

알려주시면 감사하겠습니다.