GitHub topics: openmpi
open-mpi/ompi
Open MPI main development repository
Language: C - Size: 175 MB - Last synced at: 3 days ago - Pushed at: 4 days ago - Stars: 2,410 - Forks: 920

pyiron/pylammpsmpi
Parallel Lammps Python interface - control a mpi4py parallel LAMMPS instance from a serial python process or a Jupyter notebook
Language: Python - Size: 909 KB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 33 - Forks: 5

mmarzolla/parallel-etudes
Parallel programming assignments using OpenMP, MPI and CUDA/OpenCL
Language: C - Size: 72.7 MB - Last synced at: 10 days ago - Pushed at: 12 days ago - Stars: 1 - Forks: 1

lledezma/Parallel-Programming
High-Performance Computing
Language: C - Size: 134 KB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 0 - Forks: 0

JuliaParallel/MPI.jl
MPI wrappers for Julia
Language: Julia - Size: 4.62 MB - Last synced at: 10 days ago - Pushed at: 14 days ago - Stars: 417 - Forks: 123

FilipSefcik/DDD
DDD - Decision Diagram Distributor Project where we are using LAN cluster with Open MPI to calculate wide scale decision diagrams which will be preocessed by a TeDDy library.
Language: C++ - Size: 313 KB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 0 - Forks: 0

yoshiya-usui/femtic
FEMTIC is a 3-D magnetotelluric inversion code. FEMTIC is made by object-oriented programming with C++. FEMTIC is applicable to land magnetotelluric survey data as well as ocean bottom magnetotelluric survey data.
Language: C++ - Size: 25.6 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 87 - Forks: 21

PolyChord/PolyChordLite
Public version of PolyChord: See polychord.co.uk for PolyChordPro
Language: Fortran - Size: 1.51 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 93 - Forks: 32

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.
Language: C - Size: 1.02 MB - Last synced at: 28 days ago - Pushed at: about 1 year ago - Stars: 7 - Forks: 1

micheledellipaoli/game-of-life
A parallel algorithm based on MPI to solve the "Game of Life" problem.
Language: C - Size: 49.8 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

sbromberger/gompi
OpenMPI bindings for the Go programming language
Language: Go - Size: 60.5 KB - Last synced at: 5 days ago - Pushed at: about 1 month ago - Stars: 43 - Forks: 3

Endless077/Game_Of_Life 📦
A simple MPI (OpenMPI) implementation of Conway's Game of Life with HPC (High Performance Computing).
Language: C - Size: 37.7 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

Young-TW/cmake-init
Initialize CMake project at speed
Language: Rust - Size: 21.3 MB - Last synced at: 14 days ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

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).
Language: C++ - Size: 3.5 MB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

KlimentLagrangiewicz/k-means-using-MPI
Implementation of k-means algorithm using MPI technology
Language: C - Size: 2.51 MB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

EthanCornell/MPI-Wandering-Salesman-Solver
Blazing-fast branch-and-bound TSP solver (≤ 18 cities) in single-file C using the MPI message-passing model; auto-detects triangular inputs and runs locally or via PBS with one command.
Language: C - Size: 175 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

akkornel/mpi4py
Example of using MPI in Python with mpi4py (and SLURM!)
Language: Python - Size: 35.2 KB - Last synced at: 3 months ago - Pushed at: about 6 years ago - Stars: 32 - Forks: 9

jeffhammond/mukautuva
An MPI ABI compatibility layer
Language: C - Size: 798 KB - Last synced at: 3 months ago - Pushed at: 6 months ago - Stars: 33 - Forks: 3

zdxying/FreeLB
Freely Coupled Lattice Boltzmann Code
Language: C++ - Size: 3.74 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 5 - Forks: 0

jaredchai/MPI 📦
Public archive for several previous private project on parallel computing using CPP and OpenMPI, selected files displayed.
Language: C++ - Size: 62.5 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

Abdulrehman-Baloch/Parallel-IST-Bubble-Sort_Network
This project implements a novel parallel algorithm for constructing n-1 independent spanning trees (ISTs) in bubble-sort networks. It solves an open problem from previous research by Kao et al. by enabling each vertex to determine its parent in constant time without using recursion.
Language: C++ - Size: 1.4 MB - Last synced at: 3 days ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Amatofrancesco99/KNN-OpenMPI
An Open MPI implementation of the well known K-Nearest Neighbors (Machine Learning) classifier.
Language: Jupyter Notebook - Size: 8.71 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 8 - Forks: 0

