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/akbaritabar/dask-duckdb-dbeaver

Parallelised and out of memory data analysis using Dask in Python and DuckDB and DBeaver in SQL. Using example of publicly accessible ORCID 2019 XML files

data-analysis data-science pandas parallel-computing python

Last synced: 08 Aug 2025

https://github.com/llnl/polytope

A library for generating Voronoi and Voronoi-like tessellations for computational domains with nontrivial boundaries.

computational-geometry hpc parallel-computing scientific-computing tessellation voronoi

Last synced: 29 Apr 2025

https://github.com/radiantone/blazer

An HPC abstraction over MPI with built-in parallel compute primitives

hpc mpi mpi4py parallel-computing pipeline python supercomputing workflows

Last synced: 10 Jul 2025

https://github.com/brwnj/freebayes-nf

a better freebayes-parallel

freebayes parallel-computing variant-calling

Last synced: 16 Oct 2025

https://github.com/pkestene/kokkos-proj-tmpl

A minimal cmake based project skeleton for developping a kokkos application

cea cuda gpu kokkos openmp parallel-computing parallelization performance-portability

Last synced: 19 Aug 2025

https://github.com/jishnub/mpimapreduce.jl

An MPI-based distributed map-reduce function for Julia

distributed-computing julia mapreduce message-passing mpi parallel parallel-computing

Last synced: 28 Oct 2025

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

Material for a training on parallel programming with MPI, OpenMP and TBB.

mpi openmp parallel-computing tbb

Last synced: 13 Jul 2025

https://github.com/llnl/pips-sbb

Implementation of parallel branch-and-bound algorithm for stochastic (or block-angular) mixed-integer programs

parallel parallel-computing

Last synced: 29 Apr 2025

https://github.com/antoonberes/amcos

A high-peformance parallel monte-carlo simulation for estimating the fair value of options in finance

finance monte-carlo options parallel-computing rust simulation

Last synced: 06 Sep 2025

https://github.com/fieldtrip/qsub

This repository contains a subset of the FieldTrip code related to distributed computing

distributed-computing matlab parallel-computing sge slurm torque

Last synced: 07 Aug 2025

https://github.com/hxndev/openmp-program-to-print-number-of-threads

In this task, we had to write a multi-threaded OpenMP program, that will print the number of threads being used.

code cpp openmp openmp-parallelization parallel-computing parallel-programming threads

Last synced: 07 May 2025

https://github.com/hxndev/hadoop-mapreduce-to-analyze-sentiment-of-keyword

In this task, we had to write a MapReduce program to analyze the sentiment of a keyword from a list of comments. This was done using Hadoop HDFS.

code hadoop hadoop-hdfs hadoop-mapreduce hdfs java mapreduce mapreduce-java parallel-computing parallel-programming sentiment-analysis sentimental-analysis

Last synced: 11 Oct 2025

https://github.com/ulagbulag/sas

Salty and Sweet one-line Rust Runtime Optimization Library

concurrency kiss-principle parallel-computing parallisation rust

Last synced: 15 Apr 2025

https://github.com/llnl/simul

MPI coordinated test of parallel filesystem system calls and library functions

file-system mpi parallel parallel-computing testing

Last synced: 29 Apr 2025

https://github.com/keyu-tian/buaa-parallel-computing-project-solution

[Ranked No. 1๐Ÿฅ‡] My solution for the course project of Parallel Computing 2021'Spring @ BUAA (ๅŒ—่ˆชๅนถ่กŒ็จ‹ๅบ่ฎพ่ฎก). Plenty of C++ tricks, hacks, and optimizations are used for extreme efficiency. Ranked *1/100* in the efficiency test.

beihang beihang-university buaa buaaoj compiling-principle compiling-theory cpp cpp11 cyk-algorithm dynamic-programming multithreading parallel-computing pthreads

Last synced: 13 Apr 2025

https://github.com/dfsp-spirit/cpp_geodesics

Fast computation of geodesic distances and related mesh descriptors on (brain surface) meshes in C++ and OpenMP.

brain cpp distance geodesics mesh openmp parallel parallel-computing

Last synced: 16 Aug 2025

https://github.com/uscbiostats/r-parallel-benchmark

Using Rcpp with OpenMP (parfor and SIMD)

benchmark hpc openmp parallel-computing rcpp rstats simd

Last synced: 11 Aug 2025

https://github.com/nico-curti/genetic

Examples about genetic algorithms for parallel computing

distributed-computing genetic-algorithm parallel-computing

Last synced: 12 Apr 2025

https://github.com/thowell/rs.cpp

A multi-threaded C++ implementation of random search for locomotion tasks using MuJoCo.

