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

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 Traceback (most recent call last) Cell In[12], line…
0
votes
0 answers

This CUDNN_STATUS_EXECUTION_FAILED error, causes and possible solution?

An object detection project I am working on invovles adding a motion vector extractor on top of the AlexeyAB darknet YOLO module. Both the MV extractor and the YOLO module were separately tested and verified working as expected on a system with the…
0
votes
1 answer

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 manually inserted the canonical tag on every main…
Sam Mah
  • 31
  • 6
0
votes
0 answers

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") model.train(data="coco128-seg.yaml", epochs=100,…
qwezxc789
  • 124
  • 1
  • 8
0
votes
0 answers

how to solved error cuDNN error: CUDNN_STATUS_MAPPING_ERROR

My code is for image clasification and i try to running this code but i got an error, i don't know how to solve it. i try to search it and solve it but there will always be errors in this part. Please help, thank you import torch.utils.data as…
0
votes
1 answer

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 the mnistCUDNN example like in step 1.4. But…
Alexander Hörl
  • 578
  • 4
  • 11
  • 24
0
votes
0 answers

Error: cuDNN isn't found FWD algo for convolution

I try to training Yolo v3 with the following cfg [net] # Testing #batch=1 #subdivisions=1 # Training batch=64 subdivisions=16 width=608 height=608 channels=3 momentum=0.9 decay=0.0005 angle=0 saturation = 1.5 exposure =…
0
votes
0 answers

Increasing A100 Tensor Cores utilization

I profiled training a ResNet-50 on an A100 node and found that only about 10% of the time my GPU kernels are using "Tensor Cores". I followed the basic instructions for Tensor Core utilization tips and am using batch sizes divisible by 8 along with…
CPayne
  • 516
  • 2
  • 5
  • 20
0
votes
0 answers

Error on saving a tensorflow keras model with CUDNNGRU layers

I have a model which has CuDNNGRU layers. I am able to generate the model and use it for inference etc. in a notebook. However, when I try to save the model using model.save() I get this error. AttributeError: 'CuDNNGRU' object has no attribute…
unknown
  • 853
  • 1
  • 10
  • 23
0
votes
0 answers

How to run CNN on GPU with cuDNN?

Im trying to run CNNs on GPU and I was wondering if you know what I should change to make it happen. I have already installed cudnn in anaconda, and I see already that my GPU is being recognized successfully(in anaconda prompt and also on Jupyter…
0
votes
0 answers

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 With output: nvcc: NVIDIA (R) Cuda compiler…
Ufuk Can Bicici
  • 3,589
  • 4
  • 28
  • 57
0
votes
1 answer

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 build_info as build print(f"tensorflow version:…
santobedi
  • 866
  • 3
  • 17
  • 39
0
votes
0 answers

CUDNN_STATUS_BAD_PARAM with cudnnGetConvolutionForwardAlgorithm_v7

I tried to write an easy 3d convolution with cudnn but I encountered a vague error msg called after a successful compilation with NVCC: CUDNN_STATUS_BAD_PARAM on the line of cudnnGetConvolutionForwardAlgorithm_v7. I checked the parameters inside…
Mingzhe
  • 31
  • 5
0
votes
0 answers

Tensorflow GPU install test failing (PopOS)

I am running PopOS and I'm trying to setup a conda environment to execute tensorflow code. I am following the "Install tensorflow with pip" instructions from Tensorflow.org: https://www.tensorflow.org/install/pip My setup, which I'll describe in a…
Thomas Cook
  • 4,371
  • 2
  • 25
  • 42
0
votes
2 answers

RuntimeError: cuDNN error: CUDNN_STATUS_EXECUTION_FAILED while using GPU with pytorch

I am running this code in a computer with rtx 3090ti github_code. However, the code raises an error with first forward layer. Although, the code succesfully runs on cpu. The stack trace: Traceback (most recent call last): File…
tealy
  • 132
  • 1
  • 12