Ecosyste.ms: Awesome

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

Awesome Lists | Featured Topics | Projects

Nvidia

NVIDIA Corporation is a company that manufactures graphics processors, mobile technologies, and desktop computers. It is known for developing integrated circuits, which are used in everything from electronic game consoles to personal computers (PCs). The company is a leading manufacturer of high-end graphics processing units (GPUs).

https://github.com/dqbd/cuda-btree

Implementation of B-Trees on NVIDIA CUDA

b-tree cuda nvidia

Last synced: 01 Jan 2025

https://github.com/sthysel/jtx2-tools

nvidia jtx/xavier GPU monitor tool

cuda nvidia txt2 xavier

Last synced: 20 Jan 2025

https://github.com/shayan-ghani/zabbix-gpu-temperature

See how to monitor GPU temperature with zabbix on ubuntu.

monitoring nvidia zabbix

Last synced: 26 Jan 2025

https://github.com/sds100/nvidiagpumonitor

An Android app to monitor your Nvidia GPU remotely through JuiceSSH.

gpu monitor monitoring-application nvidia ssh

Last synced: 08 Jan 2025

https://github.com/romnn/nvbit-rs

Rust bindings to the NVIDIA NVBIT binary instrumentation API

cuda ffi gpgpu instrumentation nvbit nvidia profiling ptx rust sass tracing

Last synced: 23 Oct 2024

https://github.com/robang74/isar-nvidia-debian

Build with ISAR an evaluation image based on Debian 11 (bullseye) selecting from nVidia GPU support (515.65.07) up to a graphic developing enviroment with the full nVidia software stack (11.7.1) running a standard debian kernel

debian isar nvidia nvidia-cuda nvidia-docker nvidia-smi

Last synced: 22 Jan 2025

https://github.com/squat/kubeconeu2018

KubeCon EU 2018 talk on automating GPU infrastructure for Kubernetes on Container Linux

container-linux gpu kubecon kubenetes nvidia terraform

Last synced: 08 Feb 2025

https://github.com/rupeshtr78/nvidia-server

simple http server for fetching gpu metrics

gpu metrics nvidia

Last synced: 12 Jan 2025

https://github.com/rjected/cuda-timelock

Solving a large number of timelock puzzles in parallel using GPU acceleration

c cgbn concurrent cpp cuda gmp graphics nvidia parallel puzzle timelock

Last synced: 09 Feb 2025

https://github.com/ethanlee928/jetson-vision

Real time video analytics with Nvidia's Jetson devices.

computer-vision edge-computing nvidia object-detection python video-analytics

Last synced: 27 Jan 2025

https://github.com/Scotchman0/GPU-heat-logging

Quick and dirty script to grep nvidia-SMI temps, and CPU temps, write them to log every X seconds for troubleshooting purposes

heat lm-sensors logger logging nvidia nvidia-smi sensors temperature temperature-monitoring tracking ubuntu

Last synced: 04 Nov 2024

https://github.com/fjebaker/collectd-nvidia-smi

Python script for collectd, wrapping system calls to nvidia-smi.

collectd collectd-plugin gpu monitoring nvidia nvidia-cuda python

Last synced: 24 Dec 2024

https://github.com/tolgaerok/nixos-kde-2405

My Personal nixos 24-05 KDE (Nvidia) repo

hp kde nixos nixos-configuration nixos-nvidia nvidia

Last synced: 10 Oct 2024

https://github.com/cicdteam/k8s-ami

AWS AMI images used in Kubernetes cluster

ami aws gpu kubernetes kubernetes-cluster nvidia packer ubuntu1604

Last synced: 25 Dec 2024

https://github.com/djdhairya/self-driving-car

Basic Self Driving Car Model using Nvidia and Computer Vision

ai aiml computer-vision csv deep-learning jupyter-notebook keras ml nvidia python3 tensorflow

Last synced: 07 Jan 2025

https://github.com/saornek/ic4u

IC4U is a robot guide dog for visually impaired people. IC4U has three versions: IC4U, IC4U2, IC4U3.