learning locomotion motor-control mujoco parallel-computing random-search robotics

Last synced: 13 Apr 2025

https://github.com/makischristou/parallelcircuitsimulator

A serial and parallel logic fault simulator on gate level netlists.

fault-simulation iscas parallel-computing simulator vlsi

Last synced: 30 Oct 2025

https://github.com/khaledashrafh/ages-distribution-histogram

This program implements a histogram using MPI and OpenMP to analyze a dataset containing group ages that watch a TV show. The goal is to calculate statistics about the groups of age and generate a frequency histogram.

gcc-complier high-performance high-performance-computing histogram message-passing-interface mpi multithreading open-mp openmp parallel-computing parallel-processing

Last synced: 17 Oct 2025

https://github.com/cascadingradium/cuda-hungarian-clustering

A GPU-Accelerated Clustering Algorithm that uses the Hungarian method

clustering cpp cuda gpu hungarian-algorithm parallel-computing

Last synced: 16 May 2025

https://github.com/tandemdude/shared_cbuff

An implementation of a circular buffer which makes use of SharedMemory in order to allow sharing of the data across multiple python instances.

buffer circular-buffer library parallel-computing python python-library python3 shared-memory

Last synced: 19 Apr 2025

https://github.com/HenrikBengtsson/future.aws.lambda

R package: future.aws.lambda - A Future API for Parallel Processing on AWS Lambda

aws-lambda future package parallel-computing r

Last synced: 20 Jul 2025

https://github.com/berzanorg/taco-parallel-zk-rollup

Taco Parallel Zk Rollup Specification

parallel-computing taco zk-rollup

Last synced: 24 Aug 2025

https://github.com/lykmapipo/python-joblib-cookbook

A step-by-step guide to master various aspects of Joblib for parallel computing in Python

apache-spark cache dask distributed-computing joblib loky lykmapipo memoization multiprocessing parallel-computing python threading

Last synced: 03 Apr 2025

https://github.com/FriedImage/DPCPP-Image-Blurring-with-SYCL

A program developed with DPC++ SYCL for parallelizing the Image Blurring process.

cpp17 digital-image-processing dpcpp opencv parallel-computing sycl

Last synced: 04 Apr 2025

https://github.com/andersy005/dask-notebooks

Dask tutorials for Big Data Analysis and Machine Learning as Jupyter notebooks

dask data-science distributed-computing jupyter-notebook parallel-computing python

Last synced: 30 Aug 2025

https://github.com/nholland94/spirv-ocaml

A code-generated SPIR-V compiler for ocaml.

code-generator compiler graphics ocaml ocaml-library parallel-computing spir-v

Last synced: 10 Apr 2025

https://github.com/unixjunkie/parpair

compute in parallel the application of one (or two) function(s) on a pair of elements

fork ocaml-library parallel-computing unix

Last synced: 29 Oct 2025

https://github.com/zamb0/2d_fast_fourier_transform_openmpi

2D Fast Fourier Transform (2D FFT) parallel algorithm using OpenMPI. The algorithm is implemented in C and it is based on the Cooley-Tukey iterative algorithm.

2dfft openmpi parallel-computing parallel-programming

Last synced: 18 Aug 2025

https://github.com/henrikbengtsson/future.aws.lambda

R package: future.aws.lambda - A Future API for Parallel Processing on AWS Lambda

aws-lambda future package parallel-computing r

Last synced: 11 Aug 2025

https://github.com/kakshay21/parallel-programming-coursera

