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/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/nariaki3551/cmaplap

A C++ MPI parallel framework for the lattice problems

distributed mpi parallel-computing svp

Last synced: 04 May 2025

https://github.com/rhaeguard/psrs

Two different implementations of the Parallel Sorting by Regular Sampling

distributed-computing distributed-sorting parallel-computing parallel-sorting sorting-algorithms

Last synced: 17 Jun 2025

https://github.com/abhiroop/snape

A distributed scheduler. [WIP]

distributed-computing haskell parallel-computing

Last synced: 18 Mar 2025

https://github.com/zjiayao/pamuretas

Parallel Multiple-Dependency Resource-Critical Task Scheduling

multithreading parallel-computing pthread scheduling-algorithms semaphore

Last synced: 11 Apr 2025

https://github.com/mbalatsko/mlmr

This library will help you easily parallelize your python code for all kind of data transformations in MapReduce fashion.

mapreduce ml parallel parallel-computing sklearn-library

Last synced: 14 Mar 2025

https://github.com/thorstone25/matlab-opencl

Matlab OpenCL support to emulate gpuDevice and CUDAKernel

gpu matlab-toolbox opencl parallel-computing

Last synced: 01 Sep 2025

https://github.com/sahilmgandhi/gpu-parallel-kernel-execution

Final Project for CS259 Spring 2019 - Evaluating Parallel Kernel Execution on GPUs

gpu-acceleration nvidia-cuda parallel-computing

Last synced: 28 Feb 2025

https://github.com/mauriciovazquezm/k_means_parallelized

Implementation of the K-means clustering model in C++. This model parallelized with the Open MP library

cplusplus kmeans-clustering openmp-parallelization parallel-computing

Last synced: 27 Nov 2025

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

This repository will serve as a comparison of Sequential, OpenMP Parallel and MPI Parallel code that accomplishes Matrix Multiplication. Along with comparing the total matrix multiplication times of the codes, we will look at the ratio of time spent calculating the multiplication to the time the parallel tool spends communicating data.

matrix-multiplication mpi openmp parallel-computing

Last synced: 22 Mar 2025

https://github.com/ghonimo/linear-equations-solver-with-parallel-lu-decomposition-ece588

A system of linear equations solver with a parallel LU Decomposition algorithm implemented using Pthreads at its core. C/C++ implementations with and without pivoting. Thoroughly documented and benchmarked on an intel linux system and a macbook pro with Apple Silicon M3pro chip. This project was developed as a project at Portland State University

apple-silicon benchmark decomposition hpc hyperthreading intel linear lu lu-decomposition m3-chip m3pro matrix matrix-factorization matrix-generation parallel-computing parallel-programming portland-state-university pthreads solver

Last synced: 25 Feb 2025

https://github.com/shoriwe/bftool

A custom worker pool to handle the distribution of function between threads and processes

concurrency module multiprocessing multithreading package parallel-computing parallelism python

Last synced: 06 Apr 2025

https://github.com/pd2871/high-performance-computing

This repo contain the logs of High Performance Computing module's final Assignment

blurred-images c cuda gaussian-blur matrix-multiplication multi-threading parallel-computing pthreads pthreads-api

Last synced: 20 Mar 2025

https://github.com/neurogenomics/mstexplorer

Multi-Scale Target Explorer systematically identifies, prioritises, and visualises cell-type-specific gene therapy targets across the phenome.

biomedicine cell-types enrichment-analysis genetics human-phenotype-ontology parallel-computing r-package rare-disease

Last synced: 24 Apr 2025

https://github.com/dereklstinson/nccl

golang wrapper for nccl

cuda deep-learning go nccl parallel-computing

Last synced: 04 Mar 2025

https://github.com/648trindade/adaptive

Adaptive Scheduler for Parallel Loops in C++/C

cpp parallel-computing parallel-programming parallelism scheduler

Last synced: 27 Feb 2025

https://github.com/alpha74/cuda_basics

Nvidia NVCC CUDA programs for begineers.

c cpp cuda cuda-programs nvcc nvidia parallel-computing parallel-programming

