Questions tagged [cudnn]

The NVIDIA CUDA Deep Neural Network library (cuDNN) is a GPU-accelerated library of primitives for deep neural networks.

The NVIDIA CUDA Deep Neural Network library (cuDNN) is a GPU-accelerated library of primitives for deep neural networks. cuDNN provides highly tuned GPU implementations of standard routines such as forward and backward convolution, pooling, normalization, and activation layers, exposed by a C++ API.

Please use this tag only if you are writing or building code which uses the cuDNN APIs. If you are having problems with installing or running frameworks or libraries which use cuDNN internally, please tag those questions with the library or framework in question, and refrain from tagging them with this tag.

385 questions
3
votes
1 answer

do I have to reinstall tensorflow after changing gpu?

I'm using tensorflow with gpu. My computer have NVIDIA gforce 750 ti and I'm gonna replace it with 1080 ti. do I have to re install tensorflow(or other drivers etc.)? If it is true, what exactly do I have to re-install? One more question, Can I…
Eric
  • 165
  • 2
  • 7
3
votes
0 answers

Use of cuDNN RNN

I will first summarize what I think I understood about cuDNN 5.1 rnn functions: Tensor dimensions x = [seq_length, batch_size, vocab_size] # input y = [seq_length, batch_size, hiddenSize] # output dx = [seq_length, batch_size, vocab_size] # input…
3
votes
1 answer

Tensorflow bazel build failing - not generating bazel-bin directory

I'm trying to install Tensorflow from the source using the following configuration: NVIDIA GTX 1070 UBUNTU 16.04 CUDA 8.0 Cudnn v5.0 I have followed the following steps from here: installed bazel installed dependencies installed CUDA…
Kendall Weihe
  • 2,021
  • 4
  • 27
  • 53
3
votes
0 answers

How to feed parameter ''dy" of ‘cudnnSoftmaxBack()' in cuDNN API?

I want to implement to LeNet-5 with cuDNN, and try to train the net on MNIST data set. The last layer of the net is 'Softmax', and I use the function 'cudnnSoftmaxForward()' in the forward process. And then, I want to use the function…
tuonion
  • 31
  • 2
3
votes
3 answers

CUDA installation for TensorFlow. No cuDNN v4 for CUDA 7.5 at NVIDIA

I'm trying to install CUDA (to use it for TensorFlow). It's recommended to use cuDNN v.4 and CUDA 7.5. But at https://developer.nvidia.com/rdp/cudnn-download There are only cuDNN v.4 for CUDA 7.0 and cuDNN v.5 (release candidate) for CUDA 7.5. Where…
2
votes
2 answers

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 tensorflow.org recommend. I should emphasize at this…
2
votes
1 answer

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 in WSL2 Ubuntu NOT detecting GPU. System Details…
2
votes
1 answer

How to install cudnn and cuda toolkit in a python virtual environment?

I have created a python virtual environment in the current working directory. It has cuda-python installed along with tensorflow and other packages. I have tried to run the following script to check if tensorflow can access the GPU or not. python3…
Sharan Kumar
  • 139
  • 1
  • 2
  • 13
2
votes
1 answer

DNN library is not found. (Google Colab)

I'm working on a ML project using Google Colab and Tensorflow to train a CNN, starting from the EfficientNetV2M model. It used to work just fine until two days ago, when starting the training: train = model.fit(X, y, epochs=save_every_n_epochs,…
Lumos
  • 51
  • 8
2
votes
0 answers

W tensorflow/core/framework/op_kernel.cc:1745] OP_REQUIRES failed at conv_ops.cc:1120 : UNIMPLEMENTED: DNN library is not found

Although I seem to have installed the right versions of tensorflow, cudatoolkit, cudnn and have the right hardware, adequate functions are not found in the .dll files Here is my test code simple_model.py which I can't run: import tensorflow as…
2
votes
2 answers

NVIDIA cuDNN installation in ubuntu20.04 docker container

I tried to install NVIDIA cuDNN 8.3.2 following the official guide in Dockerfile: ENV OS=ubuntu2004 RUN wget https://developer.download.nvidia.com/compute/cuda/repos/${OS}/x86_64/cuda-${OS}.pin RUN mv cuda-${OS}.pin…
Alexander Borochkin
  • 4,249
  • 7
  • 38
  • 53
2
votes
1 answer

I already have a CUDA toolkit installed, why is conda installing CUDA again?

I have installed cuda version 11.2 and CUDNN version 8.1 in ubuntu cnvcc: NVIDIA (R) Cuda compiler driver Copyright (c) 2005-2020 NVIDIA Corporation Built on Mon_Nov_30_19:08:53_PST_2020 Cuda compilation tools, release 11.2, V11.2.67 Build…
Vishal Reddy
  • 106
  • 3
  • 11
2
votes
1 answer

Is the CUDA version listed in the Tensorflow installation instructions the maximum or minimum version that can/should be installed?

In the below image tensorflow-2.7 has CUDA version as 11.2 does that mean I can installed versions > 11.2 or versions < 11.2 or must installed 11.2 only.
Vishal Reddy
  • 106
  • 3
  • 11
2
votes
0 answers

Your cuDNN version is more recent than Theano

I have been trying to enable CUDA to run PyMC3 with the assistance of the GPU. Here are the specs of the machine/software I have been using: Windows 10 Visual Studio Community 2019 Python 3.8.12 CUDA 10.2 (I tried 11.2 before that and obtained the…
patrick2016
  • 73
  • 1
  • 8
2
votes
1 answer

Can't make TensorFlow 2.4.1 (CPP) compile on Windows

I am trying to build TensorFlow 2.4.1 C++ API on Windows 10 and I am having issues. What I've done so far: Download TensorFlow Source from the official repo https://github.com/tensorflow/tensorflow and switched to the official v2.4.1 tag Download…