Questions tagged [tensorflow-gpu]

TensorFlow with GPU support

430 questions
6
votes
1 answer

Tensorflow Object detection with multiple camera

I tried GitHub code Object-Detector-App This works fine for single camera with 1 second latency, but when I tried it for multiple cameras ,(two,three....) for that I create multiple thread for graph and session for each cameras and I got high…
diksha
  • 61
  • 2
6
votes
0 answers

Dataset API for TensorFlow : Variable sized Input

I have my entire dataset in memory as list of tuples where each tuple corresponds to a batch of fixed size 'N' . i.e (x[i],label[i],length[i]) x[i]: numpy array of shape [N,W,F]; here there are N examples, with W timestep each; all timesteps…
ARS
  • 61
  • 4
6
votes
2 answers

Anaconda Prompt Corrupts after Installation

I just installed Tensorflow-gpu after creating a separate environment following the instructions from here. However post installation when I close the Prompt window and open a new terminal the following error pops up. I have set the Anaconda/Scripts…
Jil Jung Juk
  • 690
  • 1
  • 9
  • 20
6
votes
3 answers

tensorflow-gpu is not working with Blas GEMM launch failed

I installed tensorflow-gpu to run my tensorflow code on my GPU. But I can't make it run. It keeps on giving the above mentioned error. Following is my sample code followed by the error stack trace: import tensorflow as tf import numpy as np def…
HIMANSHU RAI
  • 195
  • 1
  • 3
  • 13
6
votes
2 answers

TensorFlow seems not to use GPU

I use TensorFlow on Windows 8 and Python 3.5. I changed this short example to see, if the GPU support (Titan X) works. Unfortunately the runtime with (tf.device("/gpu:0") and without (tf.device("/cpu:0")) using the GPU is the same. The Windows CPU…
user3641158
  • 73
  • 2
  • 6
5
votes
4 answers

Tensorflow Object Detection API has slow inference time with tensorflow serving

I am unable to match the inference times reported by Google for models released in their model zoo. Specifically I am trying out their faster_rcnn_resnet101_coco model where the reported inference time is 106ms on a Titan X GPU. My serving system…
5
votes
1 answer

how tensorflow inference in fp16 with model trained in fp32

Is there any seamless way available with best fp16 performance being achieved in NV V100/P100? E.g. I've a model and implementation being trained in fp32. The App works perfectly. Now, I'd like to explore the experience of fp16. Is there any simple…
xiaoyong
  • 61
  • 5
5
votes
0 answers

High GPU Memory-Usage but low volatile gpu-util

Keras and DL newbie here. I want to build a model to train sequential text data for classification. The data looks like: id, text, label 1, tom.hasLunch, 0 2, jerry.drinkWater, 1 I built it by python3.5 and keras 2(TF as backend). The model…
user_not_found
  • 421
  • 1
  • 4
  • 12
5
votes
2 answers

Distributed Tensorflow: check failed: size>=0

I'm using keras 2.0.6. The version of tensorflow is 1.3.0. My code can run with theano backend, but failed with tensorflow backend: F tensorflow/core/framework/tensor_shape.cc:241] Check failed: size >= 0 (-14428307456 vs. 0) I was wondering if…
volcanofly
  • 51
  • 4
5
votes
3 answers

Adding a GPU Op in Tensorflow

I am trying to add a new op to TensorFlow loosely following this document. The difference being that I am trying to implement a GPU based op. The op I'm trying to add is the cuda op from here (cuda_op.py, cuda_op_kernel.cc, cuda_op_kernel.cu.cc). I…
McAngus
  • 1,724
  • 17
  • 31
4
votes
5 answers

Keras Model With CuDNNLSTM Layers Doesn't Work on Production Server

I have used an AWS p3 instance to train the following model using GPU acceleration: x = CuDNNLSTM(128, return_sequences=True)(inputs) x = Dropout(0.2)(x) x = CuDNNLSTM(128, return_sequences=False)(x) x = Dropout(0.2)(x) predictions = Dense(1,…
amba88
  • 679
  • 1
  • 8
  • 25
4
votes
3 answers

Python : tensorflow-gpu import errors

This is a question extended from the following question on the link: python : cannot import tensorflow-gpu I'm trying to implement tensorflow-gpu on my Windows 10 machine. I followed what this link told me to do. I have.. Successfully installed…
4
votes
3 answers

Error loading tensorflow - Could not find "cudart64_80.dll"

I am trying to import tensorflow (with GPU) and keep getting the following error: ImportError: Could not find 'cudart64_80.dll'. TensorFlow requires that this DLL be installed in a directory that is named in your %PATH% environment…
ClaudioN
  • 75
  • 1
  • 1
  • 4
4
votes
2 answers

Distributed Tensorflow: ps/workers hosts on aws ?

I am using distributed Tensorflow on aws using gpus. When I train the model on my local machine, I indicate ps_host/workers_host as something like 'localhost:2225'. What are the ps/workers host I need to use in case of aws?
M_T_JABER
  • 71
  • 3
4
votes
1 answer

Tensorflow-GPU still processing on CPU

Tensorflow-gpu version - 1.4.0 CUDA version - 8.0 cuDNN - v6.0 output from nvidia-smi: +-----------------------------------------------------------------------------+ | NVIDIA-SMI 388.59 Driver Version: 388.59 …
ThePeskyWabbit
  • 399
  • 1
  • 5
  • 23
1 2
3
28 29