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

How to leverage CNN for Portrait Image Segmentation in Python?

I will be needing a step-by-step process for Image Segmentation or If you can break down the problem into comprehensible and programmatically implementable modules that would also be a great help. Below Image is a snapshot of what needs to be…
4
votes
2 answers

Is it possible to see that kernel execution happened on Tensor Cores or not via nvprof (or some other method)?

I'm trying to identify bottlenecks in GPU execution performance for deep learning models on Titan V / V100. I understand that certain requirements must be met for the underlying kernel execution to be performed on Tensor Cores based on…
n00b
  • 167
  • 1
  • 2
  • 8
4
votes
2 answers

Installation of tensorflow-gpu 1.4 on cuda 9 and cudnnv7

I am trying to install tensorflow-gpu on gtx 1050 with cuda 9 and cudnn v7 on windows 10. I have added all the environment variables. But I am getting the following error: ImportError: Could not find 'cudart64_80.dll'. TensorFlow requires that this…
Dhvani Shah
  • 351
  • 1
  • 7
  • 17
4
votes
1 answer

RuntimeError: CUDNN_STATUS_INTERNAL_ERROR

On ubuntu14.04,I use pytorch with cudnn.This problem happened: Traceback (most recent call last): File "main.py", line 58, in test_detect(test_loader, nod_net, get_pbb, bbox_result_path,config1,n_gpu=config_submit['n_gpu']) File…
xu wang
  • 41
  • 1
  • 2
4
votes
3 answers

OpenCV Image Mat to 1D CHW(RR...R, GG..G, BB..B) vector

Nvidia's cuDNN for deep learning has a rather interesting format for images called CHW. I have a cv::Mat img; that I want to convert to a one-dimensional vector of floats. The problem that I'm having is that the format of the 1D vector for CHW is…
Gepard
  • 111
  • 1
  • 9
4
votes
1 answer

Native TF vs Keras TF performance comparison

I created the exact same network with native and backend tensorflow but after many hours of testing using number of different parameters, still couldn't figure out why keras outperforms the native tensorflow and produces better(slightly but better)…
emrahyigit
  • 115
  • 1
  • 8
3
votes
2 answers

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 to implement the following pseudo-code: def…
Terry
  • 310
  • 3
  • 9
3
votes
0 answers

Tensorflow Could not load dynamic library Error

I want to use gpu in my tensorflow training, but it is a disaster. I've already install cuda cudnn package, and reinstall my gpu driver Enviroment: pipenv python3.8.10 tensorflow==2.10.0, tensorflow-gpu==2.10.0 CUDA Version: 11.8 NVIDIA-SMI…
Tinghsu Wan
  • 31
  • 1
  • 3
3
votes
2 answers

Tensorflow: Could not load dynamic library 'libcusolver.so.11'; dlerror: libcusolver.so.11: cannot open shared object file: No such file

I've been trying to run tensorflow in my gpu for some long days but I've been not able to accomplish it. I know that there are several questions with similar questions but I've tried everything I found and it didn't work, so that is why I'm writting…
David Serrano
  • 295
  • 1
  • 5
  • 14
3
votes
1 answer

Is cudnn convolution workspace reusable?

I need to find reference or description regarding workspace that is provided to cudnnConvolutionForward, cudnnConvolutionBackwardData, cudnnConvolutionBackwardFilter familiy of functions. Can I reuse the workspace for next calls/layers assuming that…
Artyom
  • 31,019
  • 21
  • 127
  • 215
3
votes
0 answers

RuntimeError: cuDNN error: CUDNN_STATUS_NOT_INITIALIZED in pytorch

I am running CNN algorithm using PyTorch on my new machine with 3 Nvidia GPUs and getting the error below: RuntimeError: cuDNN error: CUDNN_STATUS_NOT_INITIALIZED File "code.py", line 342, in trainer.fit(model) File…
user14385051
3
votes
0 answers

Most efficient tensor format (padded vs packed, time-major vs batch-major) for RNNs

Some time ago (before CuDNN introduced its own RNN/LSTM implementation), you would use a tensor of shape [B,T,D] (batch-major) or [T,B,D] (time-major) and then have a straight-forward LSTM implementation. Straight-forward means e.g. pure Theano or…
Albert
  • 65,406
  • 61
  • 242
  • 386
3
votes
1 answer

Installation issue of CUDA and cuDNN on Windows

I am checking the CUDA and cuDNN installation on a system, and have several observations: CUDA has two versions, 9.0 and 11.2 cuDNN was only found in the installation directory of CUDA 9.0 In the directory of CUDA 9.0, it has cudafe.exe while the…
user288609
  • 12,465
  • 26
  • 85
  • 127
3
votes
2 answers

system76 ubuntu 20.04 tensorflow gpu cuda version conflicts

After an upgrade to Ubuntu 20.04 from 18.04 Tensorflow is no longer able to use my gpu because it is attempting to mix and load different versions (some 10 and some 11). It is a System76 machine, and I have cuda 10.1 installed from System76 (so it…
greco.roamin
  • 799
  • 1
  • 6
  • 20
3
votes
1 answer

How to fix Process finished with exit code -1073741819 (0xC0000005) when using Convolutional layers in pytorch, error on backward()

When I use Conv1d or Conv2d layers on pytorch, the process is killed unexpectedly. I am getting the error in the following line: loss.backward() My set up: Windows 10 cuda 10.2 cudnn 7.6.5 RTX 2060 Super Nvidia driver 451.67 Pycharm…
JacquesdeH
  • 31
  • 1
  • 2