google colab

#29
by DDWW0505 - opened

在跑第四步的時候跳出

/content/VITS-fast-fine-tuning/scripts/rearrange_speaker.py:11: FutureWarning: You are using torch.load with weights_only=False (the current default value), which uses the default pickle module implicitly. It is possible to construct malicious pickle data which will execute arbitrary code during unpickling (See https://github.com/pytorch/pytorch/blob/main/SECURITY.md#untrusted-models for more details). In a future release, the default value for weights_only will be flipped to True. This limits the functions that could be executed during unpickling. Arbitrary objects will no longer be allowed to be loaded via this mode unless they are explicitly allowlisted by the user via torch.serialization.add_safe_globals. We recommend you start setting weights_only=True for any use case where you don't have full control of the loaded file. Please open an issue on GitHub for any issues related to this experimental feature.
model_sd = torch.load(args.model_dir, map_location='cpu')
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 1065, in load
with _open_file_like(f, 'rb') as opened_file:
File "/usr/local/lib/python3.10/dist-packages/torch/serialization.py", line 468, in _open_file_like
return _open_file(name_or_buffer, mode)
File "/usr/local/lib/python3.10/dist-packages/torch/serialization.py", line 449, in init
super().init(open(name, mode))
FileNotFoundError: [Errno 2] No such file or directory: './OUTPUT_MODEL/G_latest.pth'
cp: cannot stat './finetune_speaker.json': No such file or directory
cp: cannot stat './moegoe_config.json': No such file or directory
ERROR: Failed to launch TensorBoard (exited with 1).
Contents of stderr:
2024-09-19 17:08:23.762040: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:485] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered
2024-09-19 17:08:23.783126: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:8454] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered
2024-09-19 17:08:23.791202: E external/local_xla/xla/stream_executor/cuda/cuda_blas.cc:1452] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered
2024-09-19 17:08:23.807913: I tensorflow/core/platform/cpu_feature_guard.cc:210] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations.
To enable the following instructions: AVX2 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.2 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 "/usr/local/bin/tensorboard", line 8, in
sys.exit(run_main())
File "/usr/local/lib/python3.10/dist-packages/tensorboard/main.py", line 38, in run_main
main_lib.global_init()
File "/usr/local/lib/python3.10/dist-packages/tensorboard/main_lib.py", line 50, in global_init
if getattr(tf, "version", "stub") == "stub":
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 47, 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 46, 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.2 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 "/usr/local/bin/tensorboard", line 8, in
sys.exit(run_main())
File "/usr/local/lib/python3.10/dist-packages/tensorboard/main.py", line 38, in run_main
main_lib.global_init()
File "/usr/local/lib/python3.10/dist-packages/tensorboard/main_lib.py", line 50, in global_init
if getattr(tf, "version", "stub") == "stub":
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 47, 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 49, 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.2 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 "/usr/local/bin/tensorboard", line 8, in
sys.exit(run_main())
File "/usr/local/lib/python3.10/dist-packages/tensorboard/main.py", line 38, in run_main
main_lib.global_init()
File "/usr/local/lib/python3.10/dist-packages/tensorboard/main_lib.py", line 50, in global_init
if getattr(tf, "version", "stub") == "stub":
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 47, in
from tensorflow._api.v2 import internal
File "/usr/local/lib/python3.10/dist-packages/tensorflow/_api/v2/internal/init.py", line 11, in
from tensorflow._api.v2.internal import distribute
File "/usr/local/lib/python3.10/dist-packages/tensorflow/_api/v2/internal/distribute/init.py", line 8, in
from tensorflow._api.v2.internal.distribute import combinations
File "/usr/local/lib/python3.10/dist-packages/tensorflow/_api/v2/internal/distribute/combinations/init.py", line 8, in
from tensorflow.python.distribute.combinations import env # line: 456
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/distribute/combinations.py", line 33, in
from tensorflow.python.distribute import collective_all_reduce_strategy
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/distribute/collective_all_reduce_strategy.py", line 25, in
from tensorflow.python.distribute import cross_device_ops as cross_device_ops_lib
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/distribute/cross_device_ops.py", line 28, in
from tensorflow.python.distribute import cross_device_utils
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/distribute/cross_device_utils.py", line 22, in
from tensorflow.python.distribute import values as value_lib
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/distribute/values.py", line 23, in
from tensorflow.python.distribute import distribute_lib
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/distribute/distribute_lib.py", line 205, in
from tensorflow.python.data.ops import dataset_ops
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/data/init.py", line 21, in
from tensorflow.python.data import experimental
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/data/experimental/init.py", line 98, in
from tensorflow.python.data.experimental import service
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/data/experimental/service/init.py", line 419, in
from tensorflow.python.data.experimental.ops.data_service_ops import distribute
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/data/experimental/ops/data_service_ops.py", line 26, in
from tensorflow.python.data.ops import dataset_ops
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/data/ops/dataset_ops.py", line 34, in
from tensorflow.python.data.ops import iterator_ops
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/data/ops/iterator_ops.py", line 45, in
from tensorflow.python.training.saver import BaseSaverBuilder
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/training/saver.py", line 50, in
from tensorflow.python.training import py_checkpoint_reader
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/training/py_checkpoint_reader.py", line 19, in
from tensorflow.python.util._pywrap_checkpoint_reader import CheckpointReader
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:

