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

Projects in Awesome Lists tagged with parallel-computing

A curated list of projects in awesome lists tagged with parallel-computing .

https://github.com/64j0/concurrency-in-dotnet

Programs from the book "Concurrency in .NET", and others that I wrote to confirm or illustrate ideas

concurrency dotnet fsharp parallel-computing

Last synced: 03 Sep 2025

https://github.com/victorlga/dow25-sharpe-montecarlo

A Haskell implementation of portfolio optimization using Monte Carlo simulation to maximize the Sharpe ratio for Dow Jones stocks. This project demonstrates parallel processing in Haskell for computationally intensive financial modeling.

finance functional-programming haskell monte-carlo parallel-computing portfolio-optimization sharpe-ratio

Last synced: 14 May 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: 14 Mar 2025

https://github.com/nerett/parallel-programming

MIPT parallel programming course tasks (6-7 semester)

avx2 mpi openmp openmpi parallel-computing parallel-programming simd simd-intrinsics

Last synced: 14 May 2025

https://github.com/hansalemaos/cppradixsort

parallel_radixsort from C++ for Python (Windows)

cpp numpy parallel-computing python sort

Last synced: 23 Jul 2025

https://github.com/pratyush1712/data-engineering

Cornell Financial Data Collection leverages Python, Selenium, and NLP to aggregate and analyze financial data from Cornell's corporate donors, offering a unique exploration of data collection and analysis techniques.

flask nextjs nlp parallel-computing selenium-webdriver server-side-events

Last synced: 03 Nov 2025

https://github.com/raj457036/simple-web-crawler

A performant but simple web crawler thats easy to use and extend, supports async and sync requests with in memory and disk caching for high performance.

asynchronous parallel-computing python scale web-crawler

Last synced: 14 Mar 2025

https://github.com/hannani7/pointtopointmpifunctions

Simple Implementation of MPI AllGather, AllGatherV, AlltoAll, AlltoAllV

mpi-library parallel-computing

Last synced: 10 Mar 2025

https://github.com/leonardogemin/parallelcomputing_unipd

Project for the course of Parallel Computing - University of Padua.

c mpi parallel-computing

Last synced: 05 Mar 2025

https://github.com/pcurz/parallel-nbody-simulation-mpi

High-performance parallel N-body simulation in C using MPI. Simulates gravitational interactions between bodies in 3D space.

c high-performance-computing mpi n-body-simulation parallel-computing scientific-computing

Last synced: 05 Mar 2025

https://github.com/maltsev-andrey/julia_set_cuda

High-performance Julia set fractal computation in pure CUDA C, achieving 2.78 billion pixels/second on Tesla P100. Demonstrates GPU kernel programming, memory optimization, and massive parallelization (16M+ threads)."

cuda fractals gpu-programming high-performance-computing nvidia parallel-computing science visualization

Last synced: 03 Nov 2025

https://github.com/lyynn777/cuda-bitonic-sort

Simple CUDA project to implement Bitonic Sort and compare it with normal CPU sorting.

bitonic-sort cuda gpu-computing gpu-vs-cpu parallel-computing performance-testing pycuda python

Last synced: 03 Nov 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: 25 Jul 2025

https://github.com/starmanfrommars/parallel-computing

This repo contains all codes of Parallel Computing Lab for Semester 7

c linux omp-parallel parallel-computing

Last synced: 17 Sep 2025

https://github.com/apostolis1/parallel-processing-systems

Project of the undergrad course "Parallel Processing Systems" - NTUA

benchmark c cuda mpi openmp parallel-computing

Last synced: 30 Mar 2025

https://github.com/daelsepara/hipnewton

GPU Implementation of Newton Fractal Generator with Benchmarking

amd cuda fractal gpu gpu-compute gpu-computing hip newton parallel-computing rocm sdk

Last synced: 30 Mar 2025

https://github.com/kandil2001/lid-cavity-evolution

Lid Cavity Evolution is an open-source CFD suite for the lid-driven cavity problem, featuring MATLAB, Python, and parallel solvers with benchmark comparisons.

benchmarking cfd cfd-simulation lid-driven-cavity matlab mpi numpy open-source openfoam openmp parallel-computing python scientific-computing simple-algorithm star-ccm

Last synced: 18 Sep 2025