ishankkumar-007/canny_CUDA-MPI
parallel version of Canny Edge Detection algorithm -- CUDA, MPI
Language: C++ - Size: 258 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

nyiyui/parallel-coloring
Parallel implementation of a graph coloring algorithm (CX 4803 final project)
Language: C - Size: 0 Bytes - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

vsoch/simvascular
testing Docker (Singularity) container with SimVascular
Language: Dockerfile - Size: 67.4 KB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 1

PraWater/parallel_computing
Take home exercises & assignments from CS F422 (BITS Pilani)
Language: C - Size: 2.6 MB - Last synced at: 25 days ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Matkicail/HPC-Project
A project that involved C programming. Where we made use of parallel implementations of OpenMPI and Cuda. We compared the performance of these two and attempted to perform K Means and Fuzzy C Means clustering on synthetic data.
Language: C - Size: 81.9 MB - Last synced at: about 24 hours ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 1

lu1smgb/PPR
Asignatura de Programacion Paralela. Curso 2024/2025. Universidad de Granada
Language: Cuda - Size: 321 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

NotShrirang/SPPU-Computer-2019-Practicals
All practicals I performed in Computer Engineering at SPPU
Language: Jupyter Notebook - Size: 4.23 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 1

Alessandro624/learningParadiseo
A simple repository with lessons and tutorials from ParadisEO
Language: C++ - Size: 251 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

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.
Language: C++ - Size: 506 KB - Last synced at: 6 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

bissim/Jacobi-MPI
Academic project for the course of Concurrent, Parallel and Cloud Programming.
Language: C - Size: 948 KB - Last synced at: 6 months ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 0

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.
Language: CMake - Size: 19.4 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 0

KlimentLagrangiewicz/k-NN-using-MPI
Implementation of k-NN algorithm using MPI technology
Language: C - Size: 23.4 KB - Last synced at: about 1 month ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

flux-framework/flux-pmix
flux shell plugin to bootstrap openmpi v5+
Language: C - Size: 417 KB - Last synced at: about 2 months ago - Pushed at: 8 months ago - Stars: 2 - Forks: 5

EngAhmedHady/Parallel-Implementation-of-Poisson-s-Equation
This project presents a numerical solution of the Poisson equation implemented in parallel using the Message Passing Interface (MPI). The repository contains serial and parallel implementations in both Fortran and C++.
Language: C - Size: 1.75 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

mwierszycki/openmpi-abaqus
Running Abaqus using OpenMPI
Size: 31.3 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 6 - Forks: 0

kchristin22/Graph_minor
Compute the graph minor when given the cluster configuration. Implemented in three versions using OpenMPI, pthreads and OpenCilk.
Language: C++ - Size: 627 KB - Last synced at: 6 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

San7o/mpi-hpp
This repository contains c++ bindings for OpenMPI, currently 5.0.6
Language: C++ - Size: 27.3 KB - Last synced at: 6 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

300degree/MPI-Cluster
Making an MPI Cluster using two nodes (1 Master, 1 Slave) within the same LAN
Language: C - Size: 104 KB - Last synced at: 6 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

GMAP/MPR
MPR: An MPI Framework for Distributed Self-Adaptive Stream Processing
Language: C++ - Size: 177 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

spagnuolocarmine/playground-mpi
Have fun with MPI in C -- An interactive tutorial playground on Tech.io
Language: C - Size: 2.35 MB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 2

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.
Language: Python - Size: 20.3 MB - Last synced at: 6 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

Fanziyang-v/parallel-computing
Parallel Computing course materials from Harbin Institute of Technology(Shenzhen).
Language: Cuda - Size: 33.6 MB - Last synced at: 6 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

nerett/parallel-programming
MIPT parallel programming course tasks (6-7 semester)
Language: C - Size: 68.4 KB - Last synced at: 4 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

sferez/HPC_MPI_Traveling_Salesman
High Performance Computing MPI for Traveling Salesman Problem
Language: C++ - Size: 9.77 KB - Last synced at: 7 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

arslansadiq/Parallel-Programming-TUM
Exercises for TUM Parallel Programming Course
Language: C - Size: 115 MB - Last synced at: 10 months ago - Pushed at: over 6 years ago - Stars: 13 - Forks: 4

IliaTrofimov/parallel-multiplication
OpenMP and MPI implementation of Fox's algorithm for matrix multiplication.
Language: C++ - Size: 332 KB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

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.
Language: C++ - Size: 792 KB - Last synced at: 4 months ago - Pushed at: about 4 years ago - Stars: 12 - Forks: 1