Traceback (most recent call last):
File "/usr/local/bin/tensorboard", line 8, in
sys.exit(run_main())
File "/usr/local/lib/python3.10/dist-packages/tensorboard/main.py", line 38, in run_main
main_lib.global_init()
File "/usr/local/lib/python3.10/dist-packages/tensorboard/main_lib.py", line 50, in global_init
if getattr(tf, "version", "stub") == "stub":
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 47, in
from tensorflow._api.v2 import internal
File "/usr/local/lib/python3.10/dist-packages/tensorflow/_api/v2/internal/init.py", line 11, in
from tensorflow._api.v2.internal import distribute
File "/usr/local/lib/python3.10/dist-packages/tensorflow/_api/v2/internal/distribute/init.py", line 8, in
from tensorflow._api.v2.internal.distribute import combinations
File "/usr/local/lib/python3.10/dist-packages/tensorflow/_api/v2/internal/distribute/combinations/init.py", line 8, in
from tensorflow.python.distribute.combinations import env # line: 456
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/distribute/combinations.py", line 33, in
from tensorflow.python.distribute import collective_all_reduce_strategy
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/distribute/collective_all_reduce_strategy.py", line 25, in
from tensorflow.python.distribute import cross_device_ops as cross_device_ops_lib
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/distribute/cross_device_ops.py", line 28, in
from tensorflow.python.distribute import cross_device_utils
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/distribute/cross_device_utils.py", line 22, in
from tensorflow.python.distribute import values as value_lib
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/distribute/values.py", line 23, in
from tensorflow.python.distribute import distribute_lib
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/distribute/distribute_lib.py", line 205, in
from tensorflow.python.data.ops import dataset_ops
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/data/init.py", line 21, in
from tensorflow.python.data import experimental
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/data/experimental/init.py", line 98, in
from tensorflow.python.data.experimental import service
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/data/experimental/service/init.py", line 419, in
from tensorflow.python.data.experimental.ops.data_service_ops import distribute
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/data/experimental/ops/data_service_ops.py", line 26, in
from tensorflow.python.data.ops import dataset_ops
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/data/ops/dataset_ops.py", line 34, in
from tensorflow.python.data.ops import iterator_ops
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/data/ops/iterator_ops.py", line 45, in
from tensorflow.python.training.saver import BaseSaverBuilder
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/training/saver.py", line 50, in
from tensorflow.python.training import py_checkpoint_reader
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/training/py_checkpoint_reader.py", line 19, in
from tensorflow.python.util._pywrap_checkpoint_reader import CheckpointReader
SystemError: initialization of _pywrap_checkpoint_reader raised unreported exception
2024-09-19 17:08:27.006466: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:485] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered
2024-09-19 17:08:27.027397: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:8454] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered
2024-09-19 17:08:27.033724: E external/local_xla/xla/stream_executor/cuda/cuda_blas.cc:1452] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered
2024-09-19 17:08:27.048777: I tensorflow/core/platform/cpu_feature_guard.cc:210] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations.
To enable the following instructions: AVX2 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.2 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 19, 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 10, 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 47, 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 46, 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.2 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 19, 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 10, 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 47, 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 49, 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.2 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 19, 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 10, 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 47, in
from tensorflow._api.v2 import internal
File "/usr/local/lib/python3.10/dist-packages/tensorflow/_api/v2/internal/init.py", line 11, in
from tensorflow._api.v2.internal import distribute
File "/usr/local/lib/python3.10/dist-packages/tensorflow/_api/v2/internal/distribute/init.py", line 8, in
from tensorflow._api.v2.internal.distribute import combinations
File "/usr/local/lib/python3.10/dist-packages/tensorflow/_api/v2/internal/distribute/combinations/init.py", line 8, in
from tensorflow.python.distribute.combinations import env # line: 456
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/distribute/combinations.py", line 33, in
from tensorflow.python.distribute import collective_all_reduce_strategy
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/distribute/collective_all_reduce_strategy.py", line 25, in
from tensorflow.python.distribute import cross_device_ops as cross_device_ops_lib
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/distribute/cross_device_ops.py", line 28, in
from tensorflow.python.distribute import cross_device_utils
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/distribute/cross_device_utils.py", line 22, in
from tensorflow.python.distribute import values as value_lib
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/distribute/values.py", line 23, in
from tensorflow.python.distribute import distribute_lib
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/distribute/distribute_lib.py", line 205, in
from tensorflow.python.data.ops import dataset_ops
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/data/init.py", line 21, in
from tensorflow.python.data import experimental
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/data/experimental/init.py", line 98, in
from tensorflow.python.data.experimental import service
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/data/experimental/service/init.py", line 419, in
from tensorflow.python.data.experimental.ops.data_service_ops import distribute
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/data/experimental/ops/data_service_ops.py", line 26, in
from tensorflow.python.data.ops import dataset_ops
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/data/ops/dataset_ops.py", line 34, in
from tensorflow.python.data.ops import iterator_ops
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/data/ops/iterator_ops.py", line 45, in
from tensorflow.python.training.saver import BaseSaverBuilder
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/training/saver.py", line 50, in
from tensorflow.python.training import py_checkpoint_reader
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/training/py_checkpoint_reader.py", line 19, in
from tensorflow.python.util._pywrap_checkpoint_reader import CheckpointReader
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:

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 19, 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 10, 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 47, in
from tensorflow._api.v2 import internal
File "/usr/local/lib/python3.10/dist-packages/tensorflow/_api/v2/internal/init.py", line 11, in
from tensorflow._api.v2.internal import distribute
File "/usr/local/lib/python3.10/dist-packages/tensorflow/_api/v2/internal/distribute/init.py", line 8, in
from tensorflow._api.v2.internal.distribute import combinations
File "/usr/local/lib/python3.10/dist-packages/tensorflow/_api/v2/internal/distribute/combinations/init.py", line 8, in
from tensorflow.python.distribute.combinations import env # line: 456
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/distribute/combinations.py", line 33, in
from tensorflow.python.distribute import collective_all_reduce_strategy
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/distribute/collective_all_reduce_strategy.py", line 25, in
from tensorflow.python.distribute import cross_device_ops as cross_device_ops_lib
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/distribute/cross_device_ops.py", line 28, in
from tensorflow.python.distribute import cross_device_utils
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/distribute/cross_device_utils.py", line 22, in
from tensorflow.python.distribute import values as value_lib
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/distribute/values.py", line 23, in
from tensorflow.python.distribute import distribute_lib
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/distribute/distribute_lib.py", line 205, in
from tensorflow.python.data.ops import dataset_ops
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/data/init.py", line 21, in
from tensorflow.python.data import experimental
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/data/experimental/init.py", line 98, in
from tensorflow.python.data.experimental import service
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/data/experimental/service/init.py", line 419, in
from tensorflow.python.data.experimental.ops.data_service_ops import distribute
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/data/experimental/ops/data_service_ops.py", line 26, in
from tensorflow.python.data.ops import dataset_ops
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/data/ops/dataset_ops.py", line 34, in
from tensorflow.python.data.ops import iterator_ops
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/data/ops/iterator_ops.py", line 45, in
from tensorflow.python.training.saver import BaseSaverBuilder
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/training/saver.py", line 50, in
from tensorflow.python.training import py_checkpoint_reader
File "/usr/local/lib/python3.10/dist-packages/tensorflow/python/training/py_checkpoint_reader.py", line 19, in
from tensorflow.python.util._pywrap_checkpoint_reader import CheckpointReader
SystemError: initialization of _pywrap_checkpoint_reader raised unreported exception

請問問題是出在哪

Sign up or log in to comment