Skip to content
This repository has been archived by the owner on Nov 11, 2023. It is now read-only.

[Help]: I keep getting an error when i try to find the file in my google drive it says "file cannot open o unziped"? this is for 4.0 #134

Open
3 tasks done
atulshiva opened this issue Apr 9, 2023 · 2 comments
Labels
help wanted The issue author is asking for help

Comments

@atulshiva
Copy link

Please check the checkboxes below.

  • I have read README.md and Quick solution in wiki carefully.
  • I have been troubleshooting issues through various search engines. The questions I want to ask are not common.
  • I am NOT using one click package / environment package.

OS version

Windows

GPU

rtx 3080

Python version

latest

PyTorch version

latest

Branch of sovits

4.0(Default)

Dataset source (Used to judge the dataset quality)

.wav

Where thr problem occurs or what command you executed

cannot open or find file in g drive or in collab directory

Problem description

It cannot find the file, or open it. I tried to upload it directly to gcolalb directory but that doesn't work either. Any help?

Log

unzip:  cannot find or open /content/drive/MyDrive/dataset/theweeknd.zip, /content/drive/MyDrive/dataset/theweeknd.zip.zip or /content/drive/MyDrive/dataset/theweeknd.zip.ZIP.

Screenshot so-vits-svc and logs/44k folders and paste here


gdrive

Supplementary description

No response

@atulshiva atulshiva added the help wanted The issue author is asking for help label Apr 9, 2023
@atulshiva
Copy link
Author

atulshiva commented Apr 9, 2023

i actualyl figured out what was wrong but then i get another error during "start training"

