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
17
votes
4 answers

Keras - ImportError: cannot import name 'CuDNNLSTM'

I am trying to use the CuDNNLSTM Keras cell to improve training speed for a recurrent neural network (doc here). When I run: from keras.layers import Bidirectional, CuDNNLSTM I get this error: ImportError: cannot import name 'CuDNNLSTM' My…
Marvin Lerousseau
  • 451
  • 1
  • 5
  • 10
17
votes
12 answers

TensorFlow on Windows: "Couldn't open CUDA library cudnn64_5.dll"

Tensorflow just released windows support. I installed the gpu version and CUDA 8.0 and python 3.5. However, after I import the tensorflow I got the following error: >>> import tensorflow I…
Alex
  • 1,097
  • 3
  • 11
  • 16
16
votes
1 answer

What is the simplest way to make object detector on C++ with Fast/Faster-RCNN?

What is the simplest way to make object detector on C++ with Fast/Faster-RCNN and Caffe? As known, we can use follow RCNN (Region-based Convolutional Neural Networks) with Caffe: RCNN:…
Alex
  • 12,578
  • 15
  • 99
  • 195
15
votes
1 answer

First tf.session.run() performs dramatically different from later runs. Why?

Here's an example to clarify what I mean: First session.run(): First run of a TensorFlow session Later session.run(): Later runs of a TensorFlow session I understand TensorFlow is doing some initialization here, but I'd like to know where in the…
14
votes
2 answers

Which NVIDIA cuDNN release type for TensorFlow on Ubuntu 16.04

According to TensorFlow 1.5 installation instructions for Ubuntu 16.04, you need to install cuDNN 7.0 but they don't mention exactly what should be installed: cuDNN v7.0. For details, see NVIDIA's documentation. Ensure that you create the…
traveh
  • 2,700
  • 3
  • 27
  • 44
13
votes
2 answers

Could not load library cudnn_cnn_infer64_8.dll. Error code 126

Could not load library cudnn_cnn_infer64_8.dll. Error code 126 Please make sure cudnn_cnn_infer64_8.dll is in your library path! I keep getting this error when I try to use TensorFlow with GPU, I've installed CUDA, cuDNN, and all the drivers…
Hseran
  • 141
  • 1
  • 1
  • 6
12
votes
1 answer

GPU is lost during execution of either Tensorflow or Theano code

When training either one of two different neural networks, one with Tensorflow and the other with Theano, sometimes after a random amount of time (could be a few hours or minutes, mostly a few hours), the execution freezes and I get this message by…
Mega
  • 495
  • 5
  • 16
12
votes
2 answers

What does the error: `Loaded runtime CuDNN library: 5005 but source was compiled with 5103` mean?

I was trying to use TensorFlow with GPU and got the following error: I tensorflow/core/common_runtime/gpu/gpu_device.cc:838] Creating TensorFlow device (/gpu:0) -> (device: 0, name: Tesla K20m, pci bus id: 0000:02:00.0) E…
Charlie Parker
  • 5,884
  • 57
  • 198
  • 323
11
votes
1 answer

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, because support Cuda Toolkit v11.8, which is the…
11
votes
4 answers

How to download the cuDNN straight from nvidia website to my linux instance on GCP

I want to install tensorflow-gpu on my linux machine on google cloud platform. I am not using an deep learning vm gcp provide. So I installed anaconda on my linux instance and now i want to install tensorflow. I already installed nvidia drivers and…
Gayal Kuruppu
  • 1,261
  • 1
  • 17
  • 29
11
votes
1 answer

how to load the gpu trained model into the cpu?

I am using PyTorch. I am going to use the already trained model on multiple GPUs with CPU. how to do this task? I tried on Anaconda 3 and pytorch with cpu only i dont have gpu model = models.get_pose_net(config, is_train=False) gpus = [int(i) for…
11
votes
2 answers

TensorFlow GPU: is cudnn optional? Couldn't open CUDA library libcudnn.so

I installed the tensorflow-0.8.0 GPU version, tensorflow-0.8.0-cp27-none-linux_x86_64.whl. It says it requires CUDA toolkit 7.5 and CuDNN v4. # Ubuntu/Linux 64-bit, GPU enabled. Requires CUDA toolkit 7.5 and CuDNN v4. For # other versions, see…
Sung Kim
  • 8,417
  • 9
  • 34
  • 42
10
votes
4 answers

nvcc fatal : Unsupported gpu architecture 'compute_20' while cuda 9.1+caffe+openCV 3.4.0 is installed

I have installed CUDA 9.1+cudnn-9.1+opencv 3.4.0+caffe. When I tried to run make all -j8 in caffe directory, this error occurred: nvcc fatal : Unsupported gpu architecture 'compute_20' I have tried to run: "cmake -D CMAKE_BUILD_TYPE=RELEASE -D…
Lawrence_Liu
  • 127
  • 1
  • 1
  • 6
10
votes
1 answer

How to enable Keras with Theano to utilize multiple GPUs

Setup: Using a Amazon Linux system with a Nvidia GPU I'm using Keras 1.0.1 Running Theano v0.8.2 backend Using CUDA and CuDNN THEANO_FLAGS="device=gpu,floatX=float32,lib.cnmem=1" Everything works fine, but I run out of video memory on large…
Ray
  • 40,256
  • 21
  • 101
  • 138
10
votes
2 answers

how to setup cuDnn with theano on Windows 7 64 bit

I have installed Theano framework and enabled CUDA on my machine, however when I "import theano" in my python console, I got the following message: >>> import theano Using gpu device 0: GeForce GTX 950 (CNMeM is disabled, CuDNN not available) Now…
Tyler Xie
  • 169
  • 1
  • 3
  • 13
1
2
3
25 26