GitHub topics: cuda-toolkit
kartavyaantani/CUDA_IMAGE_PROCESSING
A CUDA-accelerated image processing project featuring multiple GPU-based filters and enhancement techniques. Implements convolution, edge detection, Non-Local Means (NLM) denoising, K-Nearest Neighbors (KNN), and pixelization. Each operation is optimized using CUDA kernels for real-time performance on large images. The project supports command-line
Language: Jupyter Notebook - Size: 5.4 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 1 - Forks: 0

Anis196/Snk-bite-det
This project is a deep learning-based classification model using ResNet50 and TensorFlow to classify snake bites as Poisonous or Non-Poisonous based on wound patterns. The model is trained on an image dataset and fine-tuned for better accuracy using GPU.
Language: Python - Size: 23.4 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

xlite-dev/CUDA-Learn-Notes
📚Modern CUDA Learn Notes: 200+ Tensor/CUDA Cores Kernels🎉, HGEMM, FA2 via MMA and CuTe, 98~100% TFLOPS of cuBLAS/FA2.
Language: Cuda - Size: 262 MB - Last synced at: 6 days ago - Pushed at: 8 days ago - Stars: 3,433 - Forks: 367

Jimver/cuda-toolkit
GitHub Action to install CUDA
Language: TypeScript - Size: 9.41 MB - Last synced at: 7 days ago - Pushed at: 8 days ago - Stars: 170 - Forks: 64

mikeroyal/CUDA-Guide
CUDA Guide
Language: Cuda - Size: 83 KB - Last synced at: 3 days ago - Pushed at: over 1 year ago - Stars: 64 - Forks: 7

FahimFBA/CUDA-WSL2-Ubuntu
Install CUDA on Windows11 using WSL2
Language: Jupyter Notebook - Size: 10.4 MB - Last synced at: 7 days ago - Pushed at: over 1 year ago - Stars: 62 - Forks: 4

MrGKanev/TensorFlow-GPU-Docker-Setup
A Docker environment for TensorFlow GPU development with optimized configurations for WSL2, troubleshooting guides, and common error fixes
Language: Python - Size: 51.8 KB - Last synced at: 2 days ago - Pushed at: 9 days ago - Stars: 0 - Forks: 0

coreylowman/cudarc
Safe rust wrapper around CUDA toolkit
Language: Rust - Size: 2.47 MB - Last synced at: 10 days ago - Pushed at: 11 days ago - Stars: 792 - Forks: 94

JuliaGPU/CUDAnative.jl 📦
Julia support for native CUDA programming
Language: Julia - Size: 2.26 MB - Last synced at: 2 days ago - Pushed at: almost 5 years ago - Stars: 393 - Forks: 51

coreylowman/dfdx
Deep learning in Rust, with shape checked tensors and neural networks
Language: Rust - Size: 2.6 MB - Last synced at: 12 days ago - Pushed at: 9 months ago - Stars: 1,799 - Forks: 107

nhphuong91/nvidia_linux
Repo containing various instruction for install & config linux system with nvidia stuff
Language: HTML - Size: 1.83 MB - Last synced at: 17 days ago - Pushed at: 17 days ago - Stars: 1 - Forks: 3

phohenecker/switch-cuda
A simple bash script for switching between installed versions of CUDA.
Language: Shell - Size: 3.91 KB - Last synced at: 16 days ago - Pushed at: over 6 years ago - Stars: 624 - Forks: 142

ZeusCoderBE/Legal-Chat-Bot
This project is designed as a legal advisory chatbot system to assist users by answering questions related to Vietnamese law.The main data source includes legal documents collected from official Vietnamese legal websites.
Language: Python - Size: 118 MB - Last synced at: 7 days ago - Pushed at: 3 months ago - Stars: 5 - Forks: 0

Jorgedavyd/nsight.nvim
A developer oriented Neovim framework for CUDA performance profiling and analysis.
Language: Lua - Size: 230 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

SufremOak/Moudo
Python-based Library and Toolkit for Programming Computer Mice, inspired by CUDA
Language: Cython - Size: 15.6 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