Parallel Programming in Java (https://www.coursera.org/learn/parallel-programming-in-java)

barrier fork-join java-8 parallel-computing phaser streams

Last synced: 28 Apr 2025

https://github.com/wpmed92/f16-to-f32-gpu

Decompress f16 data to f32 using WebGPU

gpu javascript parallel-computing webgpu

Last synced: 12 Apr 2025

https://github.com/johnaparker/numpipe

Easily run Python functions in parallel and cache the results

cache hdf5 parallel-computing python scheduler

Last synced: 19 Apr 2025

https://github.com/ctsiaousis/parallelworkers

Simple parallelism in golang

go-channel golang parallel-computing

Last synced: 29 Dec 2025

https://github.com/BrosnanYuen/RayBNN_Raytrace

Ray tracing library using GPUs, CPUs, and FPGAs via CUDA, OpenCL, and oneAPI

arrayfire cuda gpu gpu-computing opencl parallel parallel-computing ray ray-tracing raybnn raylib raytracer raytracing rust

Last synced: 04 Apr 2025

https://github.com/atticuskuhn/parallel-algorithms

Proving the correctness and performance of certain parallel algorithms

agda formal-methods formal-verification parallel-computing

Last synced: 04 Jul 2025

https://github.com/gjjvdburg/abed

abed: A command line tool for easily running machine learning benchmarks

benchmarking evaluation machine-learning parallel-computing python

Last synced: 26 Oct 2025

https://github.com/648trindade/sbac-pad-marathon-problems

Repository containing problems of the SBAC-PAD Marathon of Parallel Programming and some parallel solutions to them.

cuda high-performance-computing mpi openmp parallel-computing

Last synced: 01 May 2025

https://github.com/hxndev/searching-a-number-among-slave-processes-using-openmp-and-mpi

In this task, I wrote the code using both OpenMP and MPI inorder to parallelize it. What it does is that the master process distributes a chunk of number equally among the slave processes. Each slave process then searches for the number to find. When one slave process finds the number, it sends a message to the master process who then sends a "terminating message" to the slave processes who then abort their search.

code cpp distributed-computing master mpi mpi-library mpich openmp openmp-parallelization openmpi parallel parallel-computing parallel-programming search searching slave

Last synced: 31 Mar 2025

https://github.com/kareimgazer/mat-transpose-cuda

series of trials for optimizing matrix transpose with CUDA

cuda hpc matrix parallel-computing simd

Last synced: 29 Mar 2025

https://github.com/mlr-org/rush

Parallel and distributed computing in R.

mlr3 parallel-computing r

Last synced: 09 Apr 2025

https://github.com/chiang-yuan/culsm

CUDA C++ code implementing GPU-accelerated Lattice Spring Model (CuLSM) simulations.

cuda gpu parallel-computing particles

Last synced: 07 Sep 2025

https://github.com/bissim/jacobi-mpi

Academic project for the course of Concurrent, Parallel and Cloud Programming.

c jacobi jacobi-relaxation mpi openmpi parallel-computing parallel-programming

Last synced: 05 Mar 2025

https://github.com/rrze-hpc/discostic-sim

A cross-architecture resource-based parallel simulation framework that can efficiently predict the performance of real or hypothetical massively parallel MPI programs on current and future heterogeneous systems.

current-clusters future-clusters open-source parallel-computing performance-analysis performance-engineering performance-simulation

Last synced: 26 Jul 2025

https://github.com/engineersbox/gbox16-gpu

Implementation of a custom GPU ISA microarchitecture called GBox16 based around NVIDIA and AMD microarchitectures

gbox16 gpgpu gpu isa microarchitecture parallel-computing simt verilog vhdl

Last synced: 04 Jan 2026

https://github.com/li-boxuan/parallel-gat

Parallel implementations of Graph Attention Network, including CUDA, OpenMP, and TinkerPop Vertex Program.

gat graph graph-attention-networks parallel-computing tinkerpop

Last synced: 15 Jul 2025

https://github.com/nowayhecodes/actor-bonilla

An actor model implementation in Typescript (it's just a silly pun don't expect this to work or to be finished sometime) :man_artist:

actor actor-model actor-system concurrency parallel-computing puns typescript typescript-library

Last synced: 07 May 2025

https://github.com/jordicorbilla/mapreduce

Data parallel text processing with MapReduce

mapreduce parallel-computing

Last synced: 18 Aug 2025

https://github.com/llnl/parelagmc

Parallel element agglomeration multilevel Monte Carlo library.

monte-carlo parallel parallel-computing simulation

Last synced: 27 Feb 2025

https://github.com/brosnanyuen/raybnn_raytrace

Ray tracing library using GPUs, CPUs, and FPGAs via CUDA, OpenCL, and oneAPI

arrayfire cuda gpu gpu-computing opencl parallel parallel-computing ray ray-tracing raybnn raylib raytracer raytracing rust

Last synced: 26 Aug 2025

https://github.com/hxndev/dependency-analysis-and-speedup

In this task, we were given some code snippets and we had to calculate the Dependencies in the code and if resolveable, we needed to re-write the code to remove any sort of dependencies. Furthermore, we had to calculate the speedup graphs too.

c code dependencies dependency-analysis distributed-computing distributed-systems paralelism parallel parallel-computing parallel-programming speedup

Last synced: 09 Oct 2025

https://github.com/llnl/nami

Parallel Wavelet Compression

parallel parallel-computing

Last synced: 13 Sep 2025

https://github.com/imsy-dkfz/mcmlgpu

This repository contains the base code for Monte Carlo simulations in a GPU of light transport on turbid media in GPU.

gpu montecarlo-simulation parallel-computing

Last synced: 01 May 2025

https://github.com/codingvangogh/parallelization

Multi Threading and Multi Processing made easy in Python2.7

multi-process multi-threading parallel-computing parallelization python python27

Last synced: 16 Jun 2025

https://github.com/mirdan08/unipi-assignments

Repo used to store and show the various exercises & assignments i do at my university.

distributed-computing high-performance-computing machine-learning parallel-computing signal-processing time-series-analysis

Last synced: 01 Sep 2025

https://github.com/hvass-labs/parallel-pipelines

Convert serial computations into parallel pipelines

audio cpp parallel-computing

Last synced: 03 Apr 2025

https://github.com/brosnanyuen/raybnn_diffeq

Differential Equation Solver using GPUs, CPUs, and FPGAs via CUDA, OpenCL, and oneAPI

arrayfire cuda differential differential-equations gpu gpu-computing opencl parallel parallel-computing parallel-programming raybnn rust

Last synced: 09 Apr 2025

https://github.com/khaledashrafh/mpi-student-grade-checker

It's a high-performance computing program that utilizes MPI to process a list of student grades in parallel and determine which students have passed the exam and which ones need to repeat it.

gcc-complier grade-checker high-performance-computing message-passing-interface mpi parallel-computing parallel-processing student-grade-application student-success-failure-detection

Last synced: 28 Mar 2025

https://github.com/longnguyen010203/zillow-home-value-prediction

๐ŸŒˆ๐Ÿ“Š๐Ÿ“ˆ The Zillow Home Value Prediction project employs linear regression models on Kaggle datasets to forecast house prices. ๐Ÿ“‰๐Ÿ’ฐUsing Apache Spark (PySpark) within a Docker setup enables efficient data preprocessing, exploration, analysis, visualization, and model building with distributed computing for parallel computation.

analysis apache-spark distributed-computing docker docker-compose feature-engineering jupyter-notebook jupyterlab linear-regression machine-learning models parallel-computing prediction-model preprocessing pyspark visualization

Last synced: 14 Oct 2025

https://github.com/gyakobo/multi-threading

This project was made to showcase a sample example of muli-threading in the C programming language.

c function-approximation integrals integration multithreading number-pi parallel-computing

Last synced: 23 Sep 2025

https://github.com/sodascience/workshop_ossc

This repository contains the code and presentation of the workshop on parallel computing & cluster computing using R in collaboration with SURF.

agent-based-modeling cluster-computing high-performance-computing odissei parallel-computing r simulation surf

Last synced: 30 Jul 2025

https://github.com/brosnanyuen/raybnn_optimizer

Gradient Descent Optimizers and Genetic Algorithms using GPUs, CPUs, and FPGAs via CUDA, OpenCL, and oneAPI

arrayfire cuda genetic-algorithm genetic-algorithms gpu gpu-computing gradient gradient-descent parallel parallel-computing raybnn rust

Last synced: 07 Oct 2025

https://github.com/fabryprog/java-gpu

Support for offloading parallel-for loops in Java to NVIDIA CUDA compatible cards.

cuda gpu java nvidia parallel-computing

Last synced: 06 Oct 2025

https://github.com/polluxio/pollux-payload

Pollux payload core files and examples

cloud message-passing parallel-computing parallel-programming

Last synced: 16 Dec 2025

https://github.com/sunaku/knights-tour

Knight's Tour algorithm in C, OpenGL, and Cg. This was my final project for CMPE-220 at UCSC during Winter 2007.

gpu-acceleration heuristic-search-algorithms parallel-computing

Last synced: 18 Jul 2025

https://github.com/johannesbuchner/lightrayrider

Ray tracing of hydrodynamic simulations to compute column densities

astrophysics c intersection monte-carlo parallel-computing python raytracing

Last synced: 15 Jul 2025

https://github.com/acoyfellow/ditto

Edge-native parallel LLM orchestration for Cloudflare Workers. Run multiple AI models in parallel, merge with consensus, orchestrate with Durable Objects.

ai cloudflare-workers durable-objects edge-computing llm orchestration parallel-computing typescript

Last synced: 28 Dec 2025

https://github.com/batux/parallel_dataset_processing

Parallel Dataset processing project with C++ and OpenMP

cplusplus openmp parallel-computing parallel-programming

Last synced: 11 Mar 2025

https://github.com/llnl/npb

Fork of the NASA Advanced Supercomputing Division's NAS Parallel Benchmarks

benchmark parallel-computing

Last synced: 06 Jul 2025

https://github.com/JohannesBuchner/LightRayRider

Ray tracing of hydrodynamic simulations to compute column densities

astrophysics c intersection monte-carlo parallel-computing python raytracing

Last synced: 10 Mar 2025