teodutu/APD
Algoritmi Paraleli si Distribuiti - UPB 2019-2020
Language: C - Size: 189 MB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

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.
Language: C - Size: 3.21 MB - Last synced at: 2 days ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

GabrieleInvernizzi/wave_equation_2d
2D wave equation solver
Language: C - Size: 870 KB - Last synced at: 7 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

GiorgioBelli/npJohn
openMPI multicore implementation of John The Ripper
Language: C - Size: 2.13 MB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 2

seieric/pytorch-mpi-singularity
Singularity Container including PyTorch with CUDA and mpi backend for DistributedDataParallel
Language: Shell - Size: 4.88 KB - Last synced at: 6 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

aaditya29/Parallel-Computing-And-CUDA
Learning about Parallel Computing and GPU programming using CUDA.
Language: C++ - Size: 47.9 KB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

BullSequana/OpenMPI5 Fork of open-mpi/ompi
OpenMPI-Bull repository
Language: C - Size: 170 MB - Last synced at: 5 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 3

adumitrescu2708/Odd-Even-Transposition-Sort
This project implements the parallel odd even transposition sort algorithm using OpenMP, MPI and Pthreads
Language: C - Size: 1.02 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

sharma-n/Distributed_MDP_GPU
Distributed MPI based Heterogenous GPU Solver for Markov Decision Processes (MDP)
Language: Cuda - Size: 899 KB - Last synced at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 2 - Forks: 0

jamesmcclain/SlurmDocker 📦
A Slurm Docker image for use on AWS and/or locally
Language: Shell - Size: 39.1 KB - Last synced at: over 1 year ago - Pushed at: about 8 years ago - Stars: 6 - Forks: 2

inverseproblem/KronLinInv 📦
Kronecker-product-based linear inversion under Gaussian and separability assumptions.
Language: Fortran - Size: 1.17 MB - Last synced at: 4 months ago - Pushed at: about 6 years ago - Stars: 5 - Forks: 1

elixir-code/HPC-Lab
High Performance Computing using OpenMP, OpenMPI and CUDA
Language: Terra - Size: 27.7 MB - Last synced at: about 2 months ago - Pushed at: almost 7 years ago - Stars: 5 - Forks: 0

ryanspoone/autostream
Harness for performing STREAM benchmarking using GCC and OpenMPI
Language: Shell - Size: 15.6 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

Francesco-Parisi/PCPC_Esercizi
Esercizi del corso di Programmazione Concorrente, Parallela e su Cloud dell'Università degli Studi di Salerno.
Language: C - Size: 226 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

tianhao-ai/COMP90024-ASMT1-Social-Media-Analytics
This project using the a multi-core framework MPI to process the data parallel, and using the Linux command and slurm script to interact with a cluster.
Language: Jupyter Notebook - Size: 2.68 MB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

SciDAS/slurm-in-docker
Slurm in Docker - Exploring Slurm using CentOS 7 based Docker images
Language: Shell - Size: 163 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 115 - Forks: 45

deathcat0011/mpi_wrapper
A simple RAII wrapper for the Open MPI library for C++ i created for Uni.
Language: C++ - Size: 5.86 KB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

gdsotirov/openmpi.SlackBuild
Slackware build script for OpenMPI
Language: Shell - Size: 26.4 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Roninkoi/ParPS
Solve 2D Poisson's equation in parallel using OpenMPI
Language: C - Size: 3.52 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

mrsyaban/parallel-inverse-matrix
Parallel matrix inversion using Gauss-Jordan method
Language: C++ - Size: 68.8 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

harrykieu/mpi-mapreduce-avgpts
Calculate Average Points using MapReduce + MPI
Language: Java - Size: 2.57 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

nellogan/distributed_compy
Distributed_compy is a distributed computing library that offers multi-threading, heterogeneous (CPU + mult-GPU), and multi-node support
Language: Python - Size: 6.83 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 2 - Forks: 1

MuhammadHabibKhan/master-slave-mpi
Master-Slave / Worker-Supervisor Architecture Implemented using Open MPI in C++
Language: C++ - Size: 15.6 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

MrJohn6774/lid-driven-cavity-flow
Fortran implementation of a Streamfunction Vorticity-based Navier Stokes solver. A classic 2D lid-driven cavity flow problem that is solved in Gauss-Seidel with SOR
Language: Fortran - Size: 3.34 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

