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/ulhpc/fuzzymerge_parallel

Fuzzymerge parallel capable of using multiple nodes with DASK

dask fuzzy-matching hpc levenshtein multiprocessing parallel-computing python

Last synced: 06 Mar 2025

https://github.com/xanstar6067/fractalexplorer

Большой проект по объединению программ генерации фракталов. A large project to combine fractal generation programs.

burning-ship burning-ship-set csharp custom-rendering-style decimal-arithmetic fractal fractal-renderer fractals graphics julia-set mandelbrot-set math multithreading parallel-computing simulation visual-studio visualization winforms

Last synced: 30 Jun 2025

https://github.com/BardiFarsi/MemoizationMultiThreading

Sample project demonstrating the use of memoization, dynamic programming, and multi-threading to efficiently handle repeated heavy tasks and optimize performance. Results are cached for quick retrieval, and Multi-Threaded processing accelerates computation.

algorithms cpp cpp17 cpp20 data-structures dynamic-programming machine-learning machine-learning-algorithms memoization memory-management multi-threading multiprocessing multithreading parallel-computing parallel-programming

Last synced: 15 May 2025

https://github.com/hannani7/tspwithbruteforce

Brute Force Approach to finding the solution to the Traveling Salesman Problem (TSP). Done Serially and in Parallel.

brute-force parallel-computing traveling-salesman-problem

Last synced: 30 Jun 2025

https://github.com/cassiofb-dev/producer-consumer_problem

Producer-Consumer problem in Java and Python (JDK16 and Python3)

java jdk16 multithreading parallel-computing parallel-programming python python3

Last synced: 08 Nov 2025

https://github.com/voschezang/holographic-projector-simulations

Optimizations of Simulations of Holographic Projectors using CUDA

cuda gpu holography parallel-computing photonics

Last synced: 24 Feb 2025

https://github.com/lucasssvaz/pcd

Projects created during the 2020 "Distributed and Parallel Computing" class.

distributed distributed-computing hpc parallel parallel-computing

Last synced: 27 Dec 2025

https://github.com/iroyalx/parallelism

UNI S6: Parallel processing final project

docker fastapi parallel-computing parallel-programming parallelism

Last synced: 15 Mar 2025

https://github.com/uzbekdev1/tpl-demo

Task Parallel Library

csharp parallel-computing task-runner

Last synced: 03 Mar 2025

https://github.com/aguven6/inmemory-data-processor

Convert tabular data to columnar data with index. Aim is to process huge data quicker especially in aggregation operation

columnar-storage data data-structures parallel-computing parallel-programming processing

Last synced: 12 Oct 2025

https://github.com/vielhuber/parallyzer

⛓️ A poor mans php tool for running multiple, non-blocking (php-)scripts. ⛓️

parallel-computing php threads

Last synced: 29 Mar 2025

https://github.com/uscbiostats/hpc-with-r

Workshop: Introduction to R (for HPC users)

datascience hpc parallel-computing rstats statistics workshop

Last synced: 26 Feb 2025

https://github.com/giovancombo/parallelhistogramequalizer

A repo containing a simplified Histogram Equalizer implemented in C++ in a sequential and parallel version exploiting the OpenMP multi-threading API. The goal of this project is to compare and evaluate different strategies of parallelization via measurement of speedup and efficiency.

cplusplus openmp parallel-computing parallel-programming

Last synced: 15 Mar 2025

https://github.com/dhruvsrikanth/advection-diffusion-simulation

In this repository, you will find a serial, shared-memory parallel, distributed-memory parallel and hybrid implementations of the advection-diffusion simulation.

advection-diffusion c cpp cpu distributed-memory-parallel high-performance-computing mpi multithreading openmp parallel-computing shared-memory-parallel simulation-modeling

Last synced: 23 Apr 2025

https://github.com/alberto-paparella/freesurfaceflowsimulation

Repository for the project of the Parallel Computing course @unife, a.y. 2020-21.

free-surface-flows parallel-computing parallel-programming

Last synced: 05 Apr 2025

https://github.com/imgios/nbody-simulation

Parallel MPI solution for the n-body problem, benchmarked on AWS.

aws mpi n-body-simulation parallel-computing

Last synced: 23 Feb 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: 15 May 2025

https://github.com/nholland94/bynar

A high level Vulkan compute library for D

dlang library parallel-computing spir-v vulkan

Last synced: 15 Mar 2025

https://github.com/300degree/mpi-cluster

Making an MPI Cluster using two nodes (1 Master, 1 Slave) within the same LAN

cluster distributed-parallel-training mpi openmpi parallel-computing

Last synced: 23 Feb 2025

https://github.com/bardifarsi/picalculator

a C++ program that demonstrates the use of a thread pool for efficiently calculating the value of PI using multiple threads. The program utilizes a thread pool to distribute the computation of PI across available CPU cores, improving performance through parallel processing.

cpp cpp14 cpp17 cpp20 multi-threaded multi-threading multi-threads multiprocessing multithread multithreaded multithreading parallel-computing parallel-processing parallel-programming pi pi-calculator thread thread-pool threadpool

Last synced: 19 Jul 2025

https://github.com/marhcouto/feup-cpd-proj

:alien: Matrix multiplication benchmarking and distributed key-store - CPD -> L.EIC - FEUP

amazon-dynamo cpd distributed-systems feup-cpd leic leic-cpd parallel-computing

Last synced: 19 Jul 2025

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

Architektury výpočetních systémů - Projekt - Optimalizace sekvenčního kódu

avs hdf5 neuronal-network openmp papi parallel-computing vectorized-computation vut vut-fit

Last synced: 31 Mar 2025

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

Architektury výpočetních systémů - Projekt - Optimalizace paralelního kódu

avs marching-cubes openmp parallel-computing parallel-programming vut vut-fit

Last synced: 31 Mar 2025

https://github.com/davidemodolo/closest-pair-of-points-hpc

MPI parallel implementation of bruteforce and divide et impera approaches to the Closest Pair of Points problem

algorithm closest-pair-of-points hpc mpi parallel-computing

Last synced: 12 Mar 2025

https://github.com/meherchandpn/pokemon-cache

LRU cache implementation and doing crud operations on pokemon data

java lru-cache parallel-computing pokemon spring-boot

Last synced: 15 Mar 2025

https://github.com/kchristin22/graph_minor

Compute the graph minor when given the cluster configuration. Implemented in three versions using OpenMPI, pthreads and OpenCilk.

csr graph-algorithms graph-minor opencilk openmpi openmpi-benchmark parallel-computing pthreads

Last synced: 15 Mar 2025

https://github.com/tiktokfnf33/rayleigh-taylor-instability-simulation

# CUDA Rayleigh-Taylor Instability SimulationThis repository features a high-performance simulation of the Rayleigh-Taylor instability using CUDA, Python, and C. Explore the implementation and results to understand fluid dynamics in a parallel computing context. 🖥️🚀

c computational-fluid-dynamics cuda euler-method finite-difference gpu-computing hpc numerical-simulation parallel-computing physics-simulation python rayleigh-taylor-instability runge-kutta

Last synced: 30 Oct 2025

https://github.com/gzt/mpihartwong

Parallel adaptation of Hartigan and Wong's k-means clustering algorithm

clustering k-means openmpi parallel-computing

Last synced: 27 Dec 2025

https://github.com/meherdeep/parallel-scraping

Scraping data from amazon and flipkart, a comparative analysis.

beautifulsoup beautifulsoup4 parallel-computing python3 webscraping

Last synced: 02 Jul 2025

https://github.com/klimentlagrangiewicz/k-nn-using-mpi

Implementation of k-NN algorithm using MPI technology

ansi-c c90 k-nearest-neighbors knn-classification openmpi parallel-computing

Last synced: 23 Mar 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: 19 Apr 2025

https://github.com/BardiFarsi/SingleTon

This repository contains an implementation of the Singleton Lazy Initialization design pattern in C++20. The Singleton pattern ensures that a class has only one instance and provides a global point of access to that instance.

concurrency concurrent-programming cpp cpp17 cpp20 lazy-init lazy-initialization lazyinitializationexception multi-thread multi-threaded multi-threading multi-threads multiprocessing multithreaded multithreading object-oriented-programming parallel-computing parallel-programming singleton singleton-pattern

Last synced: 19 Apr 2025

https://github.com/gaurisharan/cuda-ml-kernels

Practice repo for CUDA C++ GPU kernels for ML and HPC.

cpp cuda gpu hpc kernels ml parallel-computing systems-ml

Last synced: 16 Jul 2025

https://github.com/minseoc03/cuda-100-days

A 100-day journey to master CUDA programming, inspired by the CUDA-120-DAYS--CHALLENGE project. This repo contains daily CUDA exercises and code folders, with learning notes hosted on Notion. Practicing on leetgpu.com due to lack of local NVIDIA GPU.

100daysofcode cuda deeplearning gpgpu gpu hpc nvidia parallel-computing

Last synced: 19 Apr 2025

https://github.com/ionmich/cs149-local-dev

Provides `conda` installation instructions for Stanford's CS149 (Parallel Computing) programming assignments

conda cs149 cuda ispc parallel-computing

Last synced: 31 Mar 2025

https://github.com/markalbrand56/cp-miniproyecto-1

Ecosystem simulation with parallelism

ecosystem-simulation parallel-computing

Last synced: 05 Mar 2025

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: 15 Jul 2025

https://github.com/mauriciovazquezm/words_bag_parallelized

Implementation of an algorithm for counting word frequency on books using a dictionary of words, parallelized with MPI in C++

cplusplus mpi-library parallel-computing

Last synced: 10 Jun 2025

https://github.com/dlr-amr/t8gpu

Header-only finite volume library targetting GPUs using t8code as meshing backend.

adaptive-mesh-refinement cuda finite-volume gpgpu-computing hpc mesh mpi parallel-computing simulation

Last synced: 16 Jul 2025

https://github.com/pssilva/lotek-luck

É um projeto conceito POC para Implementar algoritmos de processamento paralelo / concorrente clusterizado.

algorithms combinatorial-optimization concurrent-programming executor-service parallel-computing parallel-programming threads threadsafe

Last synced: 13 Jul 2025

https://github.com/haimonmon/pong-plus

A nostalgic take on classic Pong game with an twist of customizable level creation

games nostalgia not-pygame parallel-computing ping-pong python tkinter tkinter-game

Last synced: 29 Jun 2025

https://github.com/salog0d/turingmachine

Un resaltador de sintaxis avanzado basado en los principios fundamentales de Máquina de Turing, implementando un autómata finito determinista para el análisis léxico y coloreado de código fuente.

low-level parallel-computing python3 turing-machine

Last synced: 23 Jun 2025

https://github.com/assem-elqersh/parallel-and-distributed-computing-lab

Series of laboratory assignments focused on parallel and distributed computing concepts, from basic speedup analysis to advanced GPU programming.

cuda-programming cuda-toolkit openmp parallel-computing

Last synced: 23 Jun 2025

https://github.com/kar-dim/cas-2d

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

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

Last synced: 22 Jun 2025

https://github.com/parallelbgls/calculation

Programming Language that calculates value

parallel-computing programming-language scripting-language

Last synced: 23 Mar 2025

https://github.com/ysl1016/cudadigitfilter

CUDA-based parallel image filtering system for MNIST dataset

computer-vision cuda deep-learning gpu-acceleration image-processing mnist parallel-computing

Last synced: 28 Mar 2025

https://github.com/leonardocrociani/parallel-distributed-stencil-computation

The exam project for the Parallel and Distributed Systems course. The project consists in the computation of wavefront algorithm using the research library FastFlow and MPI.

distributed-systems fastflow mpi openmp parallel-computing

Last synced: 23 Jun 2025

https://github.com/avip8238/study_test_stress

# Study_Test_StressThis repository explores processing, threads, parallelism, and concurrency using Python, Go, and Java. Join me on this journey to understand performance improvements and build more efficient software! 🐙💻

concurrent-programming core data-analysis data-visualization depression go java jmeter logistic-regression mental-health parallel-computing parallel-programming parallelism performance-analysis performance-testing public-health r statistics

Last synced: 21 Jun 2025

https://github.com/diegonti/md_simulation

EIA Project for the Computational Modelling Master's Degree.

fortran lennard-jones molecular-dynamics mpi multiprocessing parallel-computing

Last synced: 19 Jun 2025

https://github.com/g023/parapopphp

ParaPopPHP - A PHP library for running PHP processes in parallel using popen()

multiprocess multiprocessing multitasking parallel-computing parallel-processes parallel-programming php php8 popen process processes

Last synced: 18 Jun 2025

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

