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/marty1885/ttmandelbrot

Mandelbrot Set using Tenstorrent hardware

mandelbrot parallel-computing tenstorrent

Last synced: 28 Oct 2025

https://github.com/giovaneiwamoto/parallel-linear-equations

⚗️ Parallel Linear Equations - Parallel computing using OpenMP to solve linear equation systems of the form Ax=b. The algorithm leverages the Gauss elimination method combined with backpropagation.

linear-equations parallel-computing

Last synced: 04 Oct 2025

https://github.com/jpmikkers/baksteen.async.concurrentprocessingqueue

Async queue that automatically processes items concurrently with a specified parallelism limit

csharp dispatcher dispatchqueue dotnet multiprocessing multithreading parallel parallel-computing queue

Last synced: 30 Mar 2025

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

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

c concurrency multithreading parallel-computing sychronization

Last synced: 26 Jun 2025

https://github.com/mihaiconstantin/doparabar

An `R` package that provides a `foreach` parallel adaptor for `parabar` backends.

foreach parallel-computing r

Last synced: 09 Oct 2025

https://github.com/maxsonferovante/parallelizing-python-migration

Projeto que implementa um sistema de migração projetado para transferir dados de usuários de um banco de dados MongoDB para um banco de dados PostgreSQL

asyncio asyncpg mongodb parallel-computing postgresql pymongo python

Last synced: 30 Jul 2025

https://github.com/matronator/pikolang

PIKOlang (PIKOlang Is Kinda Obnoxious) is a 2D embarrassingly parallel esoteric programming language. It uses two stacks for handling numbers and strings respectively and one output stack for a combination of the two.

2d-programming 2d-programming-language async concurrency concurrent-programming esolang esolangs esoteric esoteric-language esoteric-programming-language grid-based parallel-computing piko pikolang

Last synced: 09 Apr 2025

https://github.com/jeffbla/learningnote

This is my learning Note recording tips, homework and some projects implementations.

compiler parallel-computing pic18f

Last synced: 23 Mar 2025

https://github.com/chivay/betweenness-centrality

Parallel implemenation of Brandes algorithm computing betweenness centrality

betweenness-centrality cpp parallel-computing

Last synced: 27 Feb 2025

https://github.com/veritasyin/subg_acc

SubG is a C/OpenMP-based library for accelerating subgraph operations in Python.

graph-representation-learning parallel-computing scalable-graph-learning subgraph

Last synced: 23 Aug 2025

https://github.com/giorgiosavastano/process

processing-chain provides a convenient way to seamlessly set up processing chains for large amounts of data.

big-data data data-science parallel parallel-computing process processing processing-chain rust

Last synced: 05 Oct 2025

https://github.com/gzt/mpi-scalablekmeanspp

This is a port of the scalable k-means++ (k-means||) to the OpenMPI framework

kmeans kmeans-plus-plus mpi openmpi parallel-computing

Last synced: 02 Jul 2025

https://github.com/scharlottej13/multiple-cause

Data processing and modeling pipeline for multiple cause data

etl-pipeline glm parallel-computing predictive-modeling

Last synced: 25 Oct 2025

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

Polimi Passion In Action GPU101 course project. Implementation in CUDA of BFS algorithm

cpp cuda cuda-programming parallel-computing

Last synced: 01 Nov 2025

https://github.com/fblupi/grado_informatica-ppr

Prácticas de la asignatura Programación Paralela de la UGR

cuda mpi openmp parallel-computing

Last synced: 31 Oct 2025

https://github.com/sevdanurgenc/histogramcalculationbyparallelprogramming

Histogram Computing - Analysis Results By Serial and Parallel Programming

cpp histogram parallel-computing parallel-programming

Last synced: 14 Jul 2025

https://github.com/arthurdouillard/moviespopularity

An app that rates movies according to its comments, incremental learning is also done.

machine-learning movie parallel-computing python scala web-scraping

Last synced: 08 Aug 2025

https://github.com/Lemniscate-world/HPCS.jl

Building a High-Performance-Computer Simulator in Julia

hypercomputation julia parallel-computing parallel-processing scientific-computing

Last synced: 13 Oct 2025

https://github.com/teodutu/apd

Algoritmi Paraleli si Distribuiti - UPB 2019-2020

distributed-computing java-thread mpi openmpi parallel-computing pthreads

Last synced: 24 Jun 2025

https://github.com/vladimirrotariu/parallel-monte-carlo-simulations