arduino artificial-intelligence ic4u nvidia nvidia-cuda python raspberry-pi robot robotdog serial-communication social-good

Last synced: 08 Jan 2025

https://github.com/saornek/ic4us-zed-camera-template

IC4U is a robot guide dog that assists blind people by mimicking a real guide dog with the help of AI and ML. In this repository you can find the code template used in all IC4U's object detection applications.

ic4u jetson-nano nvidia object-detection python zed-camera zed2

Last synced: 08 Jan 2025

https://github.com/imcf/nvsmi-prometheus-textfile

A zero-dependencies metrics collector for Prometheus based on "nvidia-smi" written in Python.

grafana metrics monitoring nvidia nvidia-smi prometheus prometheus-exporter vgpu

Last synced: 08 Jan 2025

https://github.com/michaelfranzl/image_debian-gpgpu

Dockerfile for a Debian base image with AMD and Nvidia GPGPU support

amd container container-image cuda debian docker gpgpu nvidia opencl

Last synced: 21 Jan 2025

https://github.com/sirselim/nvidiagtc_2021

My 40min presentation for Nvidia Spring GTC 2021 on portable sequencing tech and Nvidia GPUs

nvidia nvidia-gpu nvidia-gtc presentation presentation-slides slide-deck slides

Last synced: 02 Feb 2025

https://github.com/dipyamanroy/icecti-hackathon-gpu

ICECTI 2023 Hackathon repository for the GPU stack

gpu gpu-acceleration hackathon hackathon-project nvidia nvidia-gpu

Last synced: 05 Jan 2025

https://github.com/kernferm/pytorch-to-tensorrt-model-converter

This project provides a comprehensive Python script to convert a PyTorch model to an ONNX model and then to a TensorRT engine for NVIDIA GPUs, followed by performing inference using the TensorRT engine. This script is designed to handle the entire conversion process seamlessly.

convert gpu numpy nvidia nvidia-gpu onnx pytorch tensorrt tensorrt-conversion yolo yolov5 yolov8

Last synced: 20 Dec 2024

https://github.com/alexpresso/.dotfiles

This is the repository where I store my dotfiles/config files with an installer so I don't have to reinstall and configure everything byhand everytime I switch to another PC.

alacritty dotfiles dotfiles-installer dotfiles-linux firewall gnome gnome-shell kitty kitty-terminal nftables nftables-rules nvidia orange paru ricing terminator yay

Last synced: 13 Jan 2025

https://github.com/mrcolorr/jnp

JNP is a Docker image designed for developers, featuring preinstalled Java, Node.js, and Python. This image ensures you have these essential programming languages and runtimes, providing a robust and versatile environment for building and testing applications. Ideal for developers who need a reliable and up-to-date development stack.

developer-tools development dind docker gpu helm java kubernetes nodejs nvidia python remote remotedevelopment

Last synced: 13 Jan 2025

https://github.com/wallneradam/docker-ccminer

CCMiner (tpruvot version) Docker Builder

ccminer cuda docker gpu litecoin miner monero nvidia nvidia-docker

Last synced: 01 Feb 2025

https://github.com/tenkyuchimata/genshindsr

A tool to force Genshin Impact to use DSR resolution.

dsr genshin genshin-impact nvidia pyautogui python python3 tool tools

Last synced: 09 Jan 2025

https://github.com/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.

c-cpp cpp cuda cuda-toolkit education gpu gpu-programming kernel matrix-operations nvcc nvidia parallel-computing parallel-programming practice profiling threads

Last synced: 31 Jan 2025

https://github.com/acm-uiuc/gpu-image-template

Template for custom docker files on the gpu cluster

docker docker-image gpu-cluster nvidia nvidia-docker

Last synced: 17 Jan 2025

https://github.com/bertandogancay/self-driving-car

A self driving car that detect lanes, and uses flask library to send live video footage to a web application.

cpp flask-application jetson-nano lane-detection nvidia opencv python

Last synced: 28 Jan 2025

https://github.com/sleeepyjack/multisplit

Simple multisplit for CUDA accelerators