https://github.com/waterflow80/carry-look-ahead-adder-hpc

Implementation of the Carry look ahead adder algorihtm, and parallizing the algorithm using OpenMP libriries

binary-addition carry-look-ahead-adder cpp hpc openmp openmp-parallelization parallel-computing

Last synced: 07 Nov 2025

https://github.com/notargets/gocca

Go bindings for OCCA - Portable parallel programming framework

bindings cfd cgo cuda golang gpu hpc occa opencl parallel-computing

Last synced: 30 Oct 2025

https://github.com/pjborowiecki/comp3577-parallel-scientific-computing-i

This repository contains my final submission for the COMP3577 Parallel Scientific Computing I module assignment at Durham University in the academic year 2022/2023. The project focuses on exploring the N-body problem. Final grade received was 75/100.

cpp n-body n-body-problem n-body-simulator parallel-computing parallel-scientific-computing scientific-computing

Last synced: 18 Sep 2025

https://github.com/andreeo/parallel-computing-cuda

Programs in terminal applying the parallel programming model with the CUDA arquitecture

c cpp cuda docker lineal-search parallel-computing parallel-reduction rank-sort-algorithm

Last synced: 29 Jul 2025

https://github.com/giog97/histogram_equalization_cuda

Performance comparison of sequential and parallel CUDA Histogram Equalization for image contrast enhancement.

cuda cuda-kernels cuda-programming histogram-equalization image-processing parallel-computing parallel-programming

Last synced: 14 Apr 2025

https://github.com/mdredoyislam/redoyit

Personal Portfolio Theme Design Template

css-animations css3 html html5 javascript parallel-computing

Last synced: 02 Nov 2025

https://github.com/dhavalw/st8flo

Distributed applications in BigData, ML, Blockchain, IoT & more in Javascript (Node JS / Browser)

big-data bigdata blockchain dataflow distributed-database distributed-ledger distributed-systems iot javascript machine-learning microservices parallel-computing unified

Last synced: 22 Oct 2025

https://github.com/sha1n/gompute

A utility for high throughput parallel chain processing

golang parallel-computing parallel-programming processing-library

Last synced: 31 Jul 2025

https://github.com/narenkhatwani/chapel-lang-basics

This repository contains the basic code syntax examples of Chapel Language

chapel chapel-language high-performance-computing highperformancecomputing parallel-computing

Last synced: 01 Aug 2025

https://github.com/fra98/graph-coloring

Parallel graph coloring

cpp graph-coloring parallel-computing

Last synced: 01 Aug 2025

https://github.com/ryancswallace/npdb

Parallel NumPy-like interface for large n-dimensional arrays on disk.

mapreduce-designpatterns numpy numpy-arrays parallel-computing python

Last synced: 01 Aug 2025

https://github.com/mendzmartin/talk_workshop_juliero_2024

Este repositorio contiene el material utilizado para la charla en el Workshop Juliero (2024)

fem femtise julia julia-package parallel-computing tise workshop-material

Last synced: 01 Aug 2025

https://github.com/giljr/c_projects

OpenMP is highly advantageous when dealing with larger tasks that can be parallelized effectively.

concurrency high-performance-computing multithreading openmp parallel-computing

Last synced: 02 Aug 2025

https://github.com/proxy-pylon/monte-carlo-volume-approximation

Implementation of monte carlo simulations for approximation of volumes of high-dimensional spheres. Uses C++ and OpenMP for parallelized simulations. A detailed latex report is provided

cpp monte-carlo numerical-simulations openmp parallel-computing

Last synced: 27 Sep 2025

https://github.com/alchemine/distributed_computing

분산 처리를 위한 예제 코드

distributed-computing parallel-computing python

Last synced: 03 Aug 2025

https://github.com/mbarbetti/optunapi

:package: API to distribute hyperparameters optimization through HTTP requests

distributed-computing http-api-client http-requests machine-learning optimization parallel-computing

Last synced: 03 Aug 2025

https://github.com/osleonardo/parallel-computing

Project for the Parallel Computing class of the Computes Science course

java java-8 parallel parallel-computing parallel-programming

Last synced: 30 Sep 2025

https://github.com/sebastianhaeni/parallel-computing-mpj

Sorting pancakes in parallel using MPJ Express

pancake-sorting parallel-computing

