Skip to main content
Filter by
Sorted by
Tagged with
0 votes
0 answers
44 views

I'm trying to learn and implement AlexNet and I'm using this Google Colab notebook to help: https://colab.research.google.com/github/d2l-ai/d2l-en-colab/blob/master/chapter_convolutional-modern/...
1 vote
0 answers
1k views

I am currently working on an OCR task using PaddleOCR within a Docker container. I am encountering the following error when trying to execute my application: RuntimeError: (PreconditionNotMet) Cannot ...
0 votes
0 answers
82 views

I'm working on a custom implementation using cuDNN's Graph API, but I'm encountering an error when creating the engineConfig. I'm trying to implement this directly using cuDNN's backend API calls, ...
0 votes
0 answers
50 views

ISSUE: I have been trying without success to run TensorFlow in GPU mode. When I run the following code to check for available devices: from tensorflow.python.client import device_lib def ...
0 votes
0 answers
745 views

I've been searching for this problem for a long time now. Btw, I'm using an RX570 4gb Sapphire Pulse GPU and there are some guides on how to install zluda with SDNext but I believe that does not apply ...
0 votes
0 answers
210 views

I'm trying to import TensorFlow in my conda Python environment, but I'm encountering the following error: --------------------------------------------------------------------------- ImportError ...
0 votes
0 answers
1k views

I'm trying using cupy in my docker container. I use to containers which one is for CUDA and cuDNN, and the other is for cupy. I tried this code. import cupy as cp cupy_array = cp.array([1, 2, 3]) ...
0 votes
0 answers
294 views

I was training a deep learning model, but an exception related to cuDNN occurred. I wanted to terminate the process through kill -9 PID, but found that the process status changed to Zombie. It may be ...
1 vote
0 answers
430 views

I am trying to install cuDNN in Widows 10 by following the documentation Installation Guide - NVIDIA Docs. But I am stuck in the step of cuDNN to your Visual Studio project: changing the Solution ...
0 votes
0 answers
2k views

