Questions tagged [numba-pro]

NumbaPro - enhanced version of Numba, adding GPU support

NumbaPro is an enhanced version of Numba which adds premium features and functionality that allow developers to rapidly create optimized code that integrates well with NumPy.

With NumbaPro, Python developers can define NumPy ufuncs and generalized ufuncs (gufuncs) in Python, which are compiled to machine code dynamically and loaded on the fly. Additionally, NumbaPro offers developers the ability to target multicore and GPU architectures with Python code for both ufuncs and general-purpose code.

For targeting the GPU, NumbaPro can either do the work automatically, doing its best to optimize the code for the GPU architecture. Alternatively, CUDA-based API is provided for writing CUDA code specifically in Python for ultimate control of the hardware (with thread and block identities).

Here’s a list of highlighted features:

Portable data-parallel programming through ufuncs and gufuncs for single core CPU, multicore CPU and GPU Bindings to CUDA libraries: cuRAND, cuBLAS, cuFFT Python CUDA programming for maximum control of hardware resources

References:

79 questions
20
votes
2 answers

What is the difference between PyCUDA and NumbaPro CUDA Python?

I'm new to CUDA and am trying to figure out whether PyCUDA (free) or NumbaPro CUDA Python (not free) would be better for me (assuming the library cost is not an issue). Both seem to require that you use their respective Python dialects. But, it…
PDiracDelta
  • 2,348
  • 5
  • 21
  • 43
15
votes
3 answers

Julia performance compared to Python+Numba LLVM/JIT-compiled code

The performance benchmarks for Julia I have seen so far, such as at http://julialang.org/, compare Julia to pure Python or Python+NumPy. Unlike NumPy, SciPy uses the BLAS and LAPACK libraries, where we get an optimum multi-threaded SIMD…
hiccup
  • 277
  • 2
  • 8
6
votes
3 answers

How to use numba in Colaboratory

Anybody tried to use numba in google collaboratory? I just can not figure out how to set it up in this environment. At the moment, I'm stuck with the error library nvvm not found.
Algis
  • 312
  • 4
  • 14
6
votes
1 answer

Numba Matrix Vector multiplication

I'm trying to use numbapro to write a simple matrix vector multiplication below: from numbapro import cuda from numba import * import numpy as np import math from timeit import default_timer as time n = 100 @cuda.jit('void(float32[:,:],…
kirikoumath
  • 723
  • 9
  • 20
5
votes
1 answer

How to properly use anaconda accelerate for GPU

I am trying to get fast computations of matrices with anaconda accelerate. I started with very basic example: multiply 2 matrices. My goal is to somehow get GPU-multiplication which is better than usual numpy.dot Here is my basic example, based on…
budmitr
  • 73
  • 1
  • 1
  • 7
5
votes
2 answers

cuda python GPU numbapro 3d loop poor performance

I am trying to set up a 3D loop with the assignment C(i,j,k) = A(i,j,k) + B(i,j,k) using Python on my GPU. This is my GPU: http://www.geforce.com/hardware/desktop-gpus/geforce-gt-520/specifications The sources I'm looking at / comparing with…
Charles
  • 947
  • 1
  • 15
  • 39
5
votes
1 answer

Anaconda Acclerate / NumbaPro CUDA Linking Error OSX

Overall goal is to use NumbaPro to run some functions on the GPU (on OSX 10.8.3). Before starting, I just wanted to get everything set up. According to this page I installed CUDA, registered as a CUDA developer, downloaded the Compiler SDK and set…
thearrow3456
  • 101
  • 1
  • 5
4
votes
1 answer

Why numba cuda is running slow after recalling it several times?

I am experimenting how to use cuda inside numba. However I have encountered something different from my expectation. Here is my code from numba import cuda @cuda.jit def matmul(A, B, C): """Perform square matrix multiplication of C = A *…
Peter Deng
  • 477
  • 1
  • 4
  • 9
4
votes
1 answer

why can't I get the right sum of 1D array with numba (cuda python)?

I try to use cuda python with numba. The code is to calculate the sum of a 1D array as follows, but I don't know how to get one value result rather than three values. python3.5 with numba + CUDA8.0 import os,sys,time import pandas as pd import numpy…
glen
  • 197
  • 1
  • 4
  • 13
4
votes
2 answers

Python square brackets between function name and arguments: func[...](...)

I was learning how to accelerate python computations on GPU from this notebook, where one line confuses me: mandel_kernel[griddim, blockdim](-2.0, 1.0, -1.0, 1.0, d_image, 20) Here, mandel_kernel is a decorated (by cuda.jit) function, griddim and…
Jason
  • 2,950
  • 2
  • 30
  • 50
4
votes
1 answer

CudaAPIError: [1] Call to cuLaunchKernel results in CUDA_ERROR_INVALID_VALUE in Python

I'm having this error when trying to run this code in Python using CUDA. I'm following this tutorial but i'm trying it in Windows 7 x64 machine. https://www.youtube.com/watch?v=jKV1m8APttU In fact, I run check_cuda() and all tests passed. Can…
Chirath Abey
  • 61
  • 1
  • 6
4
votes
1 answer

Remove the numba.lowering.LoweringError: Internal error

I'm using numba to speed up my code which is working fine without numba. But after using @jit, it crashes with this error: Traceback (most recent call last): File "C:\work_asaaki\code\gbc_classifier_train_7.py", line 54, in
user961627
  • 12,379
  • 42
  • 136
  • 210
4
votes
2 answers

Anaconda's NumbaPro CUDA Assertion Error

I am trying to use NumbaPro's cuda extension to multiply large array matrixes. What I want in the end is to multiply a matrix of size NxN by a diagonal matrix that would be fed in as a 1D matrix (thus, a.dot(numpy.diagflat(b)) which I have found to…
brebs
  • 234
  • 4
  • 12
3
votes
1 answer

Rolling linear regression for use with groupby operation on a cuDF dataframe

I would like to calculate the rolling slope of y_value over x_value using cuML LinearRegression. Sample data (cuDF dataframe): | date | x_value | y_value | | ------ | ------ | ---- | | 2020-01-01 | 900 | 10 | | 2020-01-01 |…
nasiha
  • 31
  • 1
3
votes
0 answers

what causes CUDA_ERROR_LAUNCH_TIMEOUT in python numba?

I am experimenting how to use cuda inside numba. However there is something occurred in numba that I do not understand. Here is my code from numba import cuda @cuda.jit def matmul(A, B, C): """Perform square matrix multiplication of C = A *…
Peter Deng
  • 477
  • 1
  • 4
  • 9
1
2 3 4 5 6