Plachtaa / VITS-fast-fine-tuning

This repo is a pipeline of VITS finetuning for fast speaker adaptation TTS, and many-to-many voice conversion
Apache License 2.0
4.69k stars 705 forks source link

开始训练时候报错ImportError: numpy.core.multiarray failed to import #590

Open Darkwhite4088 opened 2 months ago

Darkwhite4088 commented 2 months ago

Traceback (most recent call last): File "/content/VITS-fast-fine-tuning/scripts/rearrange_speaker.py", line 11, in model_sd = torch.load(args.model_dir, map_location='cpu') File "/usr/local/lib/python3.10/dist-packages/torch/serialization.py", line 997, in load with _open_file_like(f, 'rb') as opened_file: File "/usr/local/lib/python3.10/dist-packages/torch/serialization.py", line 444, in _open_file_like return _open_file(name_or_buffer, mode) File "/usr/local/lib/python3.10/dist-packages/torch/serialization.py", line 425, in init super().init(open(name, mode)) FileNotFoundError: [Errno 2] No such file or directory: './OUTPUT_MODEL/G_latest.pth' cp: cannot stat './moegoe_config.json': No such file or directory ERROR: Failed to launch TensorBoard (exited with 1). Contents of stderr: Traceback (most recent call last): File "/usr/local/bin/tensorboard", line 5, in from tensorboard.main import run_main File "/usr/local/lib/python3.10/dist-packages/tensorboard/main.py", line 27, in from tensorboard import default File "/usr/local/lib/python3.10/dist-packages/tensorboard/default.py", line 39, in from tensorboard.plugins.hparams import hparams_plugin File "/usr/local/lib/python3.10/dist-packages/tensorboard/plugins/hparams/hparams_plugin.py", line 30, in from tensorboard.plugins.hparams import backend_context File "/usr/local/lib/python3.10/dist-packages/tensorboard/plugins/hparams/backend_context.py", line 26, in from tensorboard.plugins.hparams import metadata File "/usr/local/lib/python3.10/dist-packages/tensorboard/plugins/hparams/metadata.py", line 32, in NULL_TENSOR = tensor_util.make_tensor_proto( File "/usr/local/lib/python3.10/dist-packages/tensorboard/util/tensor_util.py", line 405, in make_tensor_proto numpy_dtype = dtypes.as_dtype(nparray.dtype) File "/usr/local/lib/python3.10/dist-packages/tensorboard/compat/tensorflow_stub/dtypes.py", line 677, in as_dtype if typevalue.type == np.string or typevalue.type == np.unicode: File "/usr/local/lib/python3.10/dist-packages/numpy/init.py", line 397, in getattr raise AttributeError( AttributeError: np.string_ was removed in the NumPy 2.0 release. Use np.bytes_ instead.. Did you mean: 'strings'? 2024-07-14 16:01:58.598510: 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-07-14 16:01:58.598566: 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-07-14 16:01:58.600129: 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-07-14 16:01:58.608262: 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.

A module that was compiled using NumPy 1.x cannot be run in NumPy 2.0.0 as it may crash. To support both 1.x and 2.x versions of NumPy, modules must be compiled with NumPy 2.0. Some module may need to rebuild instead e.g. with 'pybind11>=2.12'.

If you are a user of the module, the easiest solution will be to downgrade to 'numpy<2' or try to upgrade the affected module. We expect that some modules will need time to support NumPy 2.

Traceback (most recent call last): File "/content/VITS-fast-fine-tuning/finetune_speaker_v2.py", line 10, in from torch.utils.tensorboard import SummaryWriter File "/usr/local/lib/python3.10/dist-packages/torch/utils/tensorboard/init.py", line 12, in from .writer import FileWriter, SummaryWriter # noqa: F401 File "/usr/local/lib/python3.10/dist-packages/torch/utils/tensorboard/writer.py", line 18, in from ._embedding import get_embedding_info, make_mat, make_sprite, make_tsv, write_pbtxt File "/usr/local/lib/python3.10/dist-packages/torch/utils/tensorboard/_embedding.py", line 9, in _HAS_GFILE_JOIN = hasattr(tf.io.gfile, "join") File "/usr/local/lib/python3.10/dist-packages/tensorboard/lazy.py", line 65, in getattr return getattr(load_once(self), attr_name) File "/usr/local/lib/python3.10/dist-packages/tensorboard/lazy.py", line 97, in wrapper cache[arg] = f(arg) File "/usr/local/lib/python3.10/dist-packages/tensorboard/lazy.py", line 50, in load_once module = load_fn() File "/usr/local/lib/python3.10/dist-packages/tensorboard/compat/init.py", line 45, in tf import tensorflow File "/usr/local/lib/python3.10/dist-packages/tensorflow/init.py", line 48, in from tensorflow._api.v2 import internal File "/usr/local/lib/python3.10/dist-packages/tensorflow/_api/v2/internal/init.py", line 8, in from tensorflow._api.v2.internal import autograph File "/usr/local/lib/python3.10/dist-packages/tensorflow/_api/v2/internal/autograph/init.py", line 8, in from tensorflow.python.autograph.core.ag_ctx import control_status_ctx # line: 34 File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/autograph/core/ag_ctx.py", line 21, in from tensorflow.python.autograph.utils import ag_logging File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/autograph/utils/init.py", line 17, in from tensorflow.python.autograph.utils.context_managers import control_dependency_on_returns File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/autograph/utils/context_managers.py", line 19, in from tensorflow.python.framework import ops File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/framework/ops.py", line 41, in from tensorflow.python import pywrap_tfe File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/pywrap_tfe.py", line 25, in from tensorflow.python._pywrap_tfe import * Traceback (most recent call last): File "/usr/local/lib/python3.10/dist-packages/tensorboard/compat/init.py", line 42, in tf from tensorboard.compat import notf # noqa: F401 ImportError: cannot import name 'notf' from 'tensorboard.compat' (/usr/local/lib/python3.10/dist-packages/tensorboard/compat/init.py)

During handling of the above exception, another exception occurred:

AttributeError: _ARRAY_API not found

A module that was compiled using NumPy 1.x cannot be run in NumPy 2.0.0 as it may crash. To support both 1.x and 2.x versions of NumPy, modules must be compiled with NumPy 2.0. Some module may need to rebuild instead e.g. with 'pybind11>=2.12'.

If you are a user of the module, the easiest solution will be to downgrade to 'numpy<2' or try to upgrade the affected module. We expect that some modules will need time to support NumPy 2.

Traceback (most recent call last): File "/content/VITS-fast-fine-tuning/finetune_speaker_v2.py", line 10, in from torch.utils.tensorboard import SummaryWriter File "/usr/local/lib/python3.10/dist-packages/torch/utils/tensorboard/init.py", line 12, in from .writer import FileWriter, SummaryWriter # noqa: F401 File "/usr/local/lib/python3.10/dist-packages/torch/utils/tensorboard/writer.py", line 18, in from ._embedding import get_embedding_info, make_mat, make_sprite, make_tsv, write_pbtxt File "/usr/local/lib/python3.10/dist-packages/torch/utils/tensorboard/_embedding.py", line 9, in _HAS_GFILE_JOIN = hasattr(tf.io.gfile, "join") File "/usr/local/lib/python3.10/dist-packages/tensorboard/lazy.py", line 65, in getattr return getattr(load_once(self), attr_name) File "/usr/local/lib/python3.10/dist-packages/tensorboard/lazy.py", line 97, in wrapper cache[arg] = f(arg) File "/usr/local/lib/python3.10/dist-packages/tensorboard/lazy.py", line 50, in load_once module = load_fn() File "/usr/local/lib/python3.10/dist-packages/tensorboard/compat/init.py", line 45, in tf import tensorflow File "/usr/local/lib/python3.10/dist-packages/tensorflow/init.py", line 48, in from tensorflow._api.v2 import internal File "/usr/local/lib/python3.10/dist-packages/tensorflow/_api/v2/internal/init.py", line 8, in from tensorflow._api.v2.internal import autograph File "/usr/local/lib/python3.10/dist-packages/tensorflow/_api/v2/internal/autograph/init.py", line 8, in from tensorflow.python.autograph.core.ag_ctx import control_status_ctx # line: 34 File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/autograph/core/ag_ctx.py", line 21, in from tensorflow.python.autograph.utils import ag_logging File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/autograph/utils/init.py", line 17, in from tensorflow.python.autograph.utils.context_managers import control_dependency_on_returns File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/autograph/utils/context_managers.py", line 19, in from tensorflow.python.framework import ops File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/framework/ops.py", line 44, in from tensorflow.python.client import pywrap_tf_session File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/client/pywrap_tf_session.py", line 19, in from tensorflow.python.client._pywrap_tf_session import * Traceback (most recent call last): File "/usr/local/lib/python3.10/dist-packages/tensorboard/compat/init.py", line 42, in tf from tensorboard.compat import notf # noqa: F401 ImportError: cannot import name 'notf' from 'tensorboard.compat' (/usr/local/lib/python3.10/dist-packages/tensorboard/compat/init.py)

During handling of the above exception, another exception occurred:

AttributeError: _ARRAY_API not found

A module that was compiled using NumPy 1.x cannot be run in NumPy 2.0.0 as it may crash. To support both 1.x and 2.x versions of NumPy, modules must be compiled with NumPy 2.0. Some module may need to rebuild instead e.g. with 'pybind11>=2.12'.

If you are a user of the module, the easiest solution will be to downgrade to 'numpy<2' or try to upgrade the affected module. We expect that some modules will need time to support NumPy 2.

Traceback (most recent call last): File "/content/VITS-fast-fine-tuning/finetune_speaker_v2.py", line 10, in from torch.utils.tensorboard import SummaryWriter File "/usr/local/lib/python3.10/dist-packages/torch/utils/tensorboard/init.py", line 12, in from .writer import FileWriter, SummaryWriter # noqa: F401 File "/usr/local/lib/python3.10/dist-packages/torch/utils/tensorboard/writer.py", line 18, in from ._embedding import get_embedding_info, make_mat, make_sprite, make_tsv, write_pbtxt File "/usr/local/lib/python3.10/dist-packages/torch/utils/tensorboard/_embedding.py", line 9, in _HAS_GFILE_JOIN = hasattr(tf.io.gfile, "join") File "/usr/local/lib/python3.10/dist-packages/tensorboard/lazy.py", line 65, in getattr return getattr(load_once(self), attr_name) File "/usr/local/lib/python3.10/dist-packages/tensorboard/lazy.py", line 97, in wrapper cache[arg] = f(arg) File "/usr/local/lib/python3.10/dist-packages/tensorboard/lazy.py", line 50, in load_once module = load_fn() File "/usr/local/lib/python3.10/dist-packages/tensorboard/compat/init.py", line 45, in tf import tensorflow File "/usr/local/lib/python3.10/dist-packages/tensorflow/init.py", line 48, in from tensorflow._api.v2 import internal File "/usr/local/lib/python3.10/dist-packages/tensorflow/_api/v2/internal/init.py", line 8, in from tensorflow._api.v2.internal import autograph File "/usr/local/lib/python3.10/dist-packages/tensorflow/_api/v2/internal/autograph/init.py", line 8, in from tensorflow.python.autograph.core.ag_ctx import control_status_ctx # line: 34 File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/autograph/core/ag_ctx.py", line 21, in from tensorflow.python.autograph.utils import ag_logging File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/autograph/utils/init.py", line 17, in from tensorflow.python.autograph.utils.context_managers import control_dependency_on_returns File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/autograph/utils/context_managers.py", line 19, in from tensorflow.python.framework import ops File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/framework/ops.py", line 45, in from tensorflow.python.eager import context File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/eager/context.py", line 37, in from tensorflow.python.eager import execute File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/eager/execute.py", line 21, in from tensorflow.python.framework import dtypes File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/framework/dtypes.py", line 21, in import ml_dtypes File "/usr/local/lib/python3.10/dist-packages/ml_dtypes/init.py", line 32, in from ml_dtypes._custom_floats import bfloat16 Traceback (most recent call last): File "/usr/local/lib/python3.10/dist-packages/tensorboard/compat/init.py", line 42, in tf from tensorboard.compat import notf # noqa: F401 ImportError: cannot import name 'notf' from 'tensorboard.compat' (/usr/local/lib/python3.10/dist-packages/tensorboard/compat/init.py)

During handling of the above exception, another exception occurred:

AttributeError: _ARRAY_API not found Traceback (most recent call last): File "/usr/local/lib/python3.10/dist-packages/tensorboard/compat/init.py", line 42, in tf from tensorboard.compat import notf # noqa: F401 ImportError: cannot import name 'notf' from 'tensorboard.compat' (/usr/local/lib/python3.10/dist-packages/tensorboard/compat/init.py)

During handling of the above exception, another exception occurred:

ImportError: numpy.core._multiarray_umath failed to import /usr/local/lib/python3.10/dist-packages/scipy/init.py:132: UserWarning: A NumPy version >=1.21.6 and <1.28.0 is required for this version of SciPy (detected version 2.0.0) warnings.warn(f"A NumPy version >={np_minversion} and <{np_maxversion}"

A module that was compiled using NumPy 1.x cannot be run in NumPy 2.0.0 as it may crash. To support both 1.x and 2.x versions of NumPy, modules must be compiled with NumPy 2.0. Some module may need to rebuild instead e.g. with 'pybind11>=2.12'.

If you are a user of the module, the easiest solution will be to downgrade to 'numpy<2' or try to upgrade the affected module. We expect that some modules will need time to support NumPy 2.

Traceback (most recent call last): File "/content/VITS-fast-fine-tuning/finetune_speaker_v2.py", line 17, in import librosa File "/usr/local/lib/python3.10/dist-packages/librosa/init.py", line 209, in from . import core File "/usr/local/lib/python3.10/dist-packages/librosa/core/init.py", line 5, in from .convert import # pylint: disable=wildcard-import File "/usr/local/lib/python3.10/dist-packages/librosa/core/convert.py", line 7, in from . import notation File "/usr/local/lib/python3.10/dist-packages/librosa/core/notation.py", line 8, in from ..util.exceptions import ParameterError File "/usr/local/lib/python3.10/dist-packages/librosa/util/init.py", line 77, in from .utils import # pylint: disable=wildcard-import File "/usr/local/lib/python3.10/dist-packages/librosa/util/utils.py", line 5, in import scipy.ndimage File "/usr/local/lib/python3.10/dist-packages/scipy/ndimage/init.py", line 152, in from ._filters import # noqa: F401 F403 File "/usr/local/lib/python3.10/dist-packages/scipy/ndimage/_filters.py", line 38, in from . import _nd_image AttributeError: _ARRAY_API not found Traceback (most recent call last): File "/content/VITS-fast-fine-tuning/finetune_speaker_v2.py", line 17, in import librosa File "/usr/local/lib/python3.10/dist-packages/librosa/init.py", line 209, in from . import core File "/usr/local/lib/python3.10/dist-packages/librosa/core/init.py", line 5, in from .convert import # pylint: disable=wildcard-import File "/usr/local/lib/python3.10/dist-packages/librosa/core/convert.py", line 7, in from . import notation File "/usr/local/lib/python3.10/dist-packages/librosa/core/notation.py", line 8, in from ..util.exceptions import ParameterError File "/usr/local/lib/python3.10/dist-packages/librosa/util/init.py", line 77, in from .utils import # pylint: disable=wildcard-import File "/usr/local/lib/python3.10/dist-packages/librosa/util/utils.py", line 5, in import scipy.ndimage File "/usr/local/lib/python3.10/dist-packages/scipy/ndimage/init.py", line 152, in from ._filters import # noqa: F401 F403 File "/usr/local/lib/python3.10/dist-packages/scipy/ndimage/_filters.py", line 38, in from . import _nd_image ImportError: numpy.core.multiarray failed to import