olegbilovus/pcpc
IaC with Terraform and Ansible playbooks for pcpc(concurrent and parallel programming on cloud) course labs.
Language: HCL - Size: 79.1 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

janbabak/Minimum-cut-of-edge-weighted-graph
Parallel program using different methods: process level parallelism, task parallelism, and data parallelism.
Language: C++ - Size: 373 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

janbabak/openMP-and-MPI-sandbox
Docker development environment for C++ openMP and openMPI multithreading libraries.
Language: C++ - Size: 435 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

anpep-uclm/mpi_toroid 📦
Toy program implementing a torus-interconnect network topology using MPI
Language: C - Size: 10.7 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

anpep-uclm/mpi_hypercube 📦
Toy program implementing a hypercube-interconnect network topology using MPI
Language: C - Size: 11.7 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

pkarakal/knn
This is a C++ implementation of the knn algorithm using MPI
Language: C++ - Size: 74.2 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

occisor2/PuzzleSearch
First project of my parallel algorithms course
Language: C++ - Size: 248 KB - Last synced at: 7 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

adamd1008/mpi-gdb
Helper tool for debugging multiple local MPI processes using GDB
Language: C - Size: 6.84 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 1

iodim/pds_2015
Projects for the Parallel & Distributed Systems course of 2015
Language: TeX - Size: 2.38 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

CodyMang/k-means-parallel
Language: C++ - Size: 17 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

Ravindu-Kalhara/High-Performance-Computing-Lab
Summarized version of the syllabus of High Performance Computing Lab (PH3024).
Language: C - Size: 19.5 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Amagnum/parallel-matrix-infinity-norm-mpi
A MPI program to calculates infinity norm of a matrix using row wise block-striped partitioning. The infinity norm of a matrix is defined to be the maximum of sums of absolute values of elements in a row, over all rows.
Language: C++ - Size: 64.5 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 0

SJTU-HPC/hpc-base-container
Base Container Collection for SJTU HPC
Language: Dockerfile - Size: 150 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 1

phantomachine/csim
Competitive money search model with nondegenerate distribution and costly financial market participation; Inflation as redistribution vs Trading Opportunities
Size: 20.7 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1

alfille/EgyptianFractions
Sums of unique reciprocals that add up to an integer.
Size: 9.77 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

mnucci32/aither
Repository for an in-progress 3D, block structured, explicit/implicit, Navier-Stokes solver.
Language: C++ - Size: 12.6 MB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 53 - Forks: 26

Im-Rises/cTwinPrimeNumberParallel
Program to find twin prime numbers in parallel using OpenMPI
Language: C - Size: 146 KB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

Mooncake911/OpenMPI_Practice
OpenMPI Practice with Min/Max search in a vector, scalar product of vectors, matrix-multiplication: Strip & Fox algorithms.
Language: Jupyter Notebook - Size: 4.64 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 1

Mooncake911/OpenMP_Practice
OpenMP Practice with Min/Max search in a vector, scalar product of vectors, simplest work with matrices.
Language: Jupyter Notebook - Size: 9.31 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

lorenzovarese/basics-of-hpc
Basics of High Performance Computing
Language: C++ - Size: 4.63 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

pikrog/hpc-docker
dockerized HPC cluster environment
Language: Dockerfile - Size: 71.3 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

Yaon-C2H8N2/Projet-Systemes-Distribues
N Body simulation developed with C++/MPI. Able to handle 100k+ bodies on dozen of nodes.
Language: C++ - Size: 72.3 KB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

graykode/horovod-ansible
Create Horovod cluster easily using Ansible
Language: HCL - Size: 217 KB - Last synced at: 4 months ago - Pushed at: about 6 years ago - Stars: 22 - Forks: 5

JuanCarlosAcostaPeraba/mul-matrices-paralelo 📦
Trabajo Práctico 3. Programación paralela de la multiplicación de matrices
Language: C - Size: 301 KB - Last synced at: 8 days ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

eric070021/2023-Parallel-Computing
This course introduces the basic concepts of parallel computing, introduces the function library of parallel computing, and and algorithm.
Language: C++ - Size: 1.64 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

tomosatoP/mpi-cluster-raspi
Ansible で lammps 用 ラズパイ mpi クラスタ環境を構築
Language: HTML - Size: 249 KB - Last synced at: 19 days ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

juliorodrigues07/parallel_primes 📦
Master-slave parallel implementation to identify prime numbers in an array.
Language: C - Size: 5.2 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0
