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
0
votes
1 answer

What is "cudnn_status_internal_error" meaning Tensorflow pipeline?

If we start an object_detection project using TensorFlow Model API, we got an error "cudnn_status_internal_error". I'm using TensorFlow object detection pipeline to train the model. How to solve it?
AI_ROBOT
  • 958
  • 1
  • 9
  • 19
0
votes
1 answer

How to fix "Could not find any libcudnn.7*.dylib in any subdirectory:" with respect to Tensorflow 1.14 Configuration

I am currently configuring tensorflow 1.14 with CUDA 10.0 and cudnn 7.5 installed in order to build my Deepspeech binaries. Error of terminal code not finding the file: 1) Could not find any libcudnn.7*.dylib in any subdirectory: '' …
JohnWayne
  • 59
  • 1
  • 5
0
votes
1 answer

"CUDA_ERROR_INVALID_DEVICE: invalid device ordinal" when starting a TensorFlow session

When starting a TensorFlow session, the GPU is not detected (CUDA_ERROR_INVALID_DEVICE: invalid device ordinal): $ CUDA_VISIBLE_DEVICES='0' python3 -c 'import tensorflow as tf; sess =…
Tobias Hermann
  • 9,936
  • 6
  • 61
  • 134
0
votes
1 answer

CudNN Invalid input shape

I am inputing a 1 dimension numpy array into a CuDNNLSTM layer that is 19 integers long. So i set the input shape to input_shape=(19,) however when trying to train the model it is giving me the following error. I can see it is expecting a numpy…
Sean Powell
  • 564
  • 4
  • 20
0
votes
1 answer

dlib not using CUDA even after confirmation that it would during build

I am attempting to get dlib to use CUDA on Ubuntu. I know that the hardware is capable. I already have CUDA and cuDNN. I got dlib from the git repo and ran the following: cd build cmake .. -DCMAKE_PREFIX_PATH=/usr/local/cuda cmake . --build The…
user10037795
0
votes
1 answer

GPU memory usage of cudNN lstm and acceleration

I have a couple of questions about a statefull cuDNN LSTM model I'm trying to fit in R using keras library. I have tensorflow-gpu installed and it seems to be running sucessfully. The first thing I'm wondering about is the speed of model training…
ShadySam
  • 13
  • 5
0
votes
1 answer

Fail to find the dnn implementation Ububtu 18.04

Tensorflow-gpu v1.13.1, CUDA: 10.0, CuDNN: 7.5.1, graphics card: RTX 2080, Ubuntu: 18.04 I am currently trying to train a LSTM model in tf using the CuDNNLSTM, however whenever I run my code I get the following error 2019-04-28 23:43:48.936154: E…
Nicholas
  • 13
  • 6
0
votes
1 answer

How to use the newest 7.5 cudnn in conda environment?

Please help! Using conda install tensorflow-gpu, it help me to install cuda and cudnn automatically, which is really convienience. However, the problem is that conda can only install the 7.3.1 cudnn, which is not enough for me to run the CNN in…
LinTIna
  • 481
  • 1
  • 6
  • 14
0
votes
1 answer

Trouble importing tensorflow-gpu in Ubuntu 18.04

I have installed tensorflow-gpu in Ubuntu 18.04 with CUDA 9.0 and CuDnn 7.4. Although it got successfully installed but when I import it >>> import tensorflow as tf I get error msg ImportError: libcublas.so.10.0: cannot open shared object file: No…
Atinesh
  • 1,790
  • 9
  • 36
  • 57
0
votes
3 answers

cuDNN launch failure (tensorflow-gpu/CUDA)

Traceback (most recent call last): File "/home/alex/anaconda3/envs/tensorflow/lib/python3.6/site-packages/tensorflow/python/client/session.py", line 1322, in _do_call return fn(*args) File…
apgsov
  • 794
  • 1
  • 8
  • 30
0
votes
1 answer

Failed to get convolution algorithm. This is probably because cuDNN failed to initialize

I am trying to learn VGG16 model. But now, I got an error like, Using TensorFlow backend. UnknownError: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message…
Mustafa Aktaş
  • 103
  • 1
  • 9
0
votes
1 answer

questions about cudnn lrn backward possible implementation

lrn's equation is as follows: y = x * pow(lrn_k + lrn_alpha/lrn_size * sum(Xj * Xj), -lrn_beta) the cudnn's lrn backward api is cudnnStatus_t cudnnLRNCrossChannelBackward( cudnnHandle_t handle, cudnnLRNDescriptor_t …
yewei
  • 241
  • 2
  • 9
0
votes
1 answer

tensorflow-gpu in win10: ImportError: DLL load failed

I have a problem when installing tensorflow-gpu in win10 (64 bits), it is my configuration: Python 3.6.8 (64 bits) Tensorflow 1.12 (pip3 install --upgrade tensorflow-gpu) CUDA 9.1 (cuda_9.1.85_win10.exe) cudNN 7 (cudnn-9.1-windows10-x64-v7) GTX…
JMP
  • 75
  • 7
0
votes
2 answers

win10 pro 64 bit + python 3.6.0 ImportError: DLL load failed: The specified module could not be found

I was running Tensorflow command in anaconda with python 3.6 and it's giving me an error ImportError: DLL load failed: The specified module could not be found. Though, I have installed tensorflow-gpu with conda command and checked the packages , but…
0
votes
1 answer

Tensorflow version for CUDA 9.0 and cuDNN 7.0

I would like to know what is the version of tensorflow_gpu that I have to install for CUDA 9.0 and cuDNN 7.0? Best regards!
tyncho08
  • 59
  • 1
  • 6