cpp cuda gpu nvidia parallel-programming primitive split

Last synced: 22 Jan 2025

https://github.com/cloudmercato/probes

Utility for collect monitoring data

cpu gpu macos monitoring nvidia ram

Last synced: 22 Jan 2025

https://github.com/aniketfuryrocks/arch-dev-config

Arch Setup Scripts for devs

archlinux linux nvidia

Last synced: 09 Feb 2025

https://github.com/aniketfuryrocks/prime-run

a simple bash script to run apps with prime render offloading

bash graphics linux nvidia offload optimus-laptops

Last synced: 09 Feb 2025

https://github.com/aaaastark/aaaastark

aaaastark

aaaastark nvidia

Last synced: 15 Jan 2025

https://github.com/parzival-space/stable-diffusion-docker

Simple Click-and-Run Docker Image for Stable Diffusion WebUI

nvidia nvidia-cuda nvidia-docker stable-diffusion stable-diffusion-webui

Last synced: 24 Nov 2024

https://github.com/64kramsystem/nv-switch

Small program for switching the drivers of the second GPU between `nvidia` and `vfio`

bash nvidia vfio vga-passthrough

Last synced: 23 Jan 2025

https://github.com/antonioberna/nn-gpu-logic-gates

Neural Network implementation on GPU using CUDA C++ to learn logic gates operations

cpp cuda gpu logic-gates neural-networks nvidia

Last synced: 05 Feb 2025

https://github.com/stefanhamminga/veye327-dkms

NVIDIA Jetson TX1, TX2, AGX & Nano Linux kernel driver for the IMX327 based "VEYE-MIPI-327" camera module by veye.cc

cam camera drivers jetson jetson-nano jetson-tx1 jetson-tx2 jetson-xavier linux linux-kernel nvidia

Last synced: 05 Feb 2025

https://github.com/enriquebdel/clases-cuda-programacion-paralela-en-c-

En este repositorio encontrarás varias lecciones creadas por mí sobre la librería CUDA en C. El programa que utilizo para programar es MobaXterm.

c cuda cuda-programming gnu-linux googlecolab mobaxterm nvidia parallel-programming ubuntu university

Last synced: 26 Jan 2025

https://github.com/xlisp/learn-vllm

vllm learning

cuda nvidia pytorch vllm

Last synced: 02 Feb 2025

https://github.com/komorra/blackmagicengine

Nextgen, Classic/VR/AR Game Engine

core cuda dx12 game-development gameengine gpu net nvidia vulcan

Last synced: 31 Dec 2024

https://github.com/guhan-tofu/rag

FREE Implementation of a RAG pipeline using nvidia llama-3.1 nemo model and pinecone

ai llama3 nvidia pinecone python rag retrieval-augmented-generation

Last synced: 09 Feb 2025

https://github.com/giovaneiwamoto/cuda-shortest-paths

🧩 Cuda Shortest Paths - Parallel Dijkstra and Floyd algorithms using Nvidia CUDA to calculate All-Pairs Shortest Path (APSP) in a given graph represented by its adjacency matrix.

all-pairs-shortest-path cuda nvidia

Last synced: 11 Nov 2024

https://github.com/makischristou/mandelbrot

Mandelbrot set visualizer using CUDA.

cpp cuda gpu mandelbrot nvidia renderer rust

Last synced: 20 Jan 2025

https://github.com/itdaniher/nvidia-eternal-sadness

https://github.com/itdaniher/nvidia-eternal-sadness/releases/tag/7.0.4.31-1

binaries cudnn drivers nvidia tensorflow

Last synced: 01 Feb 2025

https://github.com/acm-uiuc/gpu-cluster

Root repo for ACM GPU Cluster

ai deep-learning gpu gpu-cluster nvidia

Last synced: 17 Jan 2025

https://github.com/tallamjr/jetspark

Spark cluster on Jetson TX2 mini-project

gpu nvidia spark tx2-jetpack

Last synced: 17 Dec 2024

https://github.com/dvgamerr/services-gputracking