I tried several combinations from this list to try and activate GPU acceleration for deep learning. However, nothing seems to work with tensorflow. The CUDA installation works fine (by fine I mean ...
1 vote
0 answers
105 views

Installing GPU support for ML.Net Got Cuda 10.1 installed ok but having an issue with cuDNN 7.6.4. I'm assume it's looking for a path to somewhere but I'm not sure where. My training environment ...
0 votes
0 answers
119 views

I am currently working on a RNN using Keras, but I am stuck with this error: --------------------------------------------------------------------------- ValueError ...
1 vote
0 answers
233 views

I download the cudaa using the .deb from the official website and follow the guidance to download other files by apt-get. But I can't find cuda folder in /usr/local. Here is my order used. sudo dpkg -...
3 votes
0 answers
207 views

The question was asked quite often for the higher-level frameworks: PyTorch: Why RNN need two bias vectors? PyTorch: Why RNN needs two biases? TF/Keras: Why CuDNNLSTM has more parameters than LSTM? ...
1 vote
0 answers
715 views

I am trying to retrain the last layer of ResNet18 but running into problems using CUDA. I am not hearing the GPU and in Task Manager GPU usage is minimal when running with CUDA. I increased the ...
0 votes
0 answers
150 views

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&...
1 vote
0 answers
53 views

I am trying to implement some neural networks for training and inference using C++. It should work on GPU (if available, with cuDNN) and CPU (if GPU is not available). All modern frameworks support ...
1 vote
0 answers
1k views

Why is there no way to calculate the loss value? (About CrossEntropyLoss) My code is a binary classification problem. I try to calculate the loss value in the final test stage, and finally use the ...
0 votes
0 answers
168 views

I'm following some tutorials to build OpenCV with Cuda support, but when i build it, it shows hundreds of warning messages about OpenCV_world. I've tried different OpenCV versions, like 4.5.5 and 4.5....
3 votes
0 answers
3k views

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-...
1 vote
0 answers
563 views

I was trying to install CUDNN on WSL(Ubuntu 20.04.5 LTS) by methods in this nvidia page. I have tried the debain local installation, the debain package I install is downloaded from this nvidia page. ...
0 votes
0 answers
353 views

I ran my model yesterday on Google colab using their GPU and no error was encountered. However, today I tried to run the same code (unchanged from yesterday) and I get the following error: ...
2 votes
0 answers
952 views

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....
1 vote
0 answers
5k views

I have the Cuda version 11.2.2_461.33 with the Nvidia driver 11.2.109, cudnn version cudnn-11.2-windows-x64-v8.1.1.33 for Windows 10. I am running tensorflow version 2.8.0 in Jupyter notebook with ...
2 votes
0 answers
273 views

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 ...
0 votes
0 answers
298 views

So I'm currently working with GPT2 running on Tensorflow for text generation. I'm working with this repo specifically. I recently decided to install CUDA and cudnn to improve GPU capability and ...
1 vote
0 answers
148 views

Device: GeForce GTX 1080 with cuda10. as the ref says, I set CUDNN_DATA_INT32 for aDesc,cDesc, and the input data are all int32. float for HALF and FLOAT tensors, and double for DOUBLE tensors. . but ...
1 vote
0 answers
162 views

I've created my own Tensorflow op to be used on GPU modeled after what the Tensorflow guide says to do, and I have the following files below (abbreviated for clarity). My op needs to be run repeatedly ...
3 votes
0 answers
1k views

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, ...
2 votes
0 answers
2k views

https://github.com/ultralytics/yolov3/ When I started training yolov3 with 'python train.py' this happened, what is the reason? Traceback (most recent call last): File "train.py", line ...
5 votes
0 answers
2k views

Usually one layer in dnn consists of MatMul, BiasAdd, Relu, cuBlas provides Gemm for MatMul, and we can do BiasAdd and Relu in another kernel for GPU. They are two GPU lanuch calls, is there any way ...
1 vote
0 answers
1k views

I am trying to install the tensorflow gpu framework and I got some troubles with the cudnn. I run the mnistCUDNN sample to verify mu installation and I got the below output: cudnnGetVersion() : 7605 ,...
1 vote
0 answers
384 views

I want to use cudnnRNNForwardTrainingEx for variable sequence length, but when I set variable sequences length by call cudnnSetRNNDataDescriptor(_x_data_desc , _cudnn_data_type , ...
3 votes
0 answers
1k views

I changed the title from "CUDNN_STATUS_ALLOC_FAILED with minimal network and data using CUDA 10.0 and CuDNN 7.6.x" to better describe my problem. I have Laptop with an NVIDIA Geforce RTX 2060 GPU, ...
7 votes
0 answers
911 views

Let's say I have N sequences x[i], each with length seqLength[i] for 0 <= i < N. As far as I understand from the cuDNN docs, they have to be ordered by sequence length, the longest first, so ...
3 votes
0 answers
353 views

I have been following instructions here on how to install tensorflow with GPU support on Anaconda. It also installs Cuda and cuDNN on Anaconda with it thus, simplifying the installation process. I ...
2 votes
0 answers
227 views

Tensors in PyTorch can have non-contiguous memory, as described here. What about Tensorflow? Can tensors in Tensorflow have non-contiguous memory? Or is it impossible because of static graph?
1 vote
0 answers
614 views

I am currently trying to run a tensorflow/keras model using the CuDNNLSTM() layer in a jupyter notebook and nothing works. When I launch the following docker image, tensorflow/tensorflow:lastest-gpu-...
1 vote
0 answers
348 views

System setup: Ubuntu 16.04, Tesla V100 on AWS p3-2xlarge, Nvidia driver 396.54, Cuda 9.0.176_384.81, CuDNN 9.0 Tensorflow GPU 1.9.0, Python 3.6 using pyenv I was curious about the Google Quickdraw ...
1 vote
0 answers
438 views

Got this error kind of error on regular keras resnet50 application. This errors are useless. Can I somehow debug it? /usr/local/lib/python2.7/dist-packages/h5py/__init__.py:36: FutureWarning: ...
1 vote
0 answers
584 views

I have trained a model using TF 0.8 (which is the highest TF version I can use on a TK1), and the prediction accuracy on my laptop is ~80%, when I then move the model to the TK1 running Jetson to ...
0 votes
0 answers
79 views

My program works fine on my standard Ubuntu x64 box, but if I run under valgrind I see the following error: ==22246== Conditional jump or move depends on uninitialised value(s) ==22246== at ...
1 vote
0 answers
2k views

OS Platform and Distribution - Ubuntu 16.04 TensorFlow installed from TensorFlow version 1.4 with Bazel Version 0.6.1 CUDA Version 9.0.176 Machine Type -n1-standard-32 (32 vCPUs, 120 GB memory) GPU - ...
4 votes
0 answers
2k views

I'm running fine tuning on Inception ResNet v2 using Keras 2.1.4 with TensorFlow 1.5 back end. My training crashed before the end of the 2nd epoch with the following error message: Epoch 1/50 8103/...
1 vote
0 answers
637 views

I tried to test the tensorflow example, with c++ api, described here: https://www.tensorflow.org/tutorials/image_recognition#usage_with_the_c_api I was able to install tensorflow from sources, but ...
1 vote
0 answers
126 views

I am using a remote server that has a GPU Nvidia k40. The problem that I am facing is I am not sure if Cuda or cuDNN is installed on the remote machine. Even if it is installed I try to run my CNN ...
1 vote
0 answers
95 views

Does anyone have an idea, what is matched wrong. It compiles without any error, etc., but the Output goes always from Predict class 5 to 3 to 1 and doesnt change. Code(important here ...
3 votes
0 answers
2k views

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 ...
2 votes
0 answers
2k views

I implemented a combination of MLP, RNN, CNN. With a batch size of 420, everything seems to work fine (aka I dont get any errors). However as soon as I increase the batch to 840, I receive the ...
1 vote
0 answers
349 views

I am trying to run a theano simple code on Ubuntu 16.04 with Cuda 8.0 on NVIDIA 1060 GPU within a python virtual environment created by anaconda. The following is my theanorc file: [global] floatX = ...