Explore parallel computing with sorting algorithms and a deep neural network. Compare performance using Python's multithreading, multiprocessing, and GPU acceleration. 🚀💻

dask differential-equations distributed-computing hpc lecture-notes mysql neural-networks neural-ode neural-sde parallel parallel-computing parallel-programming pydata scientific-machine-learning scikit-learn sciml scipy simulation

Last synced: 03 Jul 2025

https://github.com/kraglik/stardust_old_version

An actor framework capable of utilizing all available cores.

actor-model parallel-computing python

Last synced: 08 Apr 2025

https://github.com/dimitrijkrstev/pp-cuda-fft

A parallelised CUDA implementation of the FFT Radix-2 algorithm and its execution time comparison to the DFT and non-parallelised Radix-2

cuda fft parallel-computing

Last synced: 04 Apr 2025

https://github.com/hosu-kim/the_last_supper

A project illustrating concurrency and synchronization through the metaphor of philosophers sharing resources.

c concurrency multithreading parallel-computing sychronization

Last synced: 11 Jun 2025

https://github.com/brakmic/hpx-nodejs-addon

A NodeJS Addon that integrates the HPX C++ runtime system into Node.js

addons cpp high-performance-computing hpx javascript nodejs parallel-computing

Last synced: 04 Sep 2025

https://github.com/linkdd/link.parallel

Parallel computing framework

map-reduce parallel-computing pure-python

Last synced: 08 Apr 2025

https://github.com/kyrylo-sovailo/ironic_library

Cute tiny framework. Containers, databases, networking, parallelism and neuronal networks - everething you might need.

containers cross-platform databases flexible library lightweight networking neuronal-networks parallel-computing simd

Last synced: 08 Apr 2025

https://github.com/bobergot/ott-movies-insights-to-recommendations

Analyze movie ratings and build a recommendation system using MapReduce. This project utilizes the Apriori algorithm, optimized for handling large datasets like the Netflix prize data, to provide personalized movie recommendations.

apriori-algorithm aws aws-s3 big-data cloud-computing data-mining hadoop java mapreduce movie-recommendation netflix-prize parallel-computing personalization

Last synced: 16 Mar 2025

https://github.com/ranfysvalle02/summwebsite

This repository is not intended to serve as the next 'library' for text summarization. Instead, it is designed to be an educational resource, providing insights into the inner workings of text summarization.

ai azure context-length large-text llm map-reduce openai parallel-computing parallel-processing python summaries summarization summarizer

Last synced: 24 Mar 2025

https://github.com/nabilshadman/percolate-message-passing-parallel-program

Percolate message passing parallel program using two-dimensional decomposition implemented in the C programming language

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

Last synced: 04 Apr 2025

https://github.com/tsmbland/parameter-space-2d

Tools for performing 2D parameter space analysis for deterministic models

modeling parallel-computing python

Last synced: 12 Apr 2025

https://github.com/ghonimo/heat-diffusion-grid-simulation-using-mpi-ece588

This repository contains the code and documentation for a parallelized heat diffusion simulator implemented using the Message Passing Interface (MPI). It simulates the diffusion of heat across a 2D grid, using a finite difference method to calculate temperature changes over time. This program was designed for Portland State University ECE 588 Class

c heatmap mpi mpi-applications mpich parallel-computing parallel-programming perl portland-state-university

Last synced: 29 Dec 2025

https://github.com/sandergi/csharp3d

Experiments with 3D graphics using the CPU in C# • Includes a functional 3D rendering engine with frustum culling, parallel triangle drawing, and more all written from scratch!

3d-graphics cpu-rendering parallel-computing

Last synced: 01 Apr 2025

https://github.com/kstrassheim/datawarehouse-crawler

This is a content and schema crawler tool to receive, update and import various kinds of data into a Onprem or Cloud based SQLServer or Azure-Synapse-Analysis (Azure Datawarehouse SQLServer). As source it supports SQLServer Tables, ODATA Endpoints, CSV Files or Excel Files. For multiple sources it can run in parallel mode where it would make a thread for each connection. The speciality of this crawler is that it creates the target tables by himself using the additional info from source.json. In case of Azure-Synapse-Analysis it would estimate the distribution type and keys. The syncing works completely without SQL Transactions by using a consistency correction algorithm for very frequent fact tables. There are 5 Syncing Algorithms (see Manual/Insert) which can be selected as well as one Update Algorithm.