eyalroz/cuda-api-wrappers
Thin, unified, C++-flavored wrappers for the CUDA APIs
Language: C++ - Size: 2.83 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 825 - Forks: 82

cedrickchee/dockerfile-fastai
Dockerfile for building NVIDIA CUDA image for PyTorch 1.0 and fastai 1.0 deep learning
Language: Dockerfile - Size: 16.6 KB - Last synced at: about 1 month ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

okazunori2013/cuda-toolkit Fork of Jimver/cuda-toolkit 📦
GitHub Action to install CUDA
Language: TypeScript - Size: 15.8 MB - Last synced at: 6 days ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 3

selenecodes/GPU-jupyterhub
A basic jupyterhub with Nvidia GPU accessibility.
Language: Python - Size: 28.3 KB - Last synced at: about 23 hours ago - Pushed at: 6 months ago - Stars: 14 - Forks: 4

ameli/manylinux-cuda
manylinux docker images with CUDA Toolkit
Language: Dockerfile - Size: 62.5 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 10 - Forks: 4

andrewtwin/ansible-role-install_nvidia_cuda
Ansible role for installing Nvidia drivers and CUDA toolkit
Language: Jinja - Size: 21.5 KB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

ZeusCoderBE/Vietnam-political-consulting-chatbot
The information system investigates data, guides public opinion and enhances political activities for Party officials
Language: Python - Size: 103 MB - Last synced at: 22 days ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

raghavm1/GPU-PSO
A novel, optimized implementation of the Particle Swarm Optimization on GPUs, built using CUDA C++
Language: Cuda - Size: 94.7 KB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 1

JakubFr4czek/Concurrent-Gauss-Elimination
Concurrent gaussian elimination algorithm implemented using traces theory. Parallelism has been achieved employing CUDA cores.
Language: HTML - Size: 3 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

david-palma/cuda-programming
Educational CUDA C/C++ programming repository with commented examples on GPU parallel computing, matrix operations, and performance profiling. Requires a CUDA-enabled NVIDIA GPU.
Language: Cuda - Size: 23.4 KB - Last synced at: 26 days ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

giorgiogamba/parallel_programming
Experimenting with parallel programming
Language: Cuda - Size: 48.8 KB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

TomTolleson/CUDA-Kernel-Benchmarking-Tool
A benchmarking tool in C++ that creates Cuda kernels and tests the overall system performance between CPU and GPU
Language: Cuda - Size: 10.7 KB - Last synced at: 22 days ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

CodingRule/cuda-mbrot
Just another mandlebrot with cuda
Language: Python - Size: 5.86 KB - Last synced at: 22 days ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

imsanjoykb/CUDA-Bootcamp
CUDA Programming Practices
Language: Cuda - Size: 6.14 MB - Last synced at: 12 days ago - Pushed at: about 3 years ago - Stars: 15 - Forks: 3

Shikha-code36/CUDA-Programming-Beginner-Guide
A beginner's guide to CUDA programming
Language: Cuda - Size: 108 KB - Last synced at: 29 days ago - Pushed at: 9 months ago - Stars: 2 - Forks: 0

Ramy-Badr-Ahmed/Higgs-Dataset-Training
Training Higgs Dataset with Keras - https://doi.org/10.5281/zenodo.13133945
Language: Python - Size: 3.46 MB - Last synced at: 1 day ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

pranavvss/Multi-Stream-Vision
An advanced real-time detection system capable of recognizing multiple objects, hands, and faces within a video stream. (Could be also done on a Pre-recorded video)
Language: Python - Size: 135 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

qtle3/gpu-checker
This script checks the availability of CUDA-enabled GPUs and prints detailed GPU information for both PyTorch and TensorFlow frameworks. It's a handy utility for ensuring that your deep learning environment is correctly configured to utilize GPU acceleration.
Language: Python - Size: 6.84 KB - Last synced at: 2 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

zzarif/Pasta-Shape-Recognizer
An image recognizer that recognizes 20 different shapes of Pasta.
Language: Jupyter Notebook - Size: 1.9 GB - Last synced at: about 1 month ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

RanitManik/DermaDetectAI
DermaDetectAI is a Flask app for detecting skin diseases using deep learning. Developed by Ranit Manik and team, it includes models for identifying 5, 10, and 23 skin conditions, and supports NVIDIA GPU acceleration. The models are trained with PyTorch.
Language: HTML - Size: 245 MB - Last synced at: 5 days ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

TimLL123456/cudatoolkit-setup
Multiple cudatoolkit installation and setup Linux
Size: 196 KB - Last synced at: 8 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

sg0/nido
Batched Graph Clustering using Louvain Method on multiple GPUs.
Language: C++ - Size: 146 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 2 - Forks: 1

afogarty85/AzureDataEngineering-MachineLearning
Azure Data Engineering and Machine Learning: Helper Functions and Code
Language: Python - Size: 1.14 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 4 - Forks: 0

sbl-sdsc/df-parallel
Comparison of Dataframe libraries for parallel processing of large tabular files on CPU and GPU.
Language: Jupyter Notebook - Size: 3.33 MB - Last synced at: 2 days ago - Pushed at: 10 months ago - Stars: 6 - Forks: 3

efecaliskannn/Generative-Adverserial-Networks--GAN-
DCGAN was used for synthetic data generation, ACGAN for classification, and SRGAN for image enhancement.
Size: 13.7 KB - Last synced at: about 2 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

0xhilSa/variable
variable + CUDA
Language: Cuda - Size: 435 KB - Last synced at: 12 days ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

bd2720/AccessPatterns
Comparing chunked vs. striped memory access patterns for CPU and GPU code using the CUDA toolkit in C.
Language: Cuda - Size: 1.95 KB - Last synced at: 26 days ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

0xhilSa/vector.py-cuda
a python lib for vector with GPU support
Language: Python - Size: 6.84 KB - Last synced at: 12 days ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

iiteen/img_denoising
Implementation of a deep neural network for denoising extreme low-light images using residual learning
Language: Jupyter Notebook - Size: 25.8 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

ShoukoChan/Voice-to-Text
Voice to Text Model using OpenAI's Whisper
Language: Jupyter Notebook - Size: 485 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

hamidurrk/epaper-scraper
Web scraper for extracting data from online newspapers
Language: Python - Size: 19.2 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

AlekseyScorpi/vacancies_server
This is a server for vacancies generation using LLM (Saiga3)
Language: Python - Size: 29.3 KB - Last synced at: 25 days ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

lepoco/CUDAfy.NET 📦
CUDAfy .NET allows easy development of high performance GPGPU applications completely from the .NET. It's developed in C#.
Language: C# - Size: 3.46 MB - Last synced at: 12 months ago - Pushed at: over 3 years ago - Stars: 69 - Forks: 14

LeanderGlanda/Mandelbrot-Set-Cuda-OpenGL
This project calculates the Mandelbrot Set using Cuda and draws it onscreen using modern OpenGL.
Language: C++ - Size: 7.81 KB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

m-pabst/CUDATest
CUDA setup test
Language: CMake - Size: 2.93 KB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

BiGHeaDMaX/Identifier-Races-Chiens-avec-TensorFlow
Ce projet a pour but de créer une application qui permet de détecter la race d'un chien sur une photo. Pour y parvenir, nous allons utiliser des algorithmes de deep learning.
Language: Jupyter Notebook - Size: 24.9 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Jokeren/CUPTI-Examples
Language: Cuda - Size: 7.81 KB - Last synced at: 10 months ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 2

Musador13/TensorFlow-CUDA-Windows-Installation-Guide
TensorFlow 2 with GPU on Windows: Step-by-step instructions how install CUDA and cuDNN on Windows to use TensorFlow with GPU support
Size: 9.89 MB - Last synced at: 8 months ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

vineetk1/Build-a-Deep-Learning-machine
Build a powerful Deep Learning machine for less than US$ 1500
Size: 85 KB - Last synced at: about 1 year ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