Last synced: 06 Aug 2025

https://github.com/davphla/rpc-ocaml

Attempted implementation of a RPC Module for OCaml

ocaml ocaml-library parallel-computing rpc

Last synced: 06 Apr 2025

https://github.com/gianmariaromano/pmc-translated-notes

The repository contains translated notes for the course "Programmazione di Sistemi Multicore" given by Professor De Sensi for the "Informatica" course at Sapienza Università di Roma.

cuda cuda-programming mpi multicore openmp parallel-computing parallel-programming pthreads

Last synced: 02 Oct 2025

https://github.com/devansh1106/parallel-gauss-elimination

This repository contains code for performing Gaussian elimination using two types of algorithms. For more details see README.md

gauss-elimination linear linear-algebra linear-system-solver mathematical-programming mpi parallel-computing

Last synced: 04 Apr 2025

https://github.com/kylee7/synaptic

Synaptic is a groundbreaking decentralized protocol that empowers users to manage their AI interactions seamlessly. With Synaptic, you gain full control over your AI memories, enhancing your experience across all platforms. 🐙💻

computational-neuroscience decentralized i2c libfprint linux macos music neural-network neural-networks nlp parallel-computing privacy reinforcement-learning smbus spiking-neu spiking-neural-networks synaptics touchpad

Last synced: 19 Jul 2025

https://github.com/murf-y/csc477_parallel

All material related to the parallel computing course (includes exams ;) )

parallel-computing

Last synced: 09 Nov 2025

https://github.com/oelin/piper

Declarative distributed data pipelines in Python.

concurrency multiprocessing parallel-computing pipeline

Last synced: 25 Dec 2025

https://github.com/acrion/nexuslua-library

A C++ library for embedding a multi-threaded Lua environment, adding a powerful, asynchronous concurrency model based on agents and message-passing.

actor-model c-plus-plus cmake concurrency cpp embedding lua lua-bindings message-passing multithreading nexuslua parallel-computing scripting

Last synced: 25 Aug 2025

https://github.com/vrn-sn/parallel-and-distributed-computing

Work repository for CS 348 at Carleton: Parallel and Distributed Computing

carleton-college distributed-computing parallel parallel-computing

Last synced: 10 Aug 2025

https://github.com/nabilshadman/openmp-adaptive-quadrature

Shared-memory parallel implementations of adaptive quadrature algorithm using OpenMP

high-performance-computing openmp parallel-computing

Last synced: 11 Aug 2025

https://github.com/okoge-kaz/parallel_programming

Tokyo Institute of Technology 2022-2Q CSC. T354

c cpp java parallel-computing parallel-programming rust

Last synced: 19 Jun 2025

https://github.com/vitumenezes/csa-openmp

An implementation of Coupled Simulated Annealing methaeuristics using parallelism with OpenMP.

c metaheuristics openmp openmp-optimization parallel-computing parallel-programming simulated-annealing

Last synced: 12 Aug 2025

https://github.com/josefilipeferreira/parallel-bucket-sort

Parallel Bucket Sort (Parallel Computing Paradigm Assignment)

bucket-sort c mpi openmp parallel-computing university-project

Last synced: 15 Aug 2025

https://github.com/esteves31/unifesp

Projetos e matérias que realizei durante a graduação na Unifesp - SJC

algorithms compilers computer-science data-structures parallel-computing

Last synced: 14 Mar 2025

https://github.com/kkli08/electrostatic_particle_simulation

Range-Limited Electrostatic Particle Simulation.

c-plus-plus mpi parallel-computing

Last synced: 16 Aug 2025

https://github.com/thiagofons/mpi-gaussian-elimination

Linear system solver using multi-processor parallelism in MPI

gaussian-elimination linear-algebra linear-system-solver mpi parallel-computing

Last synced: 17 Aug 2025

https://github.com/gama1903/cuda_programming

Practice of cuda programming

cuda parallel-computing

Last synced: 01 Nov 2025

https://github.com/lpfann/edit-distance-parallel

Efficient and parallel implementation of Smith Waterman edit distance algorithm.

c edit-distance parallel-computing pthreads smith-waterman

Last synced: 17 Aug 2025

https://github.com/malitahir7788/assignment-02-pdc-m.ali-411327

