- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
我尝试在 Microsoft Azure 机器学习工作室 GPU 计算机的笔记本上安装 Keras 模型。我收到了类似于 here 所描述的错误:
2023-04-27 09:56:21.098249: E tensorflow/compiler/xla/stream_executor/cuda/cuda_dnn.cc:417] Loaded runtime CuDNN library: 8.2.4 but source was compiled with: 8.6.0. CuDNN library needs to have matching major version and equal or higher minor version. If using a binary install, upgrade your CuDNN library. If building from sources, make sure the library loaded at runtime is compatible with the version specified during compile configuration.
2023-04-27 09:56:21.099011: W tensorflow/core/framework/op_kernel.cc:1830] OP_REQUIRES failed at pooling_ops_common.cc:412 : UNIMPLEMENTED: DNN library is not found.
2023-04-27 09:56:21.099050: I tensorflow/core/common_runtime/executor.cc:1197] [/job:localhost/replica:0/task:0/device:GPU:0] (DEBUG INFO) Executor start aborting (this does not indicate an error and you can ignore this message): UNIMPLEMENTED: DNN library is not found.
[[{{node model_2/max_pooling1d_6/MaxPool}}]]
2023-04-27 09:56:21.100704: E tensorflow/compiler/xla/stream_executor/cuda/cuda_dnn.cc:417] Loaded runtime CuDNN library: 8.2.4 but source was compiled with: 8.6.0. CuDNN library needs to have matching major version and equal or higher minor version. If using a binary install, upgrade your CuDNN library. If building from sources, make sure the library loaded at runtime is compatible with the version specified during compile configuration.
2023-04-27 09:56:21.101366: W tensorflow/core/framework/op_kernel.cc:1830] OP_REQUIRES failed at pooling_ops_common.cc:412 : UNIMPLEMENTED: DNN library is not found.
Azure 机器的解决方案是什么?
最佳答案
修复这个问题真是太麻烦了 - 我不知道为什么微软没有从 6.1 开始修复/升级 cuDNN 版本。附带的带有tensorflow的conda环境不起作用。
本质上,我们需要手动安装旧版本的tensorflow,或新版本的cuDNN。由于没有任何版本的tensorflow与cuDNN 6.1兼容,我们被迫升级cuDNN。
有效的解决方案如下:
导出网址
行中输入链接export URL="PASTE-LINK-HERE"
# ==== DOWNLOAD CUDDN ====
curl $URL -o ./cudnn-linux-x86_64-8.6.0.163_cuda11-archive.tar.xz
sudo tar -xvf ./cudnn-linux-x86_64-8.6.0.163_cuda11-archive.tar.xz
# ==== INSTALL CUDDN ====
sudo cp ./cudnn-*-archive/include/cudnn*.h /usr/local/cuda/include
sudo cp -P ./cudnn-*-archive/lib/libcudnn* /usr/local/cuda/lib64
sudo chmod a+r /usr/local/cuda/include/cudnn*.h /usr/local/cuda/lib64/libcudnn*
# ==== CONFIGURE DYNAMIC RUNTIME BINDINGS ====
sudo ldconfig
# ==== INSTALL CONDA ENV ====
conda create -n "tfgpu" python=3.10 -y
conda activate tfgpu
conda install -c conda-forge cudatoolkit=11.8.0 ipykernel -y
python3 -m pip install nvidia-cudnn-cu11==8.6.0.163 tensorflow==2.12.*
mkdir -p $CONDA_PREFIX/etc/conda/activate.d
echo 'CUDNN_PATH=$(dirname $(python -c "import nvidia.cudnn;print(nvidia.cudnn.__file__)"))' >> $CONDA_PREFIX/etc/conda/activate.d/env_vars.sh
echo 'export LD_LIBRARY_PATH=$LD_LIBRARY_PATH:$CONDA_PREFIX/lib/:$CUDNN_PATH/lib' >> $CONDA_PREFIX/etc/conda/activate.d/env_vars.sh
source $CONDA_PREFIX/etc/conda/activate.d/env_vars.sh
python3 -m ipykernel install --user --name tfgpu --display-name "Python (tf-cudnn8.6)"
# ==== VERIFY ====
python3 -c "import tensorflow as tf; print(tf.config.list_physical_devices('GPU'))"
在 tensorflow mnist example 上进行测试:
希望这会有所帮助!
关于Azure VM加载运行时CuDNN库: 8. 2.4,但源是用: 8. 6.0编译的,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/76139931/
在 Ubuntu 16.04 上按照标准命令安装 Lua 和其他依赖项: conda install lua=5.2 lua-science -c alexbw 我在行中遇到错误: require '
我正在尝试在 python 3 中创建机器学习。但后来我试图编译我的代码,我在 Cuda 10.0/cuDNN 7.5.0 中遇到了这个错误,有人可以帮我解决这个问题吗? RTX 2080 我在:喀拉
我在安装了 CUDA 7.5 并正常工作的 Ubuntu 系统上使用 Python 和 IDE Pycharm。 我刚刚将 CUDNN 文件与我的常规 CUDA 安装合并。 现在,当我从 Tensor
我正在尝试配置 theano 以在我的 Windows 机器上使用 gpu。我已经将 .theanorc 设置为使用 device= gpu 但是当我运行一些应该使用 gpu 的代码时,我收到以下错误
当我为Windows编译caffe(64位,发行版,2013年,nvidia 750,opencv 3.1,cuDNN版本5.1)时,出现以下错误 "Error 13 error C1083: Can
我正在尝试理解和调试我的代码。我尝试使用在 GPU 上的 tf2.0/tf.keras 下开发的 CNN 模型进行预测,但得到了那些错误消息。 有人可以帮我修吗? 这是我的环境配置 enviromen
我现在在 C++ 中使用 Cuda 有一段时间了,我想试试 cuDNN。我想直接使用 C++,但我大多只能找到基于不同平台(如 Caffè 或 TensorFlow)的示例和教程。这是否意味着我不能在
我不确定这是否是这个问题的正确堆栈交换,但这里是。 我已经安装了最新的 CUDA 驱动程序和 Tensorflow 1.14,但是当我尝试训练卷积层时,Tensorflow 说它找不到实现,因为它无法
我需要找到有关提供给 cudnnConvolutionForward、cudnnConvolutionBackwardData、cudnnConvolutionBackwardFilter 函数系列的
我在尝试运行前馈 torch.nn.Conv2d 时收到此消息,得到以下堆栈跟踪: ----------------------------------------------------------
我正在尝试加载 NSynth 权重,我正在使用 tf 版本 1.7.0 from magenta.models.nsynth import utils from magenta.models.nsyn
我搜索了很多地方,但我得到的只是如何安装它,而不是如何验证它是否已安装。我可以验证我的 NVIDIA 驱动程序是否已安装,并且 CUDA 是否已安装,但我不知道如何验证 CuDNN 是否已安装。非常感
库德恩:https://developer.nvidia.com/cudnn 我登录并完成 NVIDIA 希望您完成的所有任务;然而,当需要下载文件时,我似乎不知道如何通过 wget 和命令行来完成它
我编写了一个简单的应用程序来测试 cudnn rnn api 并检查我的理解是否正确; 代码是这样的, int layernum = 1; int batchnum = 32; int hiddenS
CuDNN 安装程序似乎在查找错误版本的 CUDA。我究竟做错了什么?完整的故事: Ubuntu 16.04 安装了两个版本的 CUDA,9.0 和 9.1。/usr/lib/cuda 链接到 9.1
我有以下基于 Theano example 的代码: from theano import function, config, shared, sandbox import theano.tensor
我在Windows机器(Win10 Pro 64位,i7-7700,8GB内存,GTX-1060-6GB)中使用cupy和Spyder3.3.6和Python 3.7.5。 cupy、chainer、
我正在运行example Keras 的 kaggle_otto_nn.py,后端为 theano。 在下面的打印输出中,第 5 行,有这样的内容: CNMeM is enabled with ini
cuDNN 安装手册说 ALL PLATFORMS Extract the cuDNN archive to a directory of your choice, referred to below
我正在使用 ubuntu 20.04 并安装了 anaconda。根据this instruction ,我通过 conda create -n tf tensorflow-gpu 创建一个环境 在安
我是一名优秀的程序员,十分优秀!