You signed in with another tab or window. Reload to refresh your session.You signed out in another tab or window. Reload to refresh your session.You switched accounts on another tab or window. Reload to refresh your session.Dismiss alert
You can see the numpy download and install above. This causes problems with PyTorch (Issue is noted in pytorch/pytorch#107302):
(base) steve@Stevens-MacBook-Pro-2 ~ % nam
A module that was compiled using NumPy 1.x cannot be run in
NumPy 2.1.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 "/Users/steve/opt/miniconda3/bin/nam", line 5, in <module>
from nam.cli import nam_gui
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/nam/__init__.py", line 23, in <module>
from . import data # noqa F401
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/nam/data.py", line 19, in <module>
import torch
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/torch/__init__.py", line 1477, in <module>
from .functional import * # noqa: F403
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/torch/functional.py", line 9, in <module>
import torch.nn.functional as F
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/torch/nn/__init__.py", line 1, in <module>
from .modules import * # noqa: F403
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/torch/nn/modules/__init__.py", line 35, in <module>
from .transformer import TransformerEncoder, TransformerDecoder, \
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/torch/nn/modules/transformer.py", line 20, in <module>
device: torch.device = torch.device(torch._C._get_default_device()), # torch.device('cpu'),
/Users/steve/opt/miniconda3/lib/python3.12/site-packages/torch/nn/modules/transformer.py:20: UserWarning: Failed to initialize NumPy: _ARRAY_API not found (Triggered internally at /Users/runner/work/pytorch/pytorch/pytorch/torch/csrc/utils/tensor_numpy.cpp:84.)
device: torch.device = torch.device(torch._C._get_default_device()), # torch.device('cpu'),
Strong hash: 36cd1af62985c2fac3e654333e36431e
Validating data...
Strong hash: 36cd1af62985c2fac3e654333e36431e
Delay based on average is 1
After aplying safety factor of 1, the final delay is 0
Set latency to recommended 0
V3 checks...
Replicate ESR is 0.00007053.
Now training /Users/steve/src/neural-amp-modeler/data/tutorial/output.wav
Strong hash: 36cd1af62985c2fac3e654333e36431e
Delay based on average is 1
After aplying safety factor of 1, the final delay is 0
Plotting the latency for manual inspection...
Set latency to recommended 0
V3 checks...
Replicate ESR is 0.00007053.
-Checks passed
WARNING: No GPU was found. Training will be very slow!
Starting training. It's time to kick ass and chew bubblegum!
GPU available: False, used: False
TPU available: False, using: 0 TPU cores
HPU available: False, using: 0 HPUs
| Name | Type | Params | Mode
-----------------------------------------
0 | _net | WaveNet | 841 | train
-----------------------------------------
841 Trainable params
0 Non-trainable params
841 Total params
0.003 Total estimated model params size (MB)
111 Modules in train mode
0 Modules in eval mode
Epoch 0: 100%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 1001/1001 [00:49<00:00, 20.04it/s, v_num=9]Exception in Tkinter callback
Traceback (most recent call last):
File "/Users/steve/opt/miniconda3/lib/python3.12/tkinter/__init__.py", line 1968, in __call__
return self.func(*args)
^^^^^^^^^^^^^^^^
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/nam/train/gui/__init__.py", line 684, in _train
self._train2()
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/nam/train/gui/__init__.py", line 704, in _train2
train_output = core.train(
^^^^^^^^^^^
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/nam/train/core.py", line 1447, in train
trainer.fit(model, train_dataloader, val_dataloader)
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/pytorch_lightning/trainer/trainer.py", line 538, in fit
call._call_and_handle_interrupt(
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/pytorch_lightning/trainer/call.py", line 47, in _call_and_handle_interrupt
return trainer_fn(*args, **kwargs)
^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/pytorch_lightning/trainer/trainer.py", line 574, in _fit_impl
self._run(model, ckpt_path=ckpt_path)
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/pytorch_lightning/trainer/trainer.py", line 981, in _run
results = self._run_stage()
^^^^^^^^^^^^^^^^^
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/pytorch_lightning/trainer/trainer.py", line 1025, in _run_stage
self.fit_loop.run()
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/pytorch_lightning/loops/fit_loop.py", line 206, in run
self.on_advance_end()
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/pytorch_lightning/loops/fit_loop.py", line 378, in on_advance_end
call._call_callback_hooks(trainer, "on_train_epoch_end", monitoring_callbacks=True)
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/pytorch_lightning/trainer/call.py", line 218, in _call_callback_hooks
fn(trainer, trainer.lightning_module, *args, **kwargs)
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/pytorch_lightning/callbacks/model_checkpoint.py", line 325, in on_train_epoch_end
self._save_topk_checkpoint(trainer, monitor_candidates)
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/pytorch_lightning/callbacks/model_checkpoint.py", line 385, in _save_topk_checkpoint
self._save_monitor_checkpoint(trainer, monitor_candidates)
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/pytorch_lightning/callbacks/model_checkpoint.py", line 705, in _save_monitor_checkpoint
self._update_best_and_save(current, trainer, monitor_candidates)
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/pytorch_lightning/callbacks/model_checkpoint.py", line 757, in _update_best_and_save
self._save_checkpoint(trainer, filepath)
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/nam/train/core.py", line 1224, in _save_checkpoint
nam_model.export(
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/nam/models/exportable.py", line 66, in export
model_dict = self._get_export_dict()
^^^^^^^^^^^^^^^^^^^^^^^
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/nam/models/_base.py", line 81, in _get_export_dict
d = super()._get_export_dict()
^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/nam/models/exportable.py", line 157, in _get_export_dict
"weights": self._export_weights().tolist(),
^^^^^^^^^^^^^^^^^^^^^^
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/nam/models/wavenet.py", line 429, in _export_weights
return self._net.export_weights()
^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/Users/steve/opt/miniconda3/lib/python3.12/site-packages/nam/models/wavenet.py", line 322, in export_weights
return weights.detach().cpu().numpy()
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
RuntimeError: Numpy is not available
The text was updated successfully, but these errors were encountered:
Workaround
Use NumPy 1, e.g.
Issue
macOS, Intel chip
Fresh install of Miniconda version
conda list
andpip list
:So I don't see numpy
pip install neural-amp-modeler
You can see the numpy download and install above. This causes problems with PyTorch (Issue is noted in pytorch/pytorch#107302):
The text was updated successfully, but these errors were encountered: