Ecosyste.ms: Awesome

An open API service indexing awesome lists of open source software.

Awesome Lists | Featured Topics | Projects

CUDA

CUDA® is a parallel computing platform and programming model developed by NVIDIA for general computing on graphical processing units (GPUs). With CUDA, developers are able to dramatically speed up computing applications by harnessing the power of GPUs.

https://github.com/trentonom0r3/raft-analysis

Simple analysis script 'demotest.py' using RAFT optical flow to get flow vectors, occlusion masks, and Information on keyframes with significant motion changes

cuda flow-maps occlusion-masks opticalflow python pytorch raft

Last synced: 08 Feb 2025

https://github.com/popke523/rybki

A 3D shoal of fish animation using the boids algorithm, OpenGL for rendering and CUDA for parallel processing.

boids cuda opengl

Last synced: 08 Feb 2025

https://github.com/ypatel2022/gpu-accelerated-game-of-life

Accelerating Game of Life Compute with CUDA.

cpp cuda gpu

Last synced: 28 Dec 2024

https://github.com/malolm/football-player-detection-with-yolov8

Football player detection YOLOv8 fine-tuning

cuda jupyterlab python3 yolov8-detection

Last synced: 06 Feb 2025

https://github.com/daviddavo/19gpu

Short exercises for GPU at Complutense University of Madrid. Mirror from GitLab

accelerator cuda gpu-programming

Last synced: 23 Jan 2025

https://github.com/blazekill/hello-cuda

Cpp + Vcpkg + CUDA + VsCode starter project.

cpp cuda vcpkg vscode

Last synced: 01 Jan 2025

https://github.com/xza85hrf/flux_pipeline

FluxPipeline is a prototype experimental project that provides a framework for working with the FLUX.1-schnell image generation model. This project is intended for educational and experimental purposes only.

ai cuda docker educational experimental flux1 flux1-schnell flux1ai gradio image-generation model non-commercial python pytorch research transformer-model

Last synced: 14 Feb 2025

https://github.com/dirmeier/cuda-etudes

:notes: A collection of CUDA recipes

cpp cuda meson

Last synced: 17 Jan 2025

https://github.com/muhamadajiw/parallel-matrix-inversion

A parallel program for matrix inversion using MPI, OpenMP, and CUDA

cpp cuda mpi openmp

Last synced: 17 Jan 2025

https://github.com/vladd12/libexecstd

Modern C++ library for using an execution context of computer devices

cpp cpp17 cuda gpu-acceleration gpu-computing

Last synced: 28 Jan 2025

https://github.com/rssr25/cuda

Following Cuda By Example book.

cpp cuda cuda-programming hpc shaders

Last synced: 15 Feb 2025

https://github.com/versi379/optimized-matrix-multiplication

This project utilizes CUDA and cuBLAS to optimize matrix multiplication, achieving up to a 5x speedup on large matrices by leveraging GPU acceleration. It also improves memory efficiency and reduces data transfer times between CPU and GPU.

cublas cuda cuda-programming hpc matrix-multiplication parallel-computing parallel-programming

Last synced: 21 Jan 2025

https://github.com/michaelfranzl/image_fah-client

Dockerfile for Folding@home client with AMD and Nvidia GPGPU support

container cuda debian docker foldingathome gpu-computing opencl

Last synced: 21 Jan 2025

https://github.com/saadarazzaq/cuda-device-info

Check if Cuda is correctly configured in your windows 🖥️

cuda pytorch setup windows

Last synced: 23 Jan 2025

https://github.com/storterald/neural-network

Simple neural network implementation in C++ and CUDA

asm asmx86 c-plus-plus cmake cpp cuda machine-learning neural-network

Last synced: 02 Feb 2025

https://github.com/phantom7knight/cuda-fusion

This project is for learning CUDA to understand the GPU work better.

cuda cuda-programming gpgpu gpu

Last synced: 08 Feb 2025

https://github.com/toshikinakamura0412/dotfiles_for_docker

My dotfiles for docker of some linux distribution

cuda docker docker-compose dotfiles git neovim ros-noetic tmux zsh

Last synced: 20 Nov 2024

https://github.com/isquicha/cuda-parallel-studies

Learning CUDA programming here =D

cuda cuda-programming cuda-toolkit

Last synced: 22 Jan 2025

https://github.com/gladap/heterogeneous_computing_project

Heterogeneous parallel programming exercise using OpenMP and CUDA to parallelize image filters

cuda heterogeneous-parallel-programming

Last synced: 05 Feb 2025

https://github.com/ribin-baby/cuda_cudnn_installation_on_ubuntu20.04

Installation of CUDA-11.8 with cuDNN-8.7 for ubuntu(20.04) server A30 GPU, and onnx gpu installation guide

cuda gpu linux onnxruntime server

Last synced: 16 Jan 2025

https://github.com/kobinarth-panchalingam/parallel-and-concurrent-programming

Semester - 7 | CS4533 - Parallel and Concurrent Programming | Labs

c concurrent-programming cuda java openmp pthreads

Last synced: 08 Jan 2025

https://github.com/luis-kr/depthmap

Depth map estimation tool using Depth-Anything-V2. Generate accurate depth maps from images with support for both relative and metric depth measurements.

cuda depth-anything depth-estimation depth-map image-processing python pytorch

Last synced: 14 Jan 2025

https://github.com/flolu/hardware-praktikum

SoSe 2021 Hardware Praktikum

college cuda hardware

Last synced: 09 Jan 2025

https://github.com/sahil-rajwar-2004/vector-cuda

vector calculation with GPU acceleration using CUDA

c cpp11 cuda cuda-kernels cuda-programming nvcc

Last synced: 19 Nov 2024

https://github.com/daniilvorontsov/fourier-option-pricing

MSc thesis project concerned with option pricing for Levy Jump models. Package includes pricing implementations for European Call and Put options for Carr-Madan, COS and Fourier Time Stepping.

carr-madan cuda fourier-transform monte-carlo option-pricing

Last synced: 14 Jan 2025

https://github.com/sebp/vscode-sycl-dpcpp-cuda

Sample project to use the VS Code Remote - Containers extension to develop SYCL applications for NVIDIA GPUs using the oneAPI DPC++ compiler.

cuda dpcpp fedora gpu-computing podman sycl vscode

Last synced: 08 Feb 2025

https://github.com/thalesmg/haskell-accelerate-parconc

Example and benchmark of Accelerate-HS from Parallel and Concurrent Programming in Haskell

accelerate cuda gpu-computing haskell parallel-computing

Last synced: 08 Feb 2025

https://github.com/lord-turmoil/cudacmakedemo

A demo for building CUDA program with CMake

cuda tutorial

Last synced: 23 Jan 2025

https://github.com/mxm-tr/docker-darknet-opencv

Accelerated objects detection on streams and files, using a Docker darknet YOLO container

cuda docker docker-compose object-recognition opencv-python python3 yolo

Last synced: 17 Jan 2025

https://github.com/edumucelli/build-tensorflow

Build Tensorflow from source using a Dockerfile

cuda cudnn docker tensorflow

Last synced: 24 Dec 2024

https://github.com/bjornmelin/pytorch-evolution

⚡ Comprehensive PyTorch implementations with custom CUDA extensions. From fundamental neural networks to distributed training systems. Features memory-efficient model training and advanced GPU optimizations. 🔥

cuda deep-learning gpu-computing machine-learning neural-networks parallel-computing python pytorch

Last synced: 24 Jan 2025

https://github.com/bjornmelin/llm-gpu-optimization

🚄 Advanced LLM optimization techniques using CUDA. Features efficient attention mechanisms, custom CUDA kernels for transformers, and memory-efficient training strategies. ⚡

cuda deep-learning gpu-acceleration llm-optimization machine-learning memory-optimization parallel-computing transformers

Last synced: 24 Jan 2025

https://github.com/viktor-akusoff/chernabogpy

ChernabogPy is a Python package for visualizing gravitational distortions caused by black holes using nonlinear ray tracing.

cuda gpu physics-simulation python3 relativity-of-space-and-time torch

Last synced: 12 Jan 2025

https://github.com/bonevbs/cuknn

Cuda implementation of k-nearest neighbor search

cuda knn-search

Last synced: 20 Jan 2025

https://github.com/ramyacp14/document-based-question-and-answers

Developed a document question answering system that utilizes Llama and LangChain for contextual and accurate answers. The system supports .txt documents, intelligent text splitting, and context-aware querying through an easy-to-use Streamlit interface.

chroma cuda hugging-face langchain llama python recursivecharactertextsplitter streamlit

Last synced: 12 Oct 2024

https://github.com/jonyandunh/avatargeneratorgan

It's a simple Generative Adversarial Network about generating avatars.

avatar-generator cuda gan pytorch

Last synced: 14 Jan 2025

https://github.com/hdelan/msc-hpc-final-project

In this project I implement a CUDA Lanczos method to approximate the matrix exponential. The matrix exponential is an important centrality measure for large, sparse graphs.

cuda graph-algorithms krylov-methods

Last synced: 24 Dec 2024

https://github.com/bdwhst/fluora

A CUDA PBR path tracer

cpp cuda pathtracing pbr rendering

Last synced: 12 Feb 2025

https://github.com/abdelrahman-amen/active_learning_in_nlp

I applied active learning to the IMDB dataset for sentiment analysis. Starting with a small labeled subset, I trained a model and used uncertainty sampling to select and label challenging reviews. This iterative process improved performance while reducing labeling effort.

activelearning cuda entropy imdb-dataset margin nlp python sklearnex torch uncertainty

Last synced: 24 Jan 2025

https://github.com/bhavinpatel4199/image-processing-with-opencv-and-cuda-on-google-colab

This repository demonstrates image processing using OpenCV with CUDA for GPU acceleration on Google Colab. It includes basics like displaying and manipulating images, alongside advanced techniques using CUDA to enhance performance. Ideal for learning GPU-accelerated image processing in Python.

computer-vision cuda google-colab gpu-acceleration high-performance-computing image-processing opencv pixel-manupulation

Last synced: 12 Feb 2025

https://github.com/notkartikye/cuda-image-box-filters

🖼️ CUDA-powered tool for applying box filters to a large amount of images

cuda cuda-library cuda-programming npp

Last synced: 25 Dec 2024

https://github.com/fmigneault/dockers

Collection of docker setup with common libraries for image processing and machine learning.

boost cuda docker image-processing opencv python

Last synced: 25 Dec 2024

https://github.com/dhruvsrikanth/monte-carlo-ray-tracing

In this repository, you will find a serial and distributed GPU-based implementation of the ray tracing simulation.

c cpp cuda gpu-computing gpu-programming high-performance-computing parallel-programming raytracing unified-memory-parallelism

Last synced: 25 Dec 2024

https://github.com/cs550-epfl/report

EPFL CS-550 project report

cuda formal-verification gpu memory-consistency ptx simt

Last synced: 10 Jan 2025

https://github.com/jeong-j/multicore

Multi Thread in Java / C / C++ / Pthread / CUDA

c cpp cuda java multicore pthread thread

Last synced: 25 Dec 2024

https://github.com/matteopolak/stock-predict

Stock prediction with LSTM using TensorFlow and TypeScript.

ai artificial-intelligence cuda lstm machine-learning stock tensorflow typescript

Last synced: 25 Dec 2024

https://github.com/pintamonas4575/rlgan-project-maadm-upm

Neuroevolution to learn the Lunar Lander from Gymnasium and a GAN to learn to color images. Subject from the ML and BD master´s degree of UPM.

cuda deep-learning gan genetic-algorithm lunar-lander machine-learning mlp python3 pytorch reinforcement-learning tensorflow

Last synced: 05 Feb 2025

https://github.com/f14-bertolotti/torchess

cuda torch extension for a chess engine

chess cuda torch

Last synced: 05 Feb 2025

https://github.com/0xhilsa/vector-cuda

vector calculation with GPU acceleration using CUDA

c cpp11 cuda cuda-kernels cuda-programming nvcc

Last synced: 08 Feb 2025

https://github.com/amypad/miutil

Basic functionality needed for AMYPAD

cuda matlab medical-imaging python

Last synced: 31 Oct 2024

https://github.com/1ytic/cuda-gpu-zoo

Properties of the CUDA devices

cuda gpu

Last synced: 08 Feb 2025

https://github.com/dbklim/optimized_tensorflow_wheels

Optimized versions TensorFlow and TensorFlow-GPU for specific CPUs and GPUs (for both old and new).

cuda nvidia-cuda nvidia-gpu tensorflow tensorflow-community-wheels tensorflow-gpu tensorflow-packages tensorflow-whells wheels

Last synced: 10 Jan 2025

https://github.com/tommaso-dognini/polimi_gpu101_courseproject

Polimi Passion In Action GPU101 course project.

cpp cuda cuda-programming parallel-computing

Last synced: 26 Dec 2024

https://github.com/andreasholt/cuda-matmul-benchmarking

Implementing and benchmarking various matmul implementations in CUDA

cuda matrix-multiplication

Last synced: 26 Dec 2024

https://github.com/katpercent/raytracing

A foundation for ray tracing using CUDA and parallel computing techniques.

3d cuda engine game parrallel-computing ray raytracing

Last synced: 26 Dec 2024

https://github.com/kts-o7/n-body-parallel-implementation

A simple study to compare the speed-up obtained by using different parallelization formats like MPI,OpenMP and CUDA for FFT implementation of n-body simulation

cuda mpi openmp parallel-computing pthreads

Last synced: 05 Feb 2025

https://github.com/kis-balazs/cuda-research

CUDA Research & Code. Course-style structured. Inspiration from @Infatoshi.

cuda

Last synced: 26 Dec 2024

https://github.com/tomaszrewak/csgpathtracer

A constructive solid geometry path tracer.

computer-graphics cuda path-tracing rendering

Last synced: 05 Jan 2025

https://github.com/gama1903/cuda_programming

Practice of cuda programming according to <<programming massively parallel processors 4th>>, also refer to CUDA MODE series.

cuda parallel-computing

Last synced: 26 Dec 2024

https://github.com/ojeda-e/fokker-planck

Numerical solution of the Fokker-Planck equation in large times using CUDA/C.

cuda fokker-planck-equations

Last synced: 26 Dec 2024

https://github.com/xueeinstein/udacity-cs344-cuda8

Code for Udacity CS344 (Intro to Parallel Programming) using CUDA 8.0

cuda cuda-8 parallel-computing

Last synced: 26 Dec 2024

https://github.com/mateuszk098/parallel-programming-examples

Simple parallel programming examples with CUDA, MPI and OpenMP.

cpp cuda mpi openmp parallel-programming

Last synced: 28 Dec 2024

https://github.com/voltr0x/raytracing-cuda

Raytracing in a weekend using CUDA

cpp11 cuda raytracing sdl2

Last synced: 20 Jan 2025

https://github.com/thomasvonwu/interview-note

Share Interview Questions and Summarize Answers

cuda interview llm

Last synced: 05 Feb 2025

https://github.com/fikri-rouzan/cuda-c-program-part-2

CUDA C program from NVIDIA course.

c cuda

Last synced: 05 Feb 2025

https://github.com/fikri-rouzan/cuda-c-program-part-1

CUDA C program from NVIDIA course.

c cuda

Last synced: 05 Feb 2025

https://github.com/jpodivin/gputomata

Cellular automata running on CUDA capable GPUs

cellular-automata cellular-automaton cuda

Last synced: 27 Dec 2024

https://github.com/lttofu/cosmic

Fast, lightweight GUI-based C++ Ethereum ERC918 token miner for Win64 | CUDA GPUs | CPUs | Pool | Solo Mining

0xbitcoin 0xbtc cplusplus cplusplus-cli cpuminer cuda erc20 erc918 ethereum ethereum-token gpuminer gui pool-mining solo-mining windows windows-10 windows-7 windows-gui winforms

Last synced: 02 Jan 2025

https://github.com/satyajitghana/gpu-programming

Contains the contents of GPU Architecture and Programming course done on NPTEL

c cpp cuda cuda-programming gpu-programming nptel nvidia

Last synced: 26 Dec 2024

https://github.com/xstupi00/N-Body-CUDA

PCG - Parallel Computations on GPU - Project - N-Body-CUDA

cuda gpu-acceleration gpu-computing nbody-simulation optimization parallel-computing pcg vut vut-fit

Last synced: 23 Oct 2024

https://github.com/ran-2012/cuda-practice

cuda practice code for nvidia programming guide

cuda

Last synced: 10 Jan 2025

https://github.com/neel-dandiwala/npp_cudaatscale_project

For the enterprise course project, I have created a model that executes the histogram equalisation procedure on the given input image file.

cuda npp

Last synced: 26 Dec 2024

https://github.com/kentakoong/mtnlog

A simple multinode performance logger for Python

cuda lanta nvitop python slurm-cluster

Last synced: 22 Jan 2025

https://github.com/fikri-rouzan/cuda-c-program-part-3

CUDA C program from NVIDIA course.

c cuda

Last synced: 05 Feb 2025

https://github.com/maxenceleguery/3d-render-engine

3D Render engine accelerated with CUDA

3d cuda engine raytracing

Last synced: 27 Dec 2024

https://github.com/parlaynu/inference-tvm

Export ONNX to ApacheTVM and run inference in containerized environments.

apache-tvm cuda docker jetson-nano onnx raspberrypi4 x86-64

Last synced: 28 Jan 2025

https://github.com/miferreiro/cdap-cuda

CUDA exercises for the subject of "Computación Distribuída e de Altas Prestacións" in the Master Degree of Computer Engineering of the University of Vigo in 2020

c cuda scan

Last synced: 27 Dec 2024

https://github.com/cuda8/brainwords2

GPU brainflayer for sale $250

brain brainflayer brainwords cuda gpu key pass passphrase private

Last synced: 23 Oct 2024

https://github.com/aartintelligent/ops-cuda

OPS CUDA Stacks

cuda docker

Last synced: 05 Feb 2025

https://github.com/nyxflower/mosaics-cuda-openmp

Simple image mosaic command line too (CUDA-OpenMP-C Implementation)

c cuda gpu-programming mosaic mosaic-images openmp parallel-computing parallel-processing

Last synced: 03 Jan 2025

https://github.com/occisor2/fluidsimulation

Second project of my parallel algorithms course

cuda high-performance-computing

Last synced: 11 Jan 2025

https://github.com/branebb/nn-framework

Framework for creating neural networks using C++ and CUDA platform. This project is part of my final university assignment for bachelor's degree.

cmake cpp cuda cuda-programming

Last synced: 19 Nov 2024

https://github.com/yangfengzzz/tardis

Travel space and time by using autodiff and codegen

autodiff codegen cuda

Last synced: 09 Feb 2025

https://github.com/sangioai/sph

CUDA and OpenMP versions of SPH (Smoothed Particle Hydrodynamics) serial algorithm.

cuda openmp

Last synced: 12 Feb 2025