Last synced: 05 Jul 2025

https://github.com/unixjunkie/par

Execute shell commands in a parallel and/or distributed way

bag-of-tasks command-line-tool distributed-computing parallel-computing parameter-sweep python-program

Last synced: 14 Apr 2025

https://github.com/kar-dim/watermarking-gpu

Code for my Diploma thesis at Information and Communication Systems Engineering (University of the Aegean, School of Engineering) with title "Efficient implementation of watermark and watermark detection algorithms for image and video using the graphics processing unit". Part 2 / GPU

arrayfire cpp cuda ffmpeg gpu image-processing opencl parallel-computing video-processing watermark-image watermarking

Last synced: 09 Apr 2025

https://github.com/peter-parit/n-body-gravity-sim

An n-body simulation to compare performance and run-time between a naive algorithm to the Barnes-Hut algorithm. Uses ScalaFX for visualization.

concurrent-programming gravity nbody-simulation parallel-computing physics scala scalafx simulation

Last synced: 08 Apr 2025

https://github.com/is0xjh25/social-media-analytics

The project aims to implement a parallelized application leveraging the University of Melbourne HPC facility SPARTAN.

high-performance-computing parallel-computing python

Last synced: 22 Mar 2025

https://github.com/wazzabeee/movie-barcodes

Compress every frame of a movie in a single color barcode. Transform entire movies into stunning single-barcode visualizations. Capture the essence of cinematic storytelling through dominant color extraction from each frame.

barcode color-barcode color-extraction computer-vision data-science data-visualization image-processing machine-learning movies multiprocessing multithreading opencv parallel-computing python video-processing visualization

Last synced: 06 Jul 2025

https://github.com/meetps/ee-717

Assignment Solutions of Course EE717 Advanced Computing for Electrical Engineers

algorithms intel-cilk parallel-computing

Last synced: 23 Feb 2025

https://github.com/yjhmitweb/hpc-on-matrix

Implementing High Performance Computation on General Mathematics Operation

avx hpc nvidia-cuda openmp parallel-computing sse

Last synced: 03 Mar 2025

https://github.com/z1skgr/openmp-pthreads-parallelcomputing

Parallization protocols for accelerating algorithm performance

intel intel-intrinsics linux omp openmp parallel-computing posix pthreads

Last synced: 16 Mar 2025

https://github.com/aabduvak/matrix-calculator

Just assignment from Parallel Computing lecture

multithreading parallel-computing

Last synced: 01 Aug 2025

https://github.com/t4vexx/sockets

This project is an implementation of a simulation of the MPI_REDUCE algorithm using TCP/IP sockets in C. The main idea is to divide the sum of a set of numbers among different processes (called workers), which run in parallel, following a binary tree structure.

c make mpi-library multiprocessing parallel-computing shell-script

Last synced: 04 Oct 2025

https://github.com/mauriciovazquezm/dask_class_spring2023

Sample class to explain the Dask library

analytics dask parallel-computing python scale

Last synced: 05 May 2025

https://github.com/utilyre/summer

πŸ”₯ High-performance utility for generating checksums in parallel

cli digest library md5 parallel-computing performance sha1 sha256 sha512 tool utility

Last synced: 10 Apr 2025

https://github.com/gabrielemessina/schedulingwithgpu

An attempt to achieve task scheduling taking advantage of the parallelization capabilities of the GPU.

gpgpu gpu opencl parallel parallel-computing parallel-programming scheduling

Last synced: 21 Feb 2025

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

Contains all my code from my Parallel and Distributed Computing class

parallel-computing parallel-programming

Last synced: 07 Oct 2025

https://github.com/herniqeu/sum_thread_benchmark

comparing parallel sum implementations across c++, go, haskell and python

benchmark cpp go haskell parallel-computing python

Last synced: 08 Oct 2025

https://github.com/ifsantana/kitchen-flow

Real-time system that emulates the fulfillment of delivery orders for a kitchen

concurrent-data-structure concurrent-queue forkjoin java junit parallel-computing spring-boot