ajee10x/Coding-with-CUDA
Language: Cuda - Size: 20.5 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

d1egoprog/docker-tensorflow-gpu-jupyter
Dockerized TensorFlow with GPU support Image, python library with Jupyter environments enabled ready
Language: Jupyter Notebook - Size: 471 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 6 - Forks: 0

tamimmirza/Intrusion-Detection-System-using-Deep-Learning
VGG-19 deep learning model trained using ISCX 2012 IDS Dataset
Language: Jupyter Notebook - Size: 327 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 124 - Forks: 55

enansakib/goalkeeping-turtlebot
This package implements a goalkeeping robot (mimics a soccer goalkeeper) using Turtlebot with ZED camera in ROS.
Language: Python - Size: 3.34 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 2

EasternJournalist/DiffNum
A light-weighted and flexible C++ differentiable programming library. Just replace float and double with it, and it does Auto-Grad for you...
Language: C++ - Size: 138 KB - Last synced at: 21 days ago - Pushed at: about 4 years ago - Stars: 16 - Forks: 1

riclombar/Instalacion_YOLO
Instalación y primeros pasos con YOLO usando Darkflow
Language: Python - Size: 18.2 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 0

thanhhoangvan/CUDA-Programming
Programming parallelism with CUDA Toolkit
Language: Cuda - Size: 416 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

karthikeyann/cuda-calculator Fork of szho42/cuda-calculator
HTML/JS port of CUDA Occupancy Calculator
Language: CoffeeScript - Size: 170 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 13 - Forks: 7

Denizdius/Simple-Install-Cuda-Tool-Kit
Tool for easy install to cuda tool kit
Language: Shell - Size: 4.88 KB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

DawidLokiec/cuda-toolkit
This CMake-based project contains some wrappers around the CUDA functions I use frequently. The wrappers are mainly concerned with throwing an exception with meaningful error messages in case of errors or ensuring that the GPU is always shut down properly and all alocated ressources are released. Some utility functions are also available.
Language: Cuda - Size: 28.3 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

ShawnZhong/CUDA-Programming-Starter-Kit
CUDA Programming Starter Kit for VSCode and CLion
Language: C++ - Size: 8.58 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 5 - Forks: 0

sozelfist/DeepLearningExamples Fork of NVIDIA/DeepLearningExamples
State-of-the-Art Deep Learning scripts organized by models - easy to train and deploy with reproducible accuracy and performance on enterprise-grade infrastructure.
Language: Jupyter Notebook - Size: 104 MB - Last synced at: 8 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

paleumm/cuda-masterclass
source code for CUDA Masterclass online course
Language: Cuda - Size: 44.9 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

nathtest/Tutorial-Ubuntu-18.04-Install-Nvidia-driver-and-CUDA-and-CUDNN-and-build-Tensorflow-for-gpu
Ubuntu 18.04 How to install Nvidia driver + CUDA + CUDNN + build tensorflow for gpu step by step command line
Size: 22.5 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 101 - Forks: 42

nick8592/Ubuntu-20.04-CUDA-cuDNN-PyTorch
Size: 711 KB - Last synced at: 27 days ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

ashutoshIITK/install_cuda_cudnn_ubuntu_20
Tutorial to install NVIDIA Drivers, CUDA 11.4 and cuDNN for deep learning programming on Ubuntu 20.04.
Size: 2.2 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 23 - Forks: 7