2023-04-09 19:36:13.823820: 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.
2023-04-09 19:36:14.766565: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT
./logs/44k/G_0.pth
2023-04-09 19:36:21.554183: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT
INFO:44k:{'train': {'log_interval': 200, 'eval_interval': 1000, 'seed': 1234, 'epochs': 10000, 'learning_rate': 0.0001, 'betas': [0.8, 0.99], 'eps': 1e-09, 'batch_size': 6, 'fp16_run': False, 'lr_decay': 0.999875, 'segment_size': 10240, 'init_lr_ratio': 1, 'warmup_epochs': 0, 'c_mel': 45, 'c_kl': 1.0, 'use_sr': True, 'max_speclen': 512, 'port': '8001', 'keep_ckpts': 3}, 'data': {'training_files': 'filelists/train.txt', 'validation_files': 'filelists/val.txt', 'max_wav_value': 32768.0, 'sampling_rate': 44100, 'filter_length': 2048, 'hop_length': 512, 'win_length': 2048, 'n_mel_channels': 80, 'mel_fmin': 0.0, 'mel_fmax': 22050}, 'model': {'inter_channels': 192, 'hidden_channels': 192, 'filter_channels': 768, 'n_heads': 2, 'n_layers': 6, 'kernel_size': 3, 'p_dropout': 0.1, 'resblock': '1', 'resblock_kernel_sizes': [3, 7, 11], 'resblock_dilation_sizes': [[1, 3, 5], [1, 3, 5], [1, 3, 5]], 'upsample_rates': [8, 8, 2, 2, 2], 'upsample_initial_channel': 512, 'upsample_kernel_sizes': [16, 16, 4, 4, 4], 'n_layers_q': 3, 'use_spectral_norm': False, 'gin_channels': 256, 'ssl_dim': 256, 'n_speakers': 200}, 'spk': {'The Weeknd': 0}, 'model_dir': './logs/44k', 'reset': False}
INFO:torch.distributed.distributed_c10d:Added key: store_based_barrier_key:1 to store for rank: 0
INFO:torch.distributed.distributed_c10d:Rank 0: Completed store-based barrier for key:store_based_barrier_key:1 with 1 nodes.
./logs/44k/G_0.pth
error, emb_g.weight is not in the checkpoint
INFO:44k:emb_g.weight is not in the checkpoint
INFO:44k:Loaded checkpoint './logs/44k/G_0.pth' (iteration 0)
./logs/44k/D_0.pth
INFO:44k:Loaded checkpoint './logs/44k/D_0.pth' (iteration 0)
2023-04-09 19:36:35.222605: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT
2023-04-09 19:36:35.537923: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT
/usr/local/lib/python3.9/dist-packages/torch/functional.py:641: UserWarning: stft with return_complex=False is deprecated. In a future pytorch release, stft will return complex tensors for all inputs, and return_complex=False will raise an error.
Note: you can still call torch.view_as_real on the complex output to recover the old return format. (Triggered internally at ../aten/src/ATen/native/SpectralOps.cpp:862.)
return _VF.stft(input, n_fft, hop_length, win_length, window, # type: ignore[attr-defined]
/usr/local/lib/python3.9/dist-packages/torch/functional.py:641: UserWarning: stft with return_complex=False is deprecated. In a future pytorch release, stft will return complex tensors for all inputs, and return_complex=False will raise an error.
Note: you can still call torch.view_as_real on the complex output to recover the old return format. (Triggered internally at ../aten/src/ATen/native/SpectralOps.cpp:862.)
return _VF.stft(input, n_fft, hop_length, win_length, window, # type: ignore[attr-defined]
Traceback (most recent call last):
File "/content/so-vits-svc/train.py", line 326, in
main()
File "/content/so-vits-svc/train.py", line 62, in main
mp.spawn(run, nprocs=n_gpus, args=(n_gpus, hps,))
File "/usr/local/lib/python3.9/dist-packages/torch/multiprocessing/spawn.py", line 239, in spawn
return start_processes(fn, args, nprocs, join, daemon, start_method='spawn')
File "/usr/local/lib/python3.9/dist-packages/torch/multiprocessing/spawn.py", line 197, in start_processes
while not context.join():
File "/usr/local/lib/python3.9/dist-packages/torch/multiprocessing/spawn.py", line 160, in join
raise ProcessRaisedException(msg, error_index, failed_process.pid)
torch.multiprocessing.spawn.ProcessRaisedException:

-- Process 0 terminated with the following error:
Traceback (most recent call last):
File "/usr/local/lib/python3.9/dist-packages/torch/multiprocessing/spawn.py", line 69, in _wrap
fn(i, *args)
File "/content/so-vits-svc/train.py", line 135, in run
train_and_evaluate(rank, epoch, hps, [net_g, net_d], [optim_g, optim_d], [scheduler_g, scheduler_d], scaler,
File "/content/so-vits-svc/train.py", line 157, in train_and_evaluate
for batch_idx, items in enumerate(train_loader):
File "/usr/local/lib/python3.9/dist-packages/torch/utils/data/dataloader.py", line 634, in next
data = self._next_data()
File "/usr/local/lib/python3.9/dist-packages/torch/utils/data/dataloader.py", line 1346, in _next_data
return self._process_data(data)
File "/usr/local/lib/python3.9/dist-packages/torch/utils/data/dataloader.py", line 1372, in _process_data
data.reraise()
File "/usr/local/lib/python3.9/dist-packages/torch/_utils.py", line 644, in reraise
raise exception
FileNotFoundError: Caught FileNotFoundError in DataLoader worker process 0.
Original Traceback (most recent call last):
File "/usr/local/lib/python3.9/dist-packages/torch/utils/data/_utils/worker.py", line 308, in _worker_loop
data = fetcher.fetch(index)
File "/usr/local/lib/python3.9/dist-packages/torch/utils/data/_utils/fetch.py", line 51, in fetch
data = [self.dataset[idx] for idx in possibly_batched_index]
File "/usr/local/lib/python3.9/dist-packages/torch/utils/data/_utils/fetch.py", line 51, in
data = [self.dataset[idx] for idx in possibly_batched_index]
File "/content/so-vits-svc/data_utils.py", line 88, in getitem
return self.get_audio(self.audiopaths[index][0])
File "/content/so-vits-svc/data_utils.py", line 62, in get_audio
f0 = np.load(filename + ".f0.npy")
File "/usr/local/lib/python3.9/dist-packages/numpy/lib/npyio.py", line 407, in load
fid = stack.enter_context(open(os_fspath(file), "rb"))
FileNotFoundError: [Errno 2] No such file or directory: './dataset/44k/The Weeknd/the weeknd voice 2.wav.f0.npy'

@NaruseMioShirakana
Copy link
Contributor

Did you preprocess the dataset?
If yes, please check that you have entered the correct dataset path.
If not, please preprocess your dataset before training.

Sign up for free to subscribe to this conversation on GitHub. Already have an account? Sign in.
Labels
help wanted The issue author is asking for help
Projects
None yet
Development

No branches or pull requests

2 participants