azure-data-warehouse azure-synapse-analytics business-intelligence crawler csv data-import data-science datawarehouse datawarehousing docker dotnet-core-2 excel integration-testing odata parallel-computing sql

Last synced: 03 Apr 2025

https://github.com/hyouteki/unix-shell

Custom UNIX shell completely written in C using parallelism by processes and threads

clang linux parallel-computing posix shell unix

Last synced: 16 Oct 2025

https://github.com/occisor2/puzzlesearch

First project of my parallel algorithms course

bag-of-tasks openmpi parallel-computing

Last synced: 28 Feb 2025

https://github.com/bardifarsi/memoizationmultithreading

Sample project demonstrating the use of memoization, dynamic programming, and multi-threading to efficiently handle repeated heavy tasks and optimize performance. Results are cached for quick retrieval, and Multi-Threaded processing accelerates computation.

algorithms cpp cpp17 cpp20 data-structures dynamic-programming machine-learning machine-learning-algorithms memoization memory-management multi-threading multiprocessing multithreading parallel-computing parallel-programming

Last synced: 31 Dec 2025

https://github.com/ptrvsrg/nsu-parallel-programming

Лабораторные работы по дисциплине "Основы параллельного программирования" 4 семестра ФИТ НГУ.

concurrency github-actions mpi openmp parallel parallel-computing parallel-programming posix-threads

Last synced: 20 Mar 2025

https://github.com/console-helpers/process-iterator

Sequential way to run Symfony Processes in parallel

parallel-computing process

Last synced: 04 Sep 2025

https://github.com/andresilmor/n-body-problem-with-parallelization-in-language-c

Adaptation of N-Body problem in serial code (src: rosettacode.org) to Parallel Programming/Parallel Computing in Language C with pThreads.

c languagec multithreading nbody-simulation parallel-computing parallel-programming pthread pthreads

Last synced: 22 Mar 2025

https://github.com/teixdavide/FEUP_CPD_MatrixProduct

🔀 | Matrix multiplication algorithms in C++ and TypeScript, including a parallel version and comparative report

algorithm-analysis cpd execution-time feup matrix-multiplication parallel-computing

Last synced: 05 Jan 2026

https://github.com/milahu/sum-parallel

summarize numbers from a text file using multiple CPU cores

arithmetic arithmetic-summation arithmetics parallel-computing parallel-processing summarization

Last synced: 13 Jun 2025

https://github.com/antonioaemartins/vehicle-routing-problem

A high-performance C++ implementation of the classic Vehicle Routing Problem with multiple solution approaches. This project compares serial, OpenMP parallel, and MPI distributed algorithms to find optimal delivery routes while respecting vehicle capacity constraints.

algorithms c-plus-plus distributed-computing heuristics mpi openmp optimization parallel-computing performance-analysis supercomputing vehicle-routing-problem

Last synced: 21 Sep 2025

https://github.com/sebastianbrzustowicz/flight-quality-overview-microservice

Go + Docker. Microservice with parallel computations to convert raw vehicle flight data into overview raport with visualisation.

container control csv data docker drone flight go goroutines http microservice parallel-computing pdf quadcopter raport rms sse vehicle

Last synced: 30 Nov 2025

https://github.com/mishig25/2017block2

Colorado College CP341 - Parallel Programming

openmp parallel-computing

Last synced: 02 Apr 2025

https://github.com/tkf/julia-t

Run `julia` with `JULIA_NUM_THREADS=<number of physical cores>`.

distributed-computing julia parallel-computing

Last synced: 27 Mar 2025

https://github.com/kilianpaquier/pooling

Easily dispatch functions (and subfunctions indefinitely) into a shared pool of routines in golang

golang parallel-computing queue-tasks recursive-algorithm

Last synced: 03 Apr 2025

https://github.com/chikuang/yehutil

Personal package for storing some personalized Rmarkdown templates

parallel-computing r report-generator rmarkdown-template

Last synced: 29 Oct 2025

https://github.com/alessiobugetti/password-cracker

Implements both sequential and parallel brute-force decryption of DES-encrypted passwords, focusing on 8-character passwords from the set [a-zA-Z0-9./]

brute-force-attack data-encryption-standard openmp parallel-computing pthread

Last synced: 19 Jul 2025