Last synced: 10 Apr 2025

https://github.com/bbengfort/fastlife

Experimenting with C code and Python bindings

cellular-automata cython game-of-life parallel-computing

Last synced: 01 Aug 2025

https://github.com/lionelvoirol/demo_array_job_slurm

Repo to demonstrate how to launch parallelized array job in Slurm

parallel-computing slurm slurm-workload-manager

Last synced: 10 Oct 2025

https://github.com/izzette/go-safeconcurrency

SafeConcurrency is a Go library designed to simplify the management of concurrent tasks, providing a safe and structured way to produce and consume results.

concurrency concurrent-programming go golang parallel-computing parrallelism

Last synced: 11 Oct 2025

https://github.com/soumyasen1809/introduction_to_openmp

Introduction to OpenMP - Tim Mattson (Intel)

c intel openmp parallel-computing parallel-programming

Last synced: 24 Feb 2025

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

Parallel solutions of many task using OpenMP/MPI/CUDA.

hpc openmp openmpi parallel-computing pthreads

Last synced: 23 Mar 2025

https://github.com/the-red-pixel/parallelcraft

[Draft] ParallelCraft εΉΆθ‘ŒεŒ–Minecraft服劑端

minecraft minecraft-server parallel-computing

Last synced: 20 Jun 2025

https://github.com/joaomhmpereira/parallel-and-distributed-computing

Travelling Salesman Problem (Serial, OpenMP and MPI) implementation using Branch and Bound algorithm.

branch-and-bound mpi openmp parallel-computing travelling-salesman-problem

Last synced: 17 Sep 2025

https://github.com/tank3-tk3/parallel-processing-cuda

Parallel processing with CUDA C / C++

c cpp cuda parallel-computing parallel-programming

Last synced: 11 Jul 2025

https://github.com/ntropic/determinism.jl

Helps ensure reproducibility when parallel processing with pseudorandom number generators (RNGs). in Julia.

julia parallel-computing rng sampling

Last synced: 21 Oct 2025

https://github.com/konstantin-bogdanoski/pidp

ΠŸΠ°Ρ€Π°Π»Π΅Π»Π½ΠΎ ΠΈ Дистрибуирано ΠŸΡ€ΠΎΡ†Π΅ΡΠΈΡ€Π°ΡšΠ΅ (Parallel and DIstributed Processing)

fcse finki parallel-computing parallel-processing parallel-programming

Last synced: 22 Feb 2025

https://github.com/americocunhajr/mccloud

McCloud provides a generic service implementation of Monte Carlo method, based on Microsoft Windows Azure, to solve a wide range of scientific and engineering problems.

cloud-computing mccloud monte-carlo-simulation parallel-computing structural-dynamics

Last synced: 11 Nov 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: 26 Mar 2025

https://github.com/bbs1412/smartattendancesystem

Smart Attendance System to automate the attendace calculation in lectures using Python

attendance-monitoring attendance-system face-recognition opencv parallel-computing python

Last synced: 06 Dec 2025

https://github.com/kchristin22/ising_model

Implementation of a cellular automaton on GPU using different features of CUDA

cellular-automaton cuda gpu-programming hpc ising-model parallel-computing

Last synced: 15 Mar 2025

https://github.com/xstupi00/Parallel-Marching-Cubes

Computation Systems Architectures - Project - Parallel Code Optimization

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

Last synced: 11 Mar 2025

https://github.com/schahriar/telecom

A reactive framework for bi-directional concurrent streams.

nodejs parallel-computing reactive streams

Last synced: 29 Aug 2025

https://github.com/prince-chrismc/multicore-programming

This is a C++ repository to contain my work for Multicore Programming (COMP426) from Concordia Universirty during Fall 2018.

cpp glew glfw glm modern-cpp multithreading object-oriented-programming opengl parallel-computing parallel-processing tbb

Last synced: 01 Aug 2025

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

🧬 Parallel Algorithms - Odd-Even, Samplesort and Quicksort parallel using MPI for parallelization. Focuses on conducting comprehensive tests with random input data and examining the performance.