Open Hardware Monitor watcher realtime upload data to server.

gpu-miner nvidia openhardware tracking watcher

Last synced: 17 Dec 2024

https://github.com/stridsvagn69420/shadowarc

Daemon for properly storing ShadowPlay files when written to a Linux NAS

daemon linux nas network-attached-storage nim nimble nvidia nvidia-shadowplay shadowplay

Last synced: 23 Jan 2025

https://github.com/realies/nvidiasleepreset

Prevents Windows from sleeping when the GPU is in use

gpu idle nvidia plan power reset sleep timeout use windows

Last synced: 19 Dec 2024

https://github.com/deniskore/powerplanmanager

Easy and convenient management of NVIDIA and system power settings on Windows.

cpp games nvapi nvidia power-management

Last synced: 17 Jan 2025

https://github.com/jakubriegel/game_of_life_3d

3D game of life implemented in CUDA

concurency cuda gameoflife nvidia put-poznan

Last synced: 01 Feb 2025

https://github.com/jonasricker/autocvd

Tool to automatically set CUDA_VISIBLE_DEVICES based on GPU utilization. Usable from command line and code.

cuda cuda-visible-devices gpu keras machine-learning nvidia python pytorch tensorflow

Last synced: 03 Jan 2025

https://github.com/pedro-avalos/cuda-samples-snap

Unofficial snap for CUDA Samples

cuda gpu gpu-test linux nvidia package snap snapcraft

Last synced: 03 Jan 2025

https://github.com/tolgaerok/debian-tolga

My personal debian 12 installer

change nvidia samba samba-share sudoers vscode

Last synced: 11 Jan 2025

https://github.com/hrolive/deep-learning-week

This 5 day online course was co-organised by LRZ and NVIDIA Deep Learning Institute (DLI), combined lectures about Fundamentals of Deep Learning for Single and for Multi-GPUs, Building Transformer-Based Natural Language Processing Applications and Deep Learning on LRZ systems.

bert deep-learning gpu-acceleration high-performance-computing large-language-models llm machine-learning natural-language-processing nvidia python transformers transformers-models

Last synced: 04 Jan 2025

https://github.com/scotchman0/gpu-heat-logging

Quick and dirty script to grep nvidia-SMI temps, and CPU temps, write them to log every X seconds for troubleshooting purposes

heat lm-sensors logger logging nvidia nvidia-smi sensors temperature temperature-monitoring tracking ubuntu

Last synced: 27 Dec 2024

https://github.com/kayuii/ironfish-miner

docker nvidia/amd Gpu hpool-dev/ironfish-miner ironfish-miner

amdgpu cuda docker gpu nvidia rocm

Last synced: 31 Jan 2025

https://github.com/bruce-lee-ly/cutlass_gemm

Gemm operators are constructed with cutlass to support LLM inference.

cublas cutlass gemm gpu llm matrix-multiply nvidia tensor-core

Last synced: 15 Nov 2024

https://github.com/shahbaz1234567/smartrag-assistant

"SmartRAG-Assistant/GenAI-Assistant leverages advanced LLM models and Nvidia APIs for efficient query handling and document summarization. It integrates LlamaParse for structured data extraction, HuggingFace embeddings for vectorization, and PineconeDB for efficient retrieval, ensuring precise answers to user queries."

fastapi fine-tuning gemini generative-ai huggingface-embeddings llamaparse llmmodel llmops nvidia pinecone-db python streamlit summarization vector-embeddings

Last synced: 25 Jan 2025

https://github.com/xavierjiezou/gpu-compute-capability

An application for querying the computing power of each gpu released by NVIDIA.

cuda gpu nvidia

Last synced: 01 Feb 2025

https://github.com/bolner/totally-diffused

Debian/NVIDIA Docker image for AUTOMATIC1111's Stable Diffusion application.

automatic1111 cuda debian docker-image nvidia stable-diffusion xformers

Last synced: 08 Feb 2025

https://github.com/pancaketas/nvidia-capture-java

NVIDIA Capture SDK (NvFBC) Bindings for Java