A package to orchestrate parallel (Monte Carlo) simulations via Apache Beam for an arbitrary number of models, with low-level parameter granularity, and flexible random number generator choice.

apache-beam apache-spark data-engineering monte-carlo-simulation parallel-computing parallel-processing python quantitative-finance random-number-generators

Last synced: 06 Mar 2025

https://github.com/omangin/expjobs

Basic tools to run groups of jobs in an easy way.

parallel-computing python scientific-computing torque

Last synced: 28 Mar 2025

https://github.com/lemniscate-world/hpcs.jl

Building a High-Performance-Computer Simulator in Julia

hypercomputation julia parallel-computing parallel-processing scientific-computing

Last synced: 23 Mar 2025

https://github.com/wondervictor/mpi-tutorial

Parallel Computing with MPI

mpi parallel-computing

Last synced: 09 Mar 2025

https://github.com/sueszli/fast-snek

python performance optimization tricks

benchmarking parallel-computing performance-engineering python

Last synced: 31 Mar 2025

https://github.com/anicolaspp/sieve-of-eratosthenes

Sieve of Eratosthenes implementation using pthreads in C

c parallel-computing parallel-programming prime-numbers pthreads sieve-of-eratosthenes

Last synced: 07 Dec 2025

https://github.com/fblupi/pyopencl-exercises

Exercises done during "Short course on high performance simulation with high level languages" imparted by André Brodtkorb

heat-equation opencl parallel-computing pyopencl wave-equation

Last synced: 25 Mar 2025

https://github.com/dreden33773/embergraph

To query a `multi directed graph` with `label + attribute filtering` efficiently, support Neo4j and SQLite3 as storage layer.

graduation-project graph-database neo4j parallel-computing polars python3 rust sqlite3 subgraph-matching tokio

Last synced: 09 Apr 2025

https://github.com/oliverzh2000/parallel-barnes-hut

A parallelized and efficient C++ implementation of the Barnes-Hut algorithm for simulating an N-body system.

astrophysics barnes-hut-algorithm parallel-computing

Last synced: 03 Mar 2025

https://github.com/genndy007/bellman_ford_rethink

Implementation of Bellman Ford Parallel and Sequential Algorithm with Java and Maven. Rethinked. Coursework for 6 semester.

algorithm atomic bellman-ford bellman-ford-algorithm concurrent distributed distributed-computing graph java jdk17 maven parallel parallel-computing threadpool

Last synced: 03 Oct 2025

https://github.com/dyalog/isolate

Source to build isolate.dws, the futures and isolates workspace delivered with Dyalog APL

build dyalog dyalog-apl futures isolate isolates parallel-computing parallelization workspace

Last synced: 26 Jun 2025

https://github.com/marianoktm/cpd-uniparthenope

A MIMD-SM algorithm to subdivide a matrix in square submatrices and adding up all submatrices in parallel for the Parallel Computing course at Uniparthenope

c openmp parallel-computing

Last synced: 04 Oct 2025

https://github.com/zgornel/dispatchercache.jl

Adaptive persistency-based mechanism for Dispatcher task graphs

caching dispatcher hashgraph parallel-computing scheduled-tasks task-graph

Last synced: 21 Mar 2025

https://github.com/lorenzopaleari/dphpc-chacha20

Highly efficient and scalable Chacha20 encryption algorithm implementation, optimised for parallel processing.

chacha20 encryption hpc parallel-computing performance-optimization

Last synced: 01 Nov 2025

https://github.com/unixjunkie/parsome

Parallelize some things

bigarray ocaml-library parallel-computing shm

Last synced: 26 Jun 2025

https://github.com/matbesancon/pagerank

A functional, parallel PageRank implementation in Scala

functional-programming graph pagerank parallel parallel-computing plot scala sparse-matrix

Last synced: 24 Jun 2025

https://github.com/nrc-cnrc/portageclusterutils

Cluster and parallelization utilities that came ouf of the Portage SMT project — Outils de parallélisation sur grappe de calcul issus du projet Portage de TAS

machine-translation parallel-computing

Last synced: 03 Dec 2025

https://github.com/dns2utf8/lasttest

lasttest is a load generator written in rust optimized for NUMA systems

load-generator loadgenerator numa-systems parallel parallel-computing rust thread-pool threading threadsafe

Last synced: 09 Mar 2025

https://github.com/livelace/clmixer