parallel-computing sorting

Last synced: 06 Jan 2026

https://github.com/tonitaga/parallel-algorithms-cpp

Implementation of parallel algorithms and comparison from speed of operation with sequential implementation. Algorithms: Ant Colony Optimization Algorithm, Gauss Algorithm, Winograd Algorithm

algorithms ant-colony-optimization cpp17 gauss-elimination parallel-computing winograd-algorithm

Last synced: 22 Feb 2025

https://github.com/akbaritabar/course-session-on-other-computational-social-science-skills

Materials for course on ""Other" Computational Social Science Skills" at the fourth MPIDR Summer Incubator Program, June 10, 2025, Rostock, Germany (and online)

computational-social-science css-skills dask duckdb graph-databases parallel-computing snake-make snakemake-workflow

Last synced: 28 Aug 2025

https://github.com/matteogianferrari/qr-decomposition

Tthis project implements different methods to exploit caches usage, the multicore CPU and the GPU architectures, on the Gram-Schmidt QR Decomposition algorithm and measure the performance of the different implementations.

cuda openmp parallel-computing

Last synced: 12 Jul 2025

https://github.com/1407arjun/openmp-parallel-computing

Collection of parallel programming implementations of various problems

openmp parallel-computing

Last synced: 09 Apr 2025

https://github.com/donshen/structure_factor

Calculate average structure factor from pdb files. Implemented CPU-based parallelization using numba and cuda-acceleration by Taichi. Codes belongs to Siepmann Group, University of Minnesota. Author of original code: Paul Qile Chen. Contributors: Don Zhengyuan Shen; Andrew Yangzesheng Sun

molecular-dynamics-simulation parallel-computing taichi-framework

Last synced: 02 Apr 2025

https://github.com/kar-dim/watermarking-cpu

Code for my Diploma thesis at Information and Communication Systems Engineering (University of the Aegean, School of Engineering) with title "Efficient implementation of watermark and watermark detection algorithms for image and video using the graphics processing unit". Part 1 / CPU

clang cpp eigen openmp parallel-computing watermark-image watermarking

Last synced: 30 Oct 2025

https://github.com/bl33h/ecosystemsimulation

This project simulates an ecosystem with plants, herbivores, and carnivores using OpenMP for parallel processing. The grid-based simulation involves species interacting through reproduction, consumption, and movement.

gcc openmp openmp-parallelization parallel-computing parallelism stdio stdlib wsl

Last synced: 29 Dec 2025

https://github.com/xlpmg/parallel_computing_heat

C++ Parallel heat distribution solver (using MPI)

heat-transfer mpi parallel parallel-computing parallel-programming solver

Last synced: 28 Apr 2025

https://github.com/607011/qbist

Algorithmische Kunstwerke mit JavaScript Web Workers, Chrome Native Client (NaCl) und WebGL-Shadern

art cplusplus javascript nacl parallel-computing webgl

Last synced: 20 Sep 2025

https://github.com/matteogreek/a-star-parallel

Repository concerning the implementation of the A-star parallel algorithm developed for the High Performance Computing course at the Master's degree in Computer Science at University of Trento

a-star mpi-library parallel-computing

Last synced: 23 Feb 2025

https://github.com/khadkarajesh/assessment

Handling Large Dataset using Multiprocessing

big-data multiprocessing parallel-computing pytest python3 unittest

Last synced: 18 Oct 2025

https://github.com/bl33h/coffeefactorysimulation

A program that simulates a coffee factory with parallel processing using pthreads. It handles coffee production, storage, and thread synchronization.

coffee factory mutex mutex-lock parallel-computing parallel-programming posix-threads pthreads simulation synchronization

Last synced: 14 Mar 2025

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

In this repository, you will find a serial, shared-memory parallel, distributed-memory parallel and hybrid implementations of the N-body particle interaction simulation.

c cpp distributed-memory-parallel high-performance-computing mpi multithreading n-body openmp parallel-computing particle-interactions shared-memory-parallel simulation-modeling

Last synced: 14 Jun 2025

