Questions tagged [gpu]

Acronym for "Graphics Processing Unit". For programming traditional graphical applications, see the tag entry for "graphics programming". For general-purpose programming using GPUs, see the tag entry for "gpgpu". For specific GPU programming technologies, see the popular tag entries for "opencl", "cuda" and "thrust".

Acronym for "Graphics Processing Unit". For programming traditional graphical applications, see the tag entry for . For general-purpose programming using GPUs, see the tag entry for . For specific GPU programming technologies, see the popular tag entries for , and .

More information on GPU at http://en.wikipedia.org/wiki/Graphics_processing_unit

8854 questions
3
votes
1 answer

Get LightGBM/ LGBM run with GPU on Google Colabratory

I often run LGBM on Google Colabratory and I just found out this page saying that LGBM it set to CPU by default so you need to set up first. https://medium.com/@am.sharma/lgbm-on-colab-with-gpu-c1c09e83f2af So I executed the code recommended on the…
Higashi Yutaka
  • 181
  • 2
  • 11
3
votes
0 answers

How to get GPU & CPU usage for a process from Windows Task Manager or anything else in C++?

I want to test how much my application consumes CPU and GPU in percent. I am aware of some counters which we can track using PerfMon by creating data collector set. But also then i haven't read anything related to GPU in PerfMon. Till now, i was…
anjali rai
  • 185
  • 1
  • 1
  • 14
3
votes
1 answer

Using vector types to improve OpenCL kernel performance

I have the following OpenCL kernel, which copies values from one buffer to another, optionally inverting the value (the 'invert' arg can be 1 or -1):- __kernel void extraction(__global const short* src_buff, __global short* dest_buff, const int…
Andrew Stephens
  • 9,413
  • 6
  • 76
  • 152
3
votes
1 answer

Android TV box closes my application in 10 seconds

I am developing an android application which is basically a crossfade media player. The only difference of it from the other mediaplayers is that it has a crossfade functionality which is when the current song is ending it is starting to fade out…
Hilal
  • 902
  • 2
  • 22
  • 47
3
votes
0 answers

Opencv not running on google colab with c++

I'm trying to run opencv on colab with c++ after running the commands as mentioned in a tutorial given here. However it is giving error of cvstd.hpp dependency inaccessible on running a sample code. C++: %%cu #include "opencv2/opencv.hpp" #include…
Kashan
  • 348
  • 3
  • 19
3
votes
3 answers

How to Fix "RuntimeError: CUDA error: device-side assert triggered" in Pytorch

I am trying to train the yolo-v3 model from this repo https://github.com/eriklindernoren/PyTorch-YOLOv3 on my custom dataset of shapes, but I keep getting the error "RuntimeError: CUDA error: device-side assert triggered" I have tried to lookup the…
almonzer
  • 31
  • 1
  • 1
  • 3
3
votes
1 answer

Combined vectorized functions in Numba

I'm using Numba (version 0.37.0) to optimize code for GPU. I would like to use combined vectorized functions (using @vectorize decorator of Numba). Imports & Data: import numpy as np from math import sqrt from numba import vectorize,…
jetxeberria
  • 187
  • 1
  • 8
3
votes
1 answer

TensorFlow cannot copy Tensor with type string to device

I cannot figure out what problem is happening here. After installing TensorFlow-GPU 2.0 and have an issue with the following minimal example: import tensorflow as tf if tf.test.is_gpu_available(): with tf.device("/gpu:0"): …
3
votes
3 answers

Force Dlib python to install with CPU support only; on a GPU machine with Cuda and everything

I have searched it over the internet and all I can find is that people having trouble with installation of Dlib with Cuda. I have exact opposite problem. I can successfully install Dlib with Cuda and GPU support on Ubuntu (Google Colab). But I don't…
Rizwan
  • 1,210
  • 2
  • 9
  • 21
3
votes
0 answers

Pytorch Cuda Runtime Error (with Properly installed Drivers)

When I run import torch torch.cuda.FloatTensor([1.]) I seem to be getting the error: RuntimeError: cuda runtime error (38) : no CUDA-capable device is detected at /pytorch/aten/src/THC/THCGeneral.cpp:50. I'm using Debian (Stretch). Checking the…
meraxes
  • 541
  • 10
  • 23
3
votes
1 answer

Figuring out GPU links topology programmatically with CUDA

I'm trying to figure out link topology between GPUs. Basically, do pretty much the same nvidia-smi topo -m does. I've found a CUDA example topologyQuery, which basically calls cudaDeviceGetP2PAttribute(&perfRank, cudaDevP2PAttrPerformanceRank,…
Sergii Dymchenko
  • 6,890
  • 1
  • 21
  • 46
3
votes
0 answers

Installing XGboost R package with GPU support on Windows 10 - Not getting CMAKE installation to work

I am trying to install the R Package with GPU support for XGBoost (https://xgboost.readthedocs.io/en/latest/build.html, "Installing R package with GPU support"). To do so, I have to use Cmake. I've tried the following code without luck .., loaded in…
Johan59
  • 31
  • 1
3
votes
1 answer

Running RAPIDS without GPU for development?

Is there a way to run RAPIDS without a GPU? I usually develop on a small local machine without a GPU, then push my code to a powerful remote server for real use. Things like TensorFlow allow switching between the CPU and GPU depending on if they're…
golmschenk
  • 11,736
  • 20
  • 78
  • 137
3
votes
1 answer

Multiple threads access the same cuda stream

I am writing a mixed cpu-gpu program that require multiple cpu threads to access multiple gpus. Is CUDA stream thread-safe? Specifically, I wonder if the following is correct: // two threads concurrently enter cuda device 1 and // launch kernel on…
Jes
  • 2,614
  • 4
  • 25
  • 45
3
votes
2 answers

Why does the same OpenCL code have different outputs from Intel Xeon CPU and NVIDIA GTX 1080 Ti GPU?

I am trying to parallelize Monte Carlo simulation by using OpenCL. I use the MWC64X as a uniform random number generator. The code runs well on different Intel CPUs, since the output of parallel computation is very close to the sequential one.…
1 2 3
99
100