pyinstaller 打包后运行报ImportError: DLL load failed: 找不到指定的模块

我的环境是:
torch 1.6
cuda 10.1
scikit-image 0.18.1
scikit-learn 0.24.1
scipy 1.6.1
pyinstaller 4.5.1

报错信息

Traceback (most recent call last):
  File "server.py", line 14, in <module>
  File "PyInstaller\loader\pyimod03_importers.py", line 546, in exec_module
  File "solar_engine.py", line 7, in <module>
  File "PyInstaller\loader\pyimod03_importers.py", line 546, in exec_module
  File "EngineFactory.py", line 1, in <module>
  File "PyInstaller\loader\pyimod03_importers.py", line 546, in exec_module
  File "solar_detector.py", line 9, in <module>
  File "PyInstaller\loader\pyimod03_importers.py", line 546, in exec_module
  File "utils\sort.py", line 25, in <module>
  File "PyInstaller\loader\pyimod03_importers.py", line 546, in exec_module
  File "skimage\io\__init__.py", line 11, in <module>
  File "PyInstaller\loader\pyimod03_importers.py", line 546, in exec_module
  File "skimage\io\_io.py", line 4, in <module>
  File "PyInstaller\loader\pyimod03_importers.py", line 546, in exec_module
  File "skimage\color\__init__.py", line 1, in <module>
  File "PyInstaller\loader\pyimod03_importers.py", line 546, in exec_module
  File "skimage\color\colorconv.py", line 56, in <module>
  File "PyInstaller\loader\pyimod03_importers.py", line 546, in exec_module
  File "scipy\linalg\__init__.py", line 195, in <module>
  File "PyInstaller\loader\pyimod03_importers.py", line 546, in exec_module
  File "scipy\linalg\misc.py", line 3, in <module>
  File "PyInstaller\loader\pyimod03_importers.py", line 546, in exec_module
  File "scipy\linalg\blas.py", line 213, in <module>
ImportError: DLL load failed: 找不到指定的模块。
[4024] Failed to execute script 'server' due to unhandled exception!

还有一个可能出现的报错是scipy\sparse\linalg\isolve\iterative.py
解决方法在pyinstaller的一个issue中,出现这个问题的原因是skimage、sklearn、scipy必须在torch前import,否则会有共享库的冲突导致报错。
这个是那个大佬给的样例代码,你们可以把import顺序换一下试试

import numpy as np
import torch  # Importing torch before scipy seems to trigger the issue
from scipy import linalg 

print('Testing scipy.linalg...')
a = np.array([[1., 2.], [3., 4.]])
print(linalg.inv(a))

print('Testing torch...')

dtype = torch.float
device = torch.device("cpu")
# device = torch.device("cuda:0") # Uncomment this to run on GPU

# N is batch size; D_in is input dimension;
# H is hidden dimension; D_out is output dimension.
N, D_in, H, D_out = 64, 1000, 100, 10

# Create random input and output data
x = torch.randn(N, D_in, device=device, dtype=dtype)
y = torch.randn(N, D_out, device=device, dtype=dtype)

# Randomly initialize weights
w1 = torch.randn(D_in, H, device=device, dtype=dtype)
w2 = torch.randn(H, D_out, device=device, dtype=dtype)

learning_rate = 1e-6
for t in range(500):
    # Forward pass: compute predicted y
    h = x.mm(w1)
    h_relu = h.clamp(min=0)
    y_pred = h_relu.mm(w2)

    # Compute and print loss
    loss = (y_pred - y).pow(2).sum().item()
    if t % 100 == 99:
        print(t, loss)

    # Backprop to compute gradients of w1 and w2 with respect to loss
    grad_y_pred = 2.0 * (y_pred - y)
    grad_w2 = h_relu.t().mm(grad_y_pred)
    grad_h_relu = grad_y_pred.mm(w2.t())
    grad_h = grad_h_relu.clone()
    grad_h[h < 0] = 0
    grad_w1 = x.t().mm(grad_h)

    # Update weights using gradient descent
    w1 -= learning_rate * grad_w1
    w2 -= learning_rate * grad_w2


另外吐槽一下CSDN的一些文章,给出的解决方法不行是因为环境不一样不能直接用,但是你标题是什么什么的解决方法,点进去只有报错信息,解决方法呢???看见一个举报一个

  • 8
    点赞
  • 11
    收藏
    觉得还不错? 一键收藏
  • 3
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论 3
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值