https://github.com/daelsepara/hipmandelbrot

GPU Implementation of Mandelbrot Fractal Generator with Benchmarking

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

Last synced: 19 Oct 2025

https://github.com/andygeiss/channels

Parallel Computing in Go - Build effective pipelines by using channels

channels concurrency concurrency-patterns go golang parallel-computing parallelism patterns

Last synced: 31 Mar 2025

https://github.com/jeffamstutz/ftevaluator

small parallel fault-tree evaluator (example code for High Performance Parallelism Pearls Ch. 6)

compiler cpp parallel-computing simd

Last synced: 26 Mar 2025

https://github.com/hyperpolymath/parallax-ssg

Parallel-first static site generator in Chapel. Lightning-fast builds for large sites.

chapel hyperpolymath parallel-computing poly-ssg ssg static-site-generator

Last synced: 24 Dec 2025

https://github.com/alpha74/hungarianalgocuda

Hungarian Algorithm for Linear Assignment Problem implemented using CUDA.

cuda nvcc parallel-computing parallel-programming

Last synced: 05 Mar 2025

https://github.com/nishi1612/high-performance-computing

CS301 High Performance Computing Lab codes and reports on parallelizing known algorithms.

image-blur image-filtering image-processing image-warping matrix-multiplication openmp parallel-computing

Last synced: 12 Apr 2025

https://github.com/m15kh/cuda_programming

CUDA programming enables parallel computing on NVIDIA GPUs for high-performance tasks like deep learning and scientific computing

cuda cuda-programming gpu nvidia parallel-computing practice-programming

Last synced: 03 Apr 2025

https://github.com/joelthe1/gaze-controlled-streaming

Segmented and Gaze Controlled decompression for streaming displays such as VR

compression dct decompression parallel-computing quantization real-time video-player video-segmentation

Last synced: 14 Jul 2025

https://github.com/bluebrain/bluepyparallel

Provides an embarrassingly parallel tool with sql backend

parallel parallel-computing parallel-programming parallelization python python3

Last synced: 14 May 2025

https://github.com/acrion/nexuslua

The command-line interpreter for nexuslua, enabling true hardware multithreading for Lua scripts via an asynchronous agent model.

asynchronous cli command-line-tool concurrency interpreter lua multithreading nexuslua parallel-computing runtime scripting

Last synced: 25 Aug 2025

https://github.com/hansalemaos/cythonfastsort

C++ parallel sorting algorithms through Cython - up to 8 times faster than NumPy

c cpp cython numpy parallel-computing parallel-programming python sorting

Last synced: 08 Jul 2025

https://github.com/ehsanmok/cs-521

UBC CS 521: Parallel Computing and Architectures

cuda erlang parallel-algorithm parallel-computing

Last synced: 27 Jul 2025

https://github.com/rickcontreras/matrix-multiplication-ipc

Efficient matrix multiplication using Inter-Process Communication (IPC). This project combines the power of C, Go, and Python to optimize computational performance. Ideal for developers and researchers working on parallel processing, distributed systems, and high-performance computing.

c c-language distributed-systems docker go go-language high-performance-computing inter-process-communication makefile matrix-multiplication parallel-computing python shell-scripting

Last synced: 24 Jun 2025

https://github.com/narenkhatwani/arkouda-projects

This repository contains the source codes of the projects done using Arkouda (a software package that allows a user to interactively issue massive parallel computations on distributed data using functions and syntax that mimic NumPy, the underlying computational library used in most Python data science workflows.)

arkouda data-analysis data-analytics data-science high-performance high-performance-computing highperformancecomputing numpy pandas parallel-computing parallel-processing parallelization python

Last synced: 30 Mar 2025

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

[BETA] R package: future.tools - Tools for Working with Futures

parallel-computing parallel-programming r

Last synced: 07 Oct 2025

https://github.com/louisjenkinscs/localatomics

Building Blocks for non-blocking programming in Shared Memory Chapel

chapel chapel-language lock-free non-blocking parallel-computing

Last synced: 30 Mar 2025