TendTo/MandelbrotSetCUDA
A fun small project used to practice some CUDA. And to see some sweet fractal ass (don't quote me on that)
Language: C++ - Size: 8.11 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 0

rexdivakar/Deep-Learning-Setup
Language: Jupyter Notebook - Size: 2.97 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 9 - Forks: 3

EskoSalaka/Fractals-py-cuda
Generate and explore fractals with Python and CUDA
Language: Python - Size: 2.29 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 11 - Forks: 3

seyedsaleh/music-generator
Multi-Instrument music generation using C-RNN-GAN with MIDI format input 🎼
Language: Jupyter Notebook - Size: 38.9 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 17 - Forks: 4

MolSSI-Education/gpu_programming_beginner
Fundamentals of heterogeneous parallel programming with CUDA C/C++ at the beginner level.
Language: Python - Size: 4.12 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 5 - Forks: 2

DekunZhang/tensorflow-conda-env
A series of scripts to easily manage tensorflow GPU conda environments
Language: Python - Size: 143 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Hemant-Mulchandani/Rubiks-Cube-Face-Detection-Model
🧮 A deep learning object detection model built using SSD ResNet101 V1 FPN 640x640 🤖 in conjunction with TensorFlow object detection API. Trained on a custom dataset (300+ images) for 10 different labels, the model detects tile colors on Rubik's cube face with 98-100% accuracy 🎯 and only 0.2 total loss.
Language: Jupyter Notebook - Size: 2.71 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

sithu31296/CUDA-Install-Guide
Installation guide for NVIDIA driver, CUDA, cuDNN and TensorRT
Size: 2.93 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

gogolB/EE147
Intro to GPU Computing
Language: HTML - Size: 35.1 MB - Last synced at: 28 days ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 0

marian-salvan/Dizertatie
Language: Python - Size: 14.4 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

H2muller/cuda_programming
This repository is dedicated to studying CUDA programming through the University of Illinois and NVIDIA collaboration course ECE408
Language: Cuda - Size: 26.4 KB - Last synced at: 3 months ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 1

Matin-Ar/Matrix-Addition
Matrix Addition with CUDA
Language: Cuda - Size: 5.86 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

nikhil-nakhate/canny-video-gpu
Canny Edge detection on video in near real-time
Language: Cuda - Size: 31.5 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 0

BBVA/openshift-utils
Openshift resources
Language: Jupyter Notebook - Size: 242 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 12 - Forks: 12

yyeboah/RADEK
RApid DEployment Kit for quickly building an MV/DL environment on top of Ubuntu
Language: C - Size: 3.68 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

tonhathuy/setup-racing-car-ubuntu
this setup support Ubuntu 18.04
Language: Shell - Size: 50.8 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

drifter1/cudatutorials
Code from my Tutorial series on Hive about Nvidia's CUDA API
Language: Cuda - Size: 21.5 KB - Last synced at: 4 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

shubhams167/getting-started-with-CUDA
Repository for some basic codes which I will upload in my way of learning CUDA C/C++
Language: Cuda - Size: 9.9 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

isquicha/cuda-parallel-studies
Learning CUDA programming here =D
Language: Cuda - Size: 3.91 KB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

HighPerLab/nearest-cpu
Small tool to find the nearest CPU/Core to a given CUDA device
Language: C - Size: 4.88 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

iacolippo/gpu-dnn-install
Scripts and instructions to install CUDA, cuDNN and the most common deep learning frameworks.
Language: Shell - Size: 89.8 KB - Last synced at: 13 days ago - Pushed at: almost 8 years ago - Stars: 4 - Forks: 2

mstill3/cuda
Learning how to program in cuda
Language: C++ - Size: 309 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 1

RenanKodama/GPU_With_CUDA
Programação para GPUs com CUDA (UTFPR)
Size: 8.97 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

venkateshreddypala/OCR
Common OCR using neural networks
Language: Python - Size: 3.69 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

venkateshreddypala/VectorAdd
Using CUDA to add vectors
Language: Python - Size: 2.93 KB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 0

moesy/crypto-world
Standardize common cryptocurrency related tasks
Language: Makefile - Size: 43.9 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

manfreddiaz/deep-docker
Dockerfile for creating a docker image with default configurations for Deep Learning tasks
Size: 3.91 KB - Last synced at: 10 days ago - Pushed at: almost 8 years ago - Stars: 3 - Forks: 3

dhananjay8/PL3_codes
SPPU Semester 6 (2016-17)
Language: Cuda - Size: 10.7 KB - Last synced at: almost 2 years ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

jasmor/CoreOS-CUDA
Docker image to install CUDA 8.0 with CoreOS
Size: 2.93 KB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0
