Projects in Awesome Lists tagged with openmpi
A curated list of projects in awesome lists tagged with openmpi .
https://github.com/open-mpi/ompi
Open MPI main development repository
c fortran hacktoberfest hpc mpi openmpi
Last synced: 23 Apr 2025
https://github.com/juliaparallel/mpi.jl
MPI wrappers for Julia
hpc julia julia-language microsoft-mpi mpi mpich openmpi
Last synced: 12 Apr 2025
https://github.com/jeffhammond/mukautuva
An MPI ABI compatibility layer
abi mpi mpi-library mpich openmpi
Last synced: 14 Apr 2025
https://github.com/akkornel/mpi4py
Example of using MPI in Python with mpi4py (and SLURM!)
Last synced: 02 Jan 2025
https://github.com/graykode/horovod-ansible
Create Horovod cluster easily using Ansible
ansible deeplearning distributed-training horovod openmpi pytorch tensorflow terraform
Last synced: 05 May 2025
https://github.com/moloch--/bitonic-sort
An example implementation of a parallel bitonic sort algorithm using an OpenMPI CPU cluster.
bitonic-merge-sort bitonic-sort c-plus-plus openmpi openmpi-cpu-clusters
Last synced: 14 Apr 2025
https://github.com/hxndev/password-cracker-using-brute-force-algorithm
This was our Final Project for Distributed Computing. In this we had to create a distributed system that will use the Brute Force Algorithm to crack a password from the etc/shadows file of Ubuntu as all the passwords are stored there. We used OpenMP and MPICH for this implementation.
brute-force bruteforce-password-cracker code cpp crack distributed-computing distributed-systems mpi mpi-library openmp openmp-parallelization openmpi parallel-computing password password-cracker password-cracking
Last synced: 07 May 2025
https://github.com/tommoral/dicod
Experiments for ICML paper DICOD: Distributed Convolutional Coordinate Descent for Convolutional Sparse Coding, ICML 2018, T. Moreau, L. Oudre, N. Vayatis.
convolutional-sparse-coding coordinate-descent distributed-computing openmpi
Last synced: 07 May 2025
https://github.com/amatofrancesco99/knn-openmpi
An Open MPI implementation of the well known K-Nearest Neighbors (Machine Learning) classifier.
cpp k-nearest-neighbor-classifier machine-learning-algorithms openmpi
Last synced: 16 Apr 2025
https://github.com/im-rises/cmake-cpp-library-example
This repository contains examples and tutorials demonstrating how to link multiplaform libraries to C++ for Windows, Linux and macOS projects using CMake.
c cmake cpp emscripten example glad glfw imgui library linux opencl opencv opengl openmp openmpi pthreads sdl2 sfml
Last synced: 10 Feb 2025
https://github.com/billsioros/mpisuite
Using bash to automate the compilation, scheduling and profiling of MPI / OpenMP applications
automated automated-build automated-deployment automated-testing automated-tests automation-framework bash bash-script bash-scripting openmp openmp-parallelization openmp-support openmpi openmpi-cpu-clusters
Last synced: 11 Apr 2025
https://github.com/hxndev/consensus-problem-using-openmp
In this task, we had to write a multi-threaded OpenMP program, that will solve the consensus problem. If all the slave (child) processes agree on a single decision, then the processes will terminate displaying consensus reached.
code consensus consensus-clustering cpp openmp openmp-parallelization openmpi
Last synced: 07 May 2025
https://github.com/joaomlneto/cpds-heat
Heat Equation using different solvers (Jacobi, Red-Black, Gaussian) in C using different paradigms (sequential, OpenMP, MPI, CUDA) - Assignments for the Concurrent, Parallel and Distributed Systems course @ UPC 2013
cuda cuda-support gauss-seidel gaussian heat-equation jacobi mpi mpi-applications openmp openmp-applications openmp-parallelization openmp-support openmpi paradigms performance red-black solvers
Last synced: 22 Apr 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 Dec 2024
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/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/koushikphy/cheatsheets
A collection of random computer codes, commands and cheat sheets
cheatsheet cheatsheets fortran git gnuplot gnuplot-collection gnuplot-script latex linux matplotlib mpi mpich numerical-analysis openmp openmp-parallelization openmpi programm tex vim
Last synced: 03 Mar 2025
https://github.com/avestura/mpich-playground
📨 Several problems and their solutions in distributed systems area, solved using MPI
distributed-algorithms distributed-computing distributed-systems iust matrix message-passing-interface monte-carlo mpi mpich mpich2 openmpi pi pthread pthreads random-walk
Last synced: 03 Mar 2025
https://github.com/spagnuolocarmine/playground-mpi
Have fun with MPI in C -- An interactive tutorial playground on Tech.io
c distributed distributed-computing distributed-systems mpi openmpi parallel-computing parallel-programming programming tutorial
Last synced: 20 Nov 2024
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/vsoch/simvascular
testing Docker (Singularity) container with SimVascular
docker openmpi simvascular singularity svsolver
Last synced: 22 Mar 2025
https://github.com/sferez/hpc_mpi_traveling_salesman
High Performance Computing MPI for Traveling Salesman Problem
cpp high-performance high-performance-computing mpi openmpi travelling-salesman-problem
Last synced: 03 Mar 2025
https://github.com/nellogan/distributed_compy
Distributed_compy is a distributed computing library that offers multi-threading, heterogeneous (CPU + mult-GPU), and multi-node support
cluster cuda heterogeneous-parallel-programming multi-threading multigpu openmp openmpi
Last synced: 12 Jan 2025
https://github.com/pavlyukvadim/software-engineering
NTUU "KPI", FICT, Software Engineering
algorithms c-plus-plus csharp javascript list oop-principles opengl openmp openmpi postgresql python security
Last synced: 26 Mar 2025
https://github.com/fedeizzo/particleswarmoptimization-openmpi
High Performance Computing course project 2022
c cluster-analysis concurrent-programming openmpi parallel-computing
Last synced: 05 Mar 2025
https://github.com/teodutu/apd
Algoritmi Paraleli si Distribuiti - UPB 2019-2020
distributed-computing java-thread mpi openmpi parallel-computing pthreads
Last synced: 25 Mar 2025
https://github.com/luiz-marcio-faria-de-aquino-viana/tsp
TSP - Análise Desempenho do Problema do Caixeiro Viajante. Trabalho Elaborado durante o Curso de Pós-Doutoramento em Engenharia Elétrica com Ênfase em Engenharia de Sistemas e Computação (COPPE/UFRJ entre 2020-2022).
Last synced: 03 Mar 2025
https://github.com/bayudwiyansatria/openmpi
The Open MPI Project is an open source Message Passing Interface implementation that is developed and maintained by a consortium of academic, research, and industry partners. Open MPI is therefore able to combine the expertise, technologies, and resources from all across the High Performance Computing community in order to build the best MPI library available. Open MPI offers advantages for system and software vendors, application developers and computer science researchers.
environment high-performance-computing mpi openmpi
Last synced: 28 Feb 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: 13 Mar 2025
https://github.com/im-rises/ctwinprimenumberparallel
Program to find twin prime numbers in parallel using OpenMPI
algorithm c mpi openmpi parallel parallel-programming prime-numbers twin-prime-numbers
Last synced: 17 Feb 2025
https://github.com/iliatrofimov/parallel-multiplication
OpenMP and MPI implementation of Fox's algorithm for matrix multiplication.
openmp openmpi parallel-programming
Last synced: 01 Apr 2025
https://github.com/andreibarsan/mpi-hpc
Several HPC numerical algorithms implemented in C++ using MPI.
eigen3 high-performance-computing numerical-methods openmpi
Last synced: 01 Apr 2025
https://github.com/kb2623/openmpi-docker
Docker image for OpenMPI with NFS server in the cluster
alpine-linux-image bash docker network openmpi ssh-client ssh-server
Last synced: 02 Mar 2025
https://github.com/holps-7/pdc-weekly
Archive for the weekly lab activities in PDC
colab-notebook colaboratory distributed-computing openmp openmp-parallelization openmpi prallel-programming
Last synced: 03 Mar 2025
https://github.com/pottava/docker-openmpi
Dockerized OpenMPI & its applications
Last synced: 08 Apr 2025
https://github.com/divinenaman/parallel-convolution
Parallel Convolution using openMPI
Last synced: 04 Apr 2025
https://github.com/manumishra12/stocksense
An application that uses stock price data and technical indicators for improved predictions, with serial and parallel backtesting to optimize trading strategies and enhance decision-making.
backtesting multiprocess multithreading openmpi parallelism
Last synced: 18 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/donaurelio/ansible-playbooks
A Bunch of ansible-playbooks that automate computer infraestruture provisioning
ansible-playbooks cuda docker gromacs openmpi
Last synced: 12 Apr 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: 13 Mar 2025
https://github.com/scoowy/comp-paralelas-project
c openmp openmpi personal-project university-project
Last synced: 03 Mar 2025
https://github.com/tomosatop/mpi-cluster-raspi
Ansible で lammps 用 ラズパイ mpi クラスタ環境を構築
ansible apptainer lammps openmpi raspberry-pi slurm
Last synced: 28 Mar 2025
https://github.com/gabrieleinvernizzi/wave_equation_2d
2D wave equation solver
c-language openmpi wave-equation-solver
Last synced: 12 Feb 2025
https://github.com/yaon-c2h8n2/projet-systemes-distribues
N Body simulation developed with C++/MPI. Able to handle 100k+ bodies on dozen of nodes.
cpp distributed-computing distributed-systems mpi nbody-simulation openmpi
Last synced: 05 Apr 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: 17 Feb 2025
https://github.com/habibslim/distdnns
Speeding up DNN training for image classification, with OpenMPI
computer-vision distributed-learning machine-learning openmpi
Last synced: 04 Mar 2025
https://github.com/drsnowbird/docker-hpc-base
Base container for HPC application
docker hpc-clusters infiniband openmpi singularity-container
Last synced: 03 Mar 2025
https://github.com/misterzurg/itmo_labs_parallel_algorithms_for_the_analysis_and_synthesis_of_data
🎓 My labs from ITMO; Dis - PAASD
big-data-and-ml itmo-labs mpi4py openmpi
Last synced: 13 Mar 2025
https://github.com/seieric/pytorch-mpi-singularity
Singularity Container including PyTorch with CUDA and mpi backend for DistributedDataParallel
cuda hpc nvidia openmpi pytorch singularity utokyo
Last synced: 30 Mar 2025
https://github.com/nuccitheboss/jespipe
Jespipe: A Plugin-Based, Open MPI Framework for Adversarial Machine Learning Analysis.
adversarial-learning command-line-tool deep-learning hpc-applications machine-learning mpi4py openmpi plugins python xml
Last synced: 22 Mar 2025
https://github.com/raaguln/high-performance-computing
Experimenting with clusters and other high performance computing stuff.
Last synced: 14 Mar 2025
https://github.com/rathi-yash/intro-to-parallel-and-distributed-programming
Solutions and reports for assignments from the 'Introduction to Parallel and Distributed Programming' course at the University at Buffalo. Includes implementations using OpenMP, CUDA, and MPI, with performance analysis conducted on UB CCR.
cpp cuda-programming openmp openmpi parallel-programming
Last synced: 23 Mar 2025
https://github.com/jimver/gcc-openmpi
Docker container with gcc and openmpi
Last synced: 31 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/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/xkrejc70/mit-prl-project1
PRL - Parallel and Distributed Algorithms - Project: Implementation of the Odd-Even Merge Sort algorithm
odd-even-merge-sort openmpi parallel-programming vut-fit
Last synced: 16 Mar 2025
https://github.com/pierric/mnist-caffe-mpi
mnist, using caffe and openmpi
caffe distributed-deep-learning mnist openmpi
Last synced: 20 Feb 2025
https://github.com/aaditya29/parallel-computing-and-cuda
Learning about Parallel Computing and GPU programming using CUDA.
c cpp cuda cuda-kernels cuda-programming nvidia-cuda openmp openmpi parallel-computing parallel-programming
Last synced: 01 Apr 2025
https://github.com/sandeep-mg/slurm-cluster-in-docker-on-raspberry-pi-4
Slurm in Docker for Rapsberry Pi
cluster docker docker-compose hpc openmpi raspberry-pi slurm ubuntu
Last synced: 23 Apr 2025
https://github.com/san7o/mpi-hpp
This repository contains c++ bindings for OpenMPI, currently 5.0.6
Last synced: 01 Apr 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/pa-ling/pasys17wave
Visualization of a wave using frameworks for parallelization
Last synced: 28 Feb 2025
https://github.com/thodkatz/sparse-bmm
A hydrib parallel implementation of sparse boolean matrix multiplication using OpenMP and OpenMPI
Last synced: 09 Apr 2025
https://github.com/neudinger/equadiffmpi
Distributed diffusion equation C/C++ OpenMP one-sided communication MPI
bash boost cmake cpp cpp14 hpc hpc-applications hpc-clusters hwloc hwloc-library mpi one-sided one-sided-jacobi openmp openmpi physics-simulation shell slurm slurm-cluster
Last synced: 28 Feb 2025
https://github.com/vtramo/parallel-and-distributed-computing-experiments
Parallel and distributed computing problems with C and OpenMPI
c openmpi openmpi-cpu-clusters parallel-computing parallel-programming performance-testing shell-scripting testing
Last synced: 11 Mar 2025
https://github.com/xstupi00/Odd-Even-Transposition-Sort
Parallel and Distributed Algorithms - Project - Odd-Even Transposition Sort
cpp distributed-computing odd-even-sort openmpi parallel-algorithm parallel-programming prl sorting-algorithms vut vut-fit
Last synced: 11 Mar 2025
https://github.com/TomasBeranek/but-prl-project-1
A simple SW implementation of Odd-even merge sort using OpenMPI
but but-fit fit odd-even-merge-sort openmpi vut vut-fit
Last synced: 11 Mar 2025
https://github.com/paulapoley/computacion-paralela-con-mpi-en-linux-analisis-y-medicion-del-rendimiento
Este repositorio contiene un proyecto de la asignatura Arquitectura de Sistemas y Software de Base, que explora la computación paralela con MPI en Linux. Incluye la modificación de programas para medir tiempos, ejecutar procesos en paralelo y analizar el rendimiento en diversas configuraciones.
Last synced: 01 Mar 2025
https://github.com/himaprasoonpt/tensorflow-docker
This Repo contains tensorflow docker images
docker horovod mpi openmpi python3 tensorflow-docker tensorflow-docker-images
Last synced: 12 Mar 2025
https://github.com/alessandro624/learningparadiseo
A simple repository with lessons and tutorials from ParadisEO
cpp evolutionary-algorithms genetic-algorithm gnuplot make metaheuristic-optimisation mpi openmpi
Last synced: 02 Mar 2025
https://github.com/vitorramos/blackscholes
Hybrid implementation of black scholes
Last synced: 12 Mar 2025
https://github.com/lu1smgb/ppr
Asignatura de Programacion Paralela. Curso 2024/2025. Universidad de Granada
Last synced: 02 Mar 2025
https://github.com/zyn10/openmpi
open mpi assignment parallel distributed computing
Last synced: 12 Mar 2025
https://github.com/fanziyang-v/parallel-computing
Parallel Computing course materials from Harbin Institute of Technology(Shenzhen).
cuda openmp openmpi parallel-computing
Last synced: 27 Mar 2025