clmixer ("opencl" + "mixer") is a tool for quick parallel computation evaluation (CPU and GPU, APU not tested).

gpgpu opencl parallel-computing

Last synced: 20 Feb 2025

https://github.com/jianzhnie/scalerl

ScaleRL is a simple and scalable distributed reinforcement learning framework based on Python and PyTorch

a3c distributed-systems dppo impala parallel-computing seed-rl

Last synced: 02 Mar 2025

https://github.com/dowlandaiello/ic-sandbox

IC Sandbox: my aggregated interaction combinator research sandbox.

interaction-combinators parallel-computing programming-languages rust theoretical-computer-science

Last synced: 11 Mar 2025

https://github.com/eshibusawa/cupy-cuda

Learn CUDA programming essentials with CuPy, from basic kernels to advanced memory patterns

cooperative-thread-array cub cuda cupy gpu parallel-computing python

Last synced: 15 Jun 2025

https://github.com/miladsade96/numermp

Multi-threaded numerical methods implemented in fortran and wrapped in python

fortran fortran90 mathematical-programming mathematics multithreading numerical-analysis numerical-methods openmp parallel-computing python

Last synced: 06 Jul 2025

https://github.com/nrmancuso/big-bang

CUDA and OpenMp NBody simulation based on data from the Milky Way and Andromeda Galaxies

c cuda-kernels cuda-programming nbody-simulation openmp-parallelization parallel-computing space

Last synced: 13 Jun 2025

https://github.com/andrewrgarcia/tensorscout

A Python library for tensor parallel processing.

array multiprocessing parallel-computing python

Last synced: 08 Dec 2025

https://github.com/flothinkspi/prime-chain-calculator

Calculates the longest chain of prime numbers e.g: " 18593 → 185593 → 1855993 .... " but limitation is the INT32 numberspace of Java. So no bigger prime chains than INT_MAX will be found.

java java-8 parallel-computing parallelism parallelization prime-chain prime-numbers student-project study-project

Last synced: 22 Feb 2025

https://github.com/thomasweise/simplecluster

A very simple implementation of a cluster scheduler.

clusters distributed-computing jobscheduler linux parallel-computing scheduling ubuntu

Last synced: 22 Feb 2025

https://github.com/lavantien/js-async-parallel

A async parallel fibonacci calculation using Worker Threads

async concurrency javascript parallel-computing

Last synced: 06 Jul 2025

https://github.com/maemresen/mpi-projects

Example MPI projects for Parallel Computing Course (CSE452).

c mpi mpi-library parallel-computing parallel-programming

Last synced: 01 Mar 2025

https://github.com/shawntoubeau/nqueens-mpi

Parallel program for solving the nQueens chess problem

c mpi nqueens-problem parallel-computing

Last synced: 14 Jun 2025

https://github.com/ferstormblessed/parallelism-cpp

Excersices and showcase/example code to learn the techniques/features C++ offers for concurrency and parallelism

concurrent-programming cpp parallel-computing parallel-programming

Last synced: 08 Jul 2025

https://github.com/magneticflux-/gridsim

A little experiment in parallel simulation and locality.

enviroment grid parallel-computing physics-2d simulation

Last synced: 28 Oct 2025

https://github.com/TheodoreAI/monte-carlo-simulator

CUDA application for Monte Carlo simulation is used to determine the range of outcomes for a series of parameters, each of which has a probability distribution showing how likely each option is to happen. This is using CUDA.

cuda gpu-computing monte-carlo-simulation parallel-computing

Last synced: 06 Oct 2025

https://github.com/giovancombo/parallelimagerenderer

A repo containing a simplified Image Renderer 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 speedup

Last synced: 08 Oct 2025

https://github.com/zyn10/openmpi

open mpi assignment parallel distributed computing

openmpi parallel-computing

Last synced: 08 Oct 2025

https://github.com/hyoklee/h5p

HDF5 for Parallel

mpi parallel-computing

Last synced: 09 Oct 2025

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

Parallel Computing with MPI and OpenMP

nyu parallel-computing

Last synced: 09 Oct 2025

https://github.com/foadsf/opencl-windows-examples

Practical OpenCL examples for Windows with C/C++, demonstrating GPU computing across NVIDIA and Intel hardware

cmake cpp gpu-computing intel nvidia opencl parallel-computing windows

Last synced: 09 Oct 2025

https://github.com/mradovic38/pycuda-simulated-annealing

Simulated annealing process for finding the 'minimum energy' of an image.

