386 questions
0
votes
0
answers
44
views
Google Colab AlexNet.ipynb: OSError: libcudnn.so.8: No such file or directory
I'm trying to learn and implement AlexNet and I'm using this Google Colab notebook to help: https://colab.research.google.com/github/d2l-ai/d2l-en-colab/blob/master/chapter_convolutional-modern/...
0
votes
1
answer
106
views
Error: cupy_backends.cuda.libs.cudnn.CuDNNError: cuDNN Error: CUDNN_STATUS_NOT_SUPPORTED
I am trying to run CuDNN via CuPy but is experiencing the above mentioned error. How do I resolve this error? I have tried to check that all my args and kwargs are correct but still could not figure a ...
-4
votes
1
answer
126
views
Failing to Finalize Execution Plan Using cuDNN Backend to Create a Fused Attention fprop Graph
I am working on implementing the Fused Attention fprop graph pattern. As of now I am only combining two matrix multiplications, meaning g3 and g4 are empty. I believe I have also matched all the ...
0
votes
1
answer
122
views
How to calculate second derivative using gpu and PyTorch
I have a python code segment related to a deep RL algorithm where it calculates the second order optimization and second derivative with Hessian matrix and fisher information matrix. Normally I run ...
2
votes
2
answers
3k
views
jax library error jaxlib.xla_extension.XlaRuntimeError: FAILED_PRECONDITION: DNN library initialization failed
I am working on a code that uses the Jax library, and I run into this error over and over again no matter how I tried to configure my environment:
2024-08-20 16:26:58.037892: E external/xla/xla/...
1
vote
0
answers
1k
views
RuntimeError: (PreconditionNotMet) Cannot Load cuDNN Shared Library in Docker Container with PaddleOCR
I am currently working on an OCR task using PaddleOCR within a Docker container. I am encountering the following error when trying to execute my application:
RuntimeError: (PreconditionNotMet) Cannot ...
0
votes
1
answer
513
views
TensorFlow 2.16.2 does not detecting my GPU
I got RTX 4060 with driver 560.76.
I installed CUDA 11.8 and copied cuDNN 8.9.7. files to the correct directories in the CUDA installation folder.
I added the right paths to the System variables ...
0
votes
1
answer
2k
views
How to set up cuDNN on WSL2 and poetry?
I got a new machine with an Nvidia GPU (RTX A1000 6GB). I read that the GPU is capable of using CUDA and cuDNN. Now I am trying to set up CUDA with cuDNN on WSL2 (Ubuntu 22.04) and Poetry. CUDA is ...
0
votes
0
answers
82
views
Error creating engineConfig with cuDNN Graph API in custom implementation
I'm working on a custom implementation using cuDNN's Graph API, but I'm encountering an error when creating the engineConfig. I'm trying to implement this directly using cuDNN's backend API calls, ...
0
votes
1
answer
161
views
Problems evaluating CUDNN for SGEMM
I used cudnn to test sgemm for C[stride x stride] = A[stride x stride] x B[stride x stride] below,
Configuration
GPU: T1000/SM_75
cuda-12.0.1/driver-535 installed (via the multiverse repos on ubuntu-...
0
votes
0
answers
50
views
Unable to Run TensorFlow in GPU Mode Despite Correct Setup
ISSUE:
I have been trying without success to run TensorFlow in GPU mode. When I run the following code to check for available devices:
from tensorflow.python.client import device_lib
def ...
0
votes
0
answers
745
views
How do I use ZLUDA with Coqui TTS on an AMD GPU?
I've been searching for this problem for a long time now. Btw, I'm using an RX570 4gb Sapphire Pulse GPU and there are some guides on how to install zluda with SDNext but I believe that does not apply ...
1
vote
1
answer
419
views
Replacement for deprecated cuDNN functions - official NVIDIA migration path?
I have successfully tested a small C++ program which uses the NVIDIA cuDNN API to run code on a GPU. The cuDNN API level is 9.1.1. The program compiles, links and runs OK.
What puzzles me is that ...
14
votes
2
answers
10k
views
UserWarning: Plan failed with a cudnnException: CUDNN_BACKEND_EXECUTION_PLAN_DESCRIPTOR
I'm trying to train a model with Yolov8. Everything was good but today I suddenly notice getting this warning apparently related to PyTorch and cuDNN. In spite the warning, the training seems to be ...
0
votes
0
answers
210
views
TensorFlow ImportError: undefined symbol: _ZTIN6snappy4SinkE
I'm trying to import TensorFlow in my conda Python environment, but I'm encountering the following error:
---------------------------------------------------------------------------
ImportError ...
0
votes
1
answer
476
views
Upgraded to cudnn 9.1.1, but Python only recognizes 8.5.0
I work on Jupyter Lab, managed by PyCharm. I've recently upgraded my cuda to 12.4:
which nvcc
yields:
/usr/local/cuda-12.4/bin/nvcc
I've also upgraded cudnn to 9.1.1, using the x86_64 ubuntu 2204 ...
-3
votes
1
answer
619
views
dlib fails to install with cuda - says I am missing cudnn
Windows 11
Visual Studio 17 2022
cuDNN v9.0
Cuda v12.3
I have set the enviromental variables to:
$env:CUDA_PATH = "C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v12.3"
Additionally, my $...
0
votes
0
answers
294
views
How to deal with zombie processes whose threads are still running
I was training a deep learning model, but an exception related to cuDNN occurred. I wanted to terminate the process through kill -9 PID, but found that the process status changed to Zombie. It may be ...
0
votes
0
answers
1k
views
CUDA_ERROR_INVALID_SOURCE: device kernel image is invalid
I'm trying using cupy in my docker container.
I use to containers which one is for CUDA and cuDNN, and the other is for cupy.
I tried this code.
import cupy as cp
cupy_array = cp.array([1, 2, 3])
...
1
vote
0
answers
430
views
Installation of cuDNN with VS code
I am trying to install cuDNN in Widows 10 by following the documentation Installation Guide - NVIDIA Docs.
But I am stuck in the step of cuDNN to your Visual Studio project: changing the Solution ...
0
votes
0
answers
2k
views
CUDA compatibility with Tensorflow and CuDNN for Deep Learning Models
I tried several combinations from this list to try and activate GPU acceleration for deep learning. However, nothing seems to work with tensorflow.
The CUDA installation works fine (by fine I mean ...
1
vote
0
answers
105
views
VS2022 ML.Net Missing cuDNN
Installing GPU support for ML.Net Got Cuda 10.1 installed ok but having an issue with cuDNN 7.6.4.
I'm assume it's looking for a path to somewhere but I'm not sure where.
My training environment ...
0
votes
2
answers
1k
views
I have both cudatoolkit and cudnn in my conda environment, but pytorch is still using my CPU
(my_project_env) C:\\Users...\\pythonProject3\>conda list cudatoolkit
# packages in environment at C:\\ProgramData\\anaconda3\\envs\\my_project_env:
#
# Name Version ...
7
votes
2
answers
18k
views
TensorFlow TensorRT Warning - Could not find TensorRT
I'm encountering an issue with TensorFlow while using TensorRT. The warning message I receive is as follows:
2023-07-28 16:27:20.817724: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT ...
2
votes
1
answer
5k
views
Loaded runtime CuDNN library: 8.5.0 but source was compiled with: 8.6.0
I have a problem with tensorflow. For weeks everything was working and now I get the error:
Loaded runtime CuDNN library: 8.5.0 but source was compiled with: 8.6.0. CuDNN library needs to have ...
3
votes
2
answers
3k
views
implementing if-then-elif-then-else in jax
I'm just starting to use JAX, and I wonder—what would be the right way to implement if-then-elif-then-else in JAX/Python? For example, given input arrays: n = [5, 4, 3, 2] and k = [3, 3, 3, 3], I need ...
-1
votes
1
answer
276
views
Dlerror: cudnn64_7.dll not found
When I run tf.test.is_gpu_availabe() it returns false and the only problem that it is showing that cudnn64_7.dll not found
I am using python 3.8.17 for tensorflow 2.3.0
Cuda-10.1, CudNN-8.0.5
GPU-...
0
votes
1
answer
284
views
CNN in Julia gives error: LoadError: CUDNNError: CUDNN_STATUS_NOT_SUPPORTED (code 9)
My goal is to run a 1D Convolutional Neural Network in Julia on the NVIDIA GPU, with Flux and CUDA. I managed to make a model and train it on the CPU but it will not work on the GPU. Have a look at ...
0
votes
1
answer
432
views
How can i update cuDNN on azure ML studio from 8.2 to 8.6 while running on pytorch and tensorflow kernel
I have uninstalled and installed cuDNN but still it is giving error. I have tried to downgrade tensorflow and pytorch but azure runs on the default version.This is the error am facing
I have installed ...
0
votes
1
answer
778
views
How can I fix the cudnn_cmake_module error when building Autoware with colcon?
--- stderr: trtexec_vendor
CMake Error at CMakeLists.txt:15 (find_package):
By not providing "Findcudnn_cmake_module.cmake" in CMAKE_MODULE_PATH this
project has asked CMake to find a ...
0
votes
0
answers
119
views
RNN Keras Error || No OpKernel was registered to support Op 'CudnnRNN' used by {{node CudnnRNN}} with these attrs
I am currently working on a RNN using Keras, but I am stuck with this error:
---------------------------------------------------------------------------
ValueError ...
3
votes
1
answer
1k
views
How can I get cmake to find cuDNN library in Ubuntu 20.04
I am using Ubuntu 20.04 and I want to to compile opencv-python with GPU support and gstreamer support. I have a GTX-1660 Ti GPU with Cuda-11.2 and cuDnn 8.9 installed.
When I try to configure the ...
-1
votes
1
answer
422
views
Run Pytorch examples with Pytorch build from source
I have build pytorch 2.0.1 from source. Using cuda 11.7, cudnn v8, and the driver for the nvidia GPU is 515.43.04 (CUDA version 11.7). Altough Pytorch seems to build successfully when I am trying to ...
1
vote
0
answers
233
views
Where is the cuda folder?
I download the cudaa using the .deb from the official website and follow the guidance to download other files by apt-get. But I can't find cuda folder in /usr/local.
Here is my order used.
sudo dpkg -...
2
votes
2
answers
1k
views
Azure VM Loaded runtime CuDNN library: 8.2.4 but source was compiled with: 8.6.0
I have tried to fit a Keras model on a notebook in Microsoft Azure Machine Learning Studio GPU machine. I have received an error similar to what was described here:
2023-04-27 09:56:21.098249: E ...
0
votes
1
answer
54
views
How to get the canonical tag not to carry over to the blog posts?
DNN Ver.09.10.02
I am seeking a solution to get the canonical tag not to carry over to the blog posts. The site's blog post uses a thirty-party extension. The site built without the canonical tag. I ...
3
votes
0
answers
207
views
Why does the CuDNN LSTM requires two biases b_ih and b_hh
The question was asked quite often for the higher-level frameworks:
PyTorch: Why RNN need two bias vectors?
PyTorch: Why RNN needs two biases?
TF/Keras: Why CuDNNLSTM has more parameters than LSTM?
...
4
votes
5
answers
14k
views
Tensorflow 2.12 - Could not load library libcudnn_cnn_infer.so.8 in WSL2
I have installed in Windows 10 with WSL2 (Ubuntu 22.04 Kernel), the Tensorflow 2.12, Cuda Toolkit 11.8.0 and cuDNN 8.6.0.163 in Miniconda environment (Python 3.9.16), normally and as the official ...
1
vote
0
answers
715
views
Why is CUDA with pytorch freezing and work worse than cpu on my device? Is this a configuration issue or a hardware issue?
I am trying to retrain the last layer of ResNet18 but running into problems using CUDA. I am not hearing the GPU and in Task Manager GPU usage is minimal when running with CUDA. I increased the ...
0
votes
0
answers
150
views
Torch repeats first epoch and freezes
I'm trying to run train on GPU
Ultralytics YOLOv8.0.70 Python-3.10.0 torch-2.0.0+cu118 CUDA:0 (NVIDIA GeForce RTX 4070 Ti, 12282MiB)
from ultralytics import YOLO
model = YOLO("yolov8n-seg.pt&...
-1
votes
1
answer
808
views
OpenPose using Ubuntu 20 CuDNN 8 CMAKE can't find CuDNN
I have CuDNN 8 installed on Ubuntu 20.04and I want to install OpenPose But I get a message the CuDNN was not Found:
~/Downloads/openpose/build((HEAD detached at v1.7.0))$ cmake .. -DBUILD_PYTHON=ON -...
5
votes
1
answer
7k
views
TensorFlow 2.12 WSL2 Skipping registering GPU devices (Unable to detect cuDNN for some reason)
Found similar issue on TensorFlow Forum HERE with NO Solution.
I'm running PyTorch 2.0.0 with CUDA 11.8 on the same System (Local Windows 11) with NO Issues, but am facing Issues with TensorFlow 2.12 ...
11
votes
1
answer
22k
views
No matching distribution found in the installation of the cuDNN for TensorFlow v2.12 in Anaconda
I have tried to install TensorFlow v2.12 in Anaconda with Python 3.9.16 and Windows 10 OS with pip v23.0.1. I need Tensforflow v2.12 for my GPU (RTX4080), and only this version works with my GPU, ...
2
votes
1
answer
4k
views
libcublas.so.11 file missing after installing cuDNN successfully and libcublas.so.12 being present
I'm trying to install cuDNN on my Ubuntu 22.10 machine, I've followed the instructions here on how to install it using the package manager.
The installation has worked fine and I was able to compile ...
-2
votes
1
answer
7k
views
On windows11, nvcc cannot show the correct version of CUDA
The version I originally installed is 11.6. To match the tensorflow2.11.0, I had to install the v11.2 of CUDA, during which I first uinstall the newer version of CUDA(every thing about it) and then ...
1
vote
1
answer
12k
views
Error message in TensorFlow: "could not open file to read NUMA node" and missing directory in /sys/bus/pci/devices
I'm using TensorFlow in my project, and every time I run my code, I get the following error message:
2023-02-23 13:17:55.003041: I tensorflow/compiler/xla/stream_executor/cuda/cuda_gpu_executor.cc:967]...
1
vote
0
answers
53
views
Build cuDNN framework with CPU fallback
I am trying to implement some neural networks for training and inference using C++. It should work on GPU (if available, with cuDNN) and CPU (if GPU is not available).
All modern frameworks support ...
-1
votes
1
answer
4k
views
I was trying to install cudatoolkit on my anaconda to work with tensorflow but It didn't work
I was trying to download cudatoolkit on my environment variable on anaconda using this command
(conda install -c conda-forge cudatoolkit=11.2) and when it finishes downloading and start extracting ...
1
vote
1
answer
5k
views
Conda cannot see Cuda version
I am trying to install the newest Tensorflow GPU version to an Ubuntu environment. The Cuda drivers are correctly installed and working, which I can confirm with the following commands:
nvcc --version
...
1
vote
1
answer
496
views
Upgrading Cudnn version in Vertex AI Notebook [Kernel Restarting Problem]
Problem: Cudnn version incompatiable with tensorflow and Cuda, Kernel dies and unable to start training in Vertex AI.
Current versions:
import tensorflow as tf
from tensorflow.python.platform import ...