Assignment relating to Parallel and Distributed Computing explaining different Synchronization algorithms and their practical Explanation. It also implements Distributed Collaborative Editing System, similar to Google Docs,

distr distributed parallel-computing parallel-programming python3

Last synced: 17 Aug 2025

https://github.com/paulapoley/openmp-multithreading-en-linux

Este repositorio contiene los programas desarrollados para la asignatura Arquitectura de Sistemas y Software de Base de 4º de Ingeniería de la Salud, ejecutados en un entorno Linux. La práctica se centra en el uso de OpenMP para la paralelización de programas en procesadores multinúcleo.

linux openmp parallel-computing parallel-programming

Last synced: 25 Oct 2025

https://github.com/kchristin22/k_select

Find the kth smallest element of an array using MPI. Three different versions have been implemented for this purpose: k-Search, Heuristic Quickselect and Quickselect.

algorithms distributed-computing distributed-systems heuristic-search-algorithms hpc k-select mpi mpi-applications mpi-parallelization parallel-computing quickselect

Last synced: 18 Aug 2025

https://github.com/devansh1106/ode-solver-parallel

Parallel Solver for linear ODEs using Finite Difference method. Uses MPI and MUtifrontal Massively Parallel sparse Solver (MUMPS) for solving linear systems.

c cplusplus linear-system-solver mumps ode-solver parallel-computing parallel-programming

Last synced: 04 Apr 2025

https://github.com/dimitrisstyl7/parallel-computing-project

Performance Optimization Using POSIX Threads and OpenMP

c cpp open-mp parallel-computing posix-threads

Last synced: 24 Aug 2025

https://github.com/bernardoduarte/ppd

Repositório da disciplina de Programação Paralela e Distribuída

distributed-computing mpi openmp parallel-computing

Last synced: 28 Mar 2025

https://github.com/gjbex/worker-ng

Next-generation worker implementation

hpc parallel-computing workflow

Last synced: 26 Aug 2025

https://github.com/nabilshadman/cuda-4-dummies

Lecture slides and exercise files of the CUDA 4 Dummies course (2025)

cuda gpu-computing high-performance-computing nsight-systems nvidia-gpu parallel-computing

Last synced: 31 Oct 2025

https://github.com/brzzznko/uniqueiptracker

Tracks unique IPv4 addresses from large input files

bitwise concurrency java junit optimization parallel-computing

Last synced: 28 Aug 2025

https://github.com/olekscode/cholesky-avx

Optimizing Cholesky Factorization with Intel AVX Instructions

avx cholesky-decomposition cholesky-factorization intrinsics numerical-methods parallel-computing simd

Last synced: 05 Apr 2025

https://github.com/gekomad/auriga

Distributed and collaborative perft system

chess cpp11 distributed-computing parallel-computing perft

Last synced: 31 Aug 2025

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: 14 May 2025

https://github.com/bardifarsi/blockingqueue

The BlockQueue pattern is a thread-safe queue implementation that allows multiple threads to push and pop elements concurrently. It provides synchronized access to the underlying queue, ensuring that no data race occurs between threads.

containers cpp cpp20 generic-programming multi-thread multi-threaded multi-threading multi-threads multiprocessing multithread multithreaded multithreading parallel-computing parallel-programming queue queues thread threading

Last synced: 31 Dec 2025

https://github.com/bardifarsi/threadpoolmanager

ThreadPoolManager is a C++ project that implements an efficient multi-threading system using a thread pool for generic functions of the same type and different tasks. It includes task management, synchronization mechanisms, and thread-safe logging to demonstrate concurrent task execution.

cpp cpp17 cpp20 cuda cuda-programming memory-management multiprocessing multithreading parallel-computing parallel-processing parallel-programming thread thread-pool thread-safety threadpool threads threadsafe

Last synced: 31 Dec 2025

https://github.com/daanv2/go-tasks

A package that allows you to easily parallelize tasks and chain them together. As well as allowing you to easily create a task that can be reused.

concurrency go parallel-computing parallel-programming tasks

Last synced: 26 Feb 2025

https://github.com/carlosrs14/parallel-data-preprocessig-system

A parallel data preprocessing system using threads and synchronization mechanisms (barrier, busy-waiting, condition variables) to clean and prepare data for AI training.

barrier-method c condition-variable data operative-systems parallel-computing posix preprocessing synchronization threads