cuda image-energy parallel-computing parallel-programming pycuda python simulated-annealing

Last synced: 09 Oct 2025

https://github.com/roluochke/improving-node.js-skills

Learning and getting better at node.js

asynchronous events nodejs parallel-computing

Last synced: 11 Oct 2025

https://github.com/mekepi/pvgis-parallel-api-client

Parallel API client to fetch hourly solar radiation data from PVGIS for Brazilian cities

api-client batch-processing open-data parallel-computing photovoltaic pvgis python solar-energy solar-irradiance

Last synced: 11 Oct 2025

https://github.com/daxxbhailive/chapel-upv

🚀 Simplify and enhance your UPV campus experience with chapel-upv, a user-friendly platform for accessing resources and services efficiently.

algorithms chapel compiler-design distributed-systems documentation high-performance languages open-source parallel-computing programming research scientific-computing software-development upv user-guide

Last synced: 15 Oct 2025

https://github.com/gerlero/parajax

⚡ Automatic parallelization of calls to JAX-based functions

jax parallel-computing typed

Last synced: 11 Oct 2025

https://github.com/futureverse/future.p2p

future.p2p - A Peer-to-Peer Compute Cluster via Futureverse

distributed-computing future futureverse p2p parallel parallel-computing rstats rstats-package

Last synced: 01 Nov 2025

https://github.com/bhttchr6/to_shapememorypolymer

PETSc(MPI) and HPC based Finite Element Analysis and Topology Optimization for compliant gripper design with thermally-activated Shape Memory Polymers (SMP)

design-optimization high-performance-computing parallel-computing petsc

Last synced: 13 Oct 2025

https://github.com/sueszli/sheaf

simple task dispatching primitives

coroutines parallel-computing

Last synced: 13 Oct 2025

https://github.com/erikbavenstrand/n-body-simulation

Comparison of concurrent N-Body simulation approximation algorithms

c-plus-plus n-body-simulator parallel-computing pthreads visualization

Last synced: 14 Oct 2025

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

This repository contains the code and documentation for a parallelized heat diffusion simulator implemented using Pthreads in C. 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 heat-transfer heatmap parallel-computing parallel-programming perl portland-state-university pthreadjoin pthreads

Last synced: 04 Nov 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: 14 Oct 2025

https://github.com/gopalrg310/parallel-go

To run a function or process in parallel using a goroutine, i.e., loads and executes all processes in parallel.

go-routine golang parallel parallel-computing parallelism

Last synced: 14 Oct 2025

https://github.com/jetbrains-research/washu

Reproducible and scalable technical pipelines for ChIP-Seq and RNA-Seq processing

analysis bash chip-seq parallel-computing peak-calling pipeline qc qsub rna-seq visualization

Last synced: 16 Oct 2025

https://github.com/vilarj/parallel_computing

Parallel and Distributed Computing course taught at WIT. This course explores the idea of parallelizing processes. It's all about the what, how, when, and why of parallel and distributed computing.

c distributed-systems parallel-computing parallel-programming

Last synced: 27 Mar 2025

https://github.com/zechengz/ctf-gcn

Graph convolutional network in CTF Python, NumPy and SciPy

graph-convolutional-network numerical-library parallel-computing tensor

Last synced: 02 Apr 2025

https://github.com/betarixm/csed490c

POSTECH: Heterogeneous Parallel Computing (Fall 2023)

cuda gpu parallel-computing postech

Last synced: 17 Oct 2025

https://github.com/hrolive/mastering-transformers-from-building-blocks-to-real-world-applications

Training materials and accompanying documentation for "Mastering Transformers: From Building Blocks to Real World Applications" training.

deep-learning deployment hpc machine-learning nlp optimization parallel-computing python pytorch transformer

Last synced: 19 Oct 2025

https://github.com/dsst95/r-cluster

A cluster-computing platform for R scripts

cluster-computing parallel-computing r

Last synced: 03 Apr 2025

https://github.com/flagro/skipod

Практическое задание по лекционному курсу СКиПОД 5-го семестра ВМК МГУ (2021/2022 учебного года)

cannon-algorithm matrix-multiplication-parallel mpi-library omp-parallel parallel-computing

Last synced: 07 Sep 2025

https://github.com/anvari1313/matrix-multiplication

Multiply two matrices with different sizes and calculate speed up in parallel and serial modes.

cpp cpp17 multithreading openmp parallel-computing

Last synced: 17 Mar 2025