#
nvidia-cuda
Here are 81 public repositories matching this topic...
Build userspace NVMe drivers and storage applications with CUDA support
disk
gpu
driver
cuda
nvm
ssd
gpudirect-rdma
dax
nvme
dma
pcie
cluster-computing
nvidia-cuda
userspace-driver
sisci
disk-io
nvm-express
dolphinics
smartio
gpudirect
-
Updated
Mar 5, 2020 - C
neworderofjamie
commented
Jul 23, 2020
For example "D:\Name\Python Code;D:\Name\Python Code\GeNNworkspace;D:\Name\Python Code\GeNNworkspace\brianlib\randomkit"
Reported in brian2genn
Ubuntu 18.04 How to install Nvidia driver + CUDA + CUDNN + build tensorflow for gpu step by step command line
python
linux
build
tutorial
neural-network
ubuntu
tensorflow
gcc
cuda
bazel
python3
nvidia
gcc-complier
compile
cudnn
cuda-toolkit
nvidia-cuda
nvidia-gpu
tensorflow-gpu
ubuntu1804
-
Updated
Jul 9, 2018
Dockerized Folding@home client with NVIDIA GPU support to help battle COVID-19
docker
distributed-computing
nvidia
nvidia-docker
folding
foldingathome
nvidia-cuda
nvidia-container-toolkit
2019-ncov
coronavirus
covid-19
folding-at-home
-
Updated
Jul 26, 2020 - Dockerfile
-
Updated
Nov 3, 2019
NVIDIA DeepStream SDK
c-plus-plus
real-time
caffe
tensorflow
inference
nvidia
video-processing
object-detection
video-streaming
nvidia-gpus
video-decoding
nvidia-cuda
tensorrt
object-classification
-
Updated
Jan 14, 2019 - C++
Implementation of ConjugateGradients method using C and Nvidia CUDA
c
numpy
gpgpu
cuda-kernels
mkl-pardiso
linear-equations
numerical-methods
conjugate-gradient
nvidia-cuda
-
Updated
Sep 2, 2020 - Python
-
Updated
Nov 12, 2020 - Shell
An implementation of parallel exclusive scan in CUDA
-
Updated
Feb 23, 2018 - Cuda
这是一个基于NVIDIA cuda的开源程序,其中包括了二维和三维VTI介质正演模拟和逆时偏移成像,二维TTI介质逆时偏移成像,以及以上介质的ADCIGs提取[translation: This is an open source program based on NVIDIA cuda, which includes two-dimensional and three-dimensional VTI media forward simulation and reverse time migration imaging, two-dimensional TTI media reverse time migration imaging, and ADCIGs extraction of the above media]
-
Updated
Jun 15, 2018 - Cuda
HTML/JS port of CUDA Occupancy Calculator
-
Updated
Mar 21, 2019 - CoffeeScript
基于NVIDIA的GPU加速的VTI介质有限差分正演地震模拟,[translation: NVIDIA-based GPU Accelerated Finite Difference Forward Seismic Simulation of VTI Media]
-
Updated
Jun 15, 2018 - C
StiffMa: Fast finite element STIFFness MAtrix generation in MATLAB by using GPU computing.
matlab
parallel-computing
gpu-acceleration
cuda-kernels
gpu-computing
finite-element-analysis
nvidia-cuda
finite-element-methods
stiffness
pde-solver
cuda-programming
parallel-computing-toolbox
-
Updated
Sep 16, 2020 - MATLAB
FFmpeg 4.0 with NVIDIA P4 GPU Driver Support
-
Updated
Feb 22, 2019 - C
PyTorch Image and Video Super-Resolution, specialized for vehicle and traffic view processing and performed by using Deep Convolutional Neural Networks
-
Updated
May 21, 2018 - Python
This system tracks artifacts in museum and triggers alarm if artifact goes missing from the frame.
python
machine-learning
museum
computer-vision
tensorflow
gpu
cuda
feed
object-tracking
tensorflow-examples
nvidia-cuda
nvidia-gpu
yolov2
smart-surveillance
triggers-alarm
-
Updated
Nov 13, 2020 - Python
My bachelor and master thesis at Voronezh State University
-
Updated
May 21, 2020 - Jupyter Notebook
A simple image classifier built with Keras using NVIDIA cuda libraries.
-
Updated
Dec 7, 2019 - Python
CUDA miner project, compatible with most Maxwell/Pascal nVidia cards
-
Updated
Aug 5, 2018 - C
GPUDirect Async implementation of HPGMG-FV CUDA
-
Updated
May 11, 2018 - Cuda
[WIP] Linear Boolean algebra primitives written in NVIDIA CUDA
-
Updated
Dec 16, 2020 - C++
Convolution 2D cuDNN C++ implement demo 二维卷积的cuDNN实现样例 2次元畳み込みのcuDNN実装例
deep-neural-networks
ai
deep-learning
cpp
cuda
inference
nvidia
convolutional-layers
convolution
convolutional-neural-network
cudnn
nvidia-cuda
inference-engine
-
Updated
May 19, 2020 - C++
Convolution 3D cuDNN C++ implement demo 三维卷积的cuDNN实现样例 3次元畳み込みのcuDNN実装例
ai
deep-learning
cpp
cuda
inference
nvidia
convolutional-layers
convolution
convolutional-neural-network
cudnn
nvidia-cuda
inference-engine
deep-neural-network
-
Updated
Feb 5, 2020 - C++
Wrapper scripts to install proprietary NVIDIA drivers on GNU/Linux systems
bash
gnu-linux
nvidia
linux-drivers
bash-script
nvidia-gpus
linux-driver
bash-scripting
nvidia-cuda
nvidia-gpu
wrapper-script
nvidia-driver
-
Updated
Jan 4, 2019 - Shell
This script collects some informations about NVLink and PCI bus traffic of NVidia GPUs. Results are published as prometheus metrics via a websocket.
-
Updated
Jul 29, 2019 - Python
Unofficial HTMLCOIN Mining Group
opencl
nvidia
mining
cryptocurrency
gpu-miner
nvidia-cuda
nvidia-gpu
mining-pool
solo-mining
amd-gpu
htmlcoin
-
Updated
Aug 21, 2020
Recent development in Graphic Processing Units (GPUs) has opened a new challenge in harnessing their computing power as a new general-purpose computing paradigm with its CUDA parallel programming. However, porting applications to CUDA remains a challenge to average programmers. We have developed a restructuring software compiler (RT-CUDA) with best possible kernel optimizations to bridge the gap between high-level languages and the machine dependent CUDA environment. RT-CUDA is based upon a set of compiler optimizations. RT-CUDA takes a C-like program and convert it into an optimized CUDA kernel with user directives in a con.figuration .file for guiding the compiler. While the invocation of external libraries is not possible with OpenACC commercial compiler, RT-CUDA allows transparent invocation of the most optimized external math libraries like cuSparse and cuBLAS. For this, RT-CUDA uses interfacing APIs, error handling interpretation, and user transparent programming. This enables efficient design of linear algebra solvers (LAS). Evaluation of RT-CUDA has been performed on Tesla K20c GPU with a variety of basic linear algebra operators (M+, MM, MV, VV, etc.) as well as the programming of solvers of systems of linear equations like Jacobi and Conjugate Gradient. We obtained significant speedup over other compilers like OpenACC and GPGPU compilers. RT-CUDA facilitates the design of efficient parallel software for developing parallel simulators (reservoir simulators, molecular dynamics, etc.) which are critical for Oil & Gas industry. We expect RT-CUDA to be needed by many industries dealing with science and engineering simulation on massively parallel computers like NVIDIA GPUs.
-
Updated
Jun 6, 2018 - C
Implementing High Performance Computation on General Mathematics Operation
-
Updated
Feb 5, 2020 - C++
Improve this page
Add a description, image, and links to the nvidia-cuda topic page so that developers can more easily learn about it.
Add this topic to your repo
To associate your repository with the nvidia-cuda topic, visit your repo's landing page and select "manage topics."


Just an FYI whilst I was trawling through the ROCm GitHub page:
https://rocmdocs.amd.com/en/latest/Programming_Guides/Programming-Guides.html#