Last synced: 24 Jul 2025

https://github.com/bardifarsi/lazyinitialization

This C++20 solution enables lazy initialization for multithreaded tasks. It efficiently initializes an expensive object only when needed, ensuring thread safety. It utilizes std::once_flag and std::atomic<bool> for synchronization, optimizing resource utilization and scalability.

concurrency concurrency-patterns concurrent-programming cpp cpp20 lazy-init lazy-initialization lazyinitializationexception multithreading object-oriented-programming oop parallel-computing parallel-processing parallel-programming singleton singleton-design-pattern singleton-pattern singletons

Last synced: 31 Aug 2025

https://github.com/pvlbzn/parallelprogramming

Parallelism in Scala, patterns, study.

parallel-computing

Last synced: 31 Aug 2025

https://github.com/kar-dim/CAS-2D

Implementation of the AMD FidelityFX CAS (Contrast Adaptive Sharpening) algorithm on CUDA, for sharpening static images.

cpp cuda dll fidelityfx gpu image-processing parallel-computing sharpen

Last synced: 01 Nov 2025

https://github.com/rodrigo-kelven/study_test_stress

Este estudo nâo significa que é veridico! Estou realizando este estudo por conta própria, buscando entender como de fato é realizado a melhoria de performance, além disso estou buscando compreensão mais sólida com o intuito de construir softwares mais performáticos, flexiveis e de alto desempenho.

concurrent-programming core go java parallel-computing parallel-programming parallelism performance-testing processes python3 threads

Last synced: 29 Jun 2025

https://github.com/bjornmelin/cuda-core-projects

🎯 Essential CUDA programming patterns and optimizations. Showcasing parallel computing expertise through matrix operations, memory management, and advanced kernel implementations. 💻

cpp cuda cuda-kernels gpu-computing high-performance-computing nvidia optimization parallel-computing

Last synced: 20 Jul 2025

https://github.com/antonystorti/lu-decomposition

Implementazione parallela della "LU Decomposizione" per risolvere Sistemi Lineari di equazioni

cuda-programming high-performance-computing mpi openmp parallel-computing

Last synced: 03 Apr 2025

https://github.com/giog97/mean_shift_image_segmentation_openmp

Performance comparison of sequential and parallel OpenMP MeanShift for image segmentation.

image-processing mean-shift opencv openmp parallel-computing parallel-programming

Last synced: 24 Feb 2025

https://github.com/pinedah/escom_high-performance-computing

This repository contains materials, notes, and projects for the High-Performance Computing (HPC) course in the Data Science degree at IPN. It covers the design and implementation of parallel computing, distributed systems, and GRID architectures to build high-performance computing systems.

cloud-computing data-science distributed-systems escom high-performance-computing hpc ipn parallel-computing school

Last synced: 24 Feb 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: 18 Mar 2025

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: 11 Mar 2025

https://github.com/zvikinoza/cool-papers

List of practical papers I found interesting, I'll keep on adding

deep-learning distributed-systems operating-systems parallel-computing

Last synced: 04 Jan 2026

https://github.com/harmim/vut-avs-labs

Architektury výpočetních systémů - Cvičení

avs openmp parallel-computing processor-architecture vectorized-computation vut vut-fit

Last synced: 31 Mar 2025

https://github.com/lorenzofelletti/rust_matrix_multiplication_benchmark

Benchmark of different matrix multiplication algorithms, both sequential and parallel, using Rust

cache-friendly-code cli matrix-multiplication parallel-computing rust

Last synced: 13 Mar 2025

https://github.com/tenapato/crypto-block-hashing

Crypto PoW mining in multi-threaded nodes using OpenMP

cryptocurrency hashing openmp-parallelization parallel-computing

Last synced: 01 Sep 2025

https://github.com/rajm012/img-procss

This project implements a K-Nearest Neighbors (KNN) classifier for the figs drawn roughly with hands and provides an interactive web-based interface for visualizing and evaluating its performance. The implementation includes parallelized evaluation of different k values and dynamic updates to improve user experience.

javascript parallel-computing python3

Last synced: 17 Jun 2025

https://github.com/lnsp/picompute

Approximate Pi using Metal compute kernels

metal numerical-integration parallel parallel-computing pi

Last synced: 05 Apr 2025