jna nvidia nvidia-capture

Last synced: 09 Feb 2025

https://github.com/deadproject/arch-gpudrivers

GPU drivers automated installation: Nvidia, AMD, Intel

amd archlinux gpu intel nvidia

Last synced: 24 Jan 2025

https://github.com/ray-1337/nvidia-shadowplay-migration

Moving my games recording files from NVIDIA ShadowPlay source folder to another folder (in this case, partition/hard drive)

fs node nodejs nvidia rimraf shadowplay

Last synced: 05 Feb 2025

https://github.com/sustia-llc/gpu_logger_poc

GPU execution verification system with immutable Kafka logging. Monitors CUDA operations, validates GPU performance, and maintains auditable operation history. Built with Rust and Candle for reliable ML model execution tracking.

candle-core cuda docker gpu gpu-computing kafka logging machine-learning mlops monitoring nvidia performance-testing rust

Last synced: 19 Dec 2024

https://github.com/riteek712/drugx

DrugX is a drug discovery and protein-binding prediction tool built with the latest in machine learning and natural language processing (NLP) technology. Powered by NVIDIA NIM and protein structure prediction models, this project enables users to simulate molecular interactions and predict protein structures.

mongodb next-auth nextjs nvidia reactjs tailwindcss

Last synced: 29 Jan 2025

https://github.com/avicted/hip_fm_synthesis

This project demonstrates FM Synthesis (Frequency Modulation) using HIP (Heterogeneous Compute Interface), enabling high-performance sound generation on both AMD and NVIDIA GPUs.

amd audio-processing cuda fm-synthesis hip nvidia rocm

Last synced: 23 Jan 2025

https://github.com/codingrule/cuda-mbrot

Just another mandlebrot with cuda

cuda cuda-toolkit cupy fractal mandelbrot mathematics nvidia

Last synced: 05 Feb 2025

https://github.com/tomtolleson/cuda-kernel-benchmarking-tool

A benchmarking tool in C++ that creates Cuda kernels and tests the overall system performance between CPU and GPU

cuda cuda-kernels cuda-support cuda-toolkit nvidia nvidia-cuda nvidia-gpu

Last synced: 05 Feb 2025

https://github.com/lruizap/testcuda

Guide to install and use cuda for programming

cuda cudnn nvidia pytorch

Last synced: 02 Feb 2025

https://github.com/vagr9k/nvidia-zerodb

A 0dB fan control service for the nvidia driver.

fan-control linux nvidia nvidia-driver

Last synced: 22 Dec 2024

https://github.com/separatrixxx/pgp_labs_7_sem

👓 Laboratory work for the 7 semester of MAI on PGP and PDP

cpp cuda nvidia

Last synced: 05 Feb 2025

https://github.com/eddumelendez/spring-ai-nvidia

Spring AI example testing against NVIDIA NIM provided by Testcontainers

docker nvidia nvidia-nim spring-ai spring-boot testcontainers

Last synced: 26 Dec 2024

https://github.com/getcoff3e/fedorarhel-pcie-vfio-guide

A helpful guide going through the process of passing PCIe devices into VFIO on Red Hat based Linux distributions

amd centos driver fedora fedora-workstation gpu guide intel linux nvidia passthrough redhat redhat-enterprise-linux vfio virtual-machine virtualization

Last synced: 23 Jan 2025

https://github.com/mattjesc/gpu-accelerated-fap

GPU-Accelerated Frequency Analysis Prototype using CUDA, Unit Testing, and User-Defined Settings

c cmake cpp cuda cufft googletest gpu gpu-acceleration gpu-computing gpu-programming nvidia signal-processing test test-automation testing unit-testing

Last synced: 05 Feb 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/td99/ai-sandbox

A collection of AI tools and prototypes.

ai cuda docker image-generation-ai nvidia python

Last synced: 05 Feb 2025

https://github.com/redhat-na-ssa/demo-triton-yolo

Customize Nvidia Triton to use OpenShift Source to Image building

data-science model-serving nvidia openshift triton

Last synced: 31 Jan 2025