Ecosyste.ms: Repos

An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: openmpi

open-mpi/ompi

Open MPI main development repository

Language: C - Size: 171 MB - Last synced: 1 day ago - Pushed: 1 day ago - Stars: 2,029 - Forks: 840

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: 2 days ago - Pushed: about 1 year 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: 3 days ago - Pushed: 4 days ago - Stars: 4 - Forks: 0

nerett/parallel-programming

MIPT parallel programming course tasks (6 semester)

Language: C - Size: 14.6 KB - Last synced: 5 days ago - Pushed: 5 days ago - Stars: 0 - Forks: 0

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: 12 days ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

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

Language: C - Size: 49.8 KB - Last synced: 17 days ago - Pushed: almost 5 years ago - Stars: 7 - Forks: 3

gdsotirov/openmpi.SlackBuild

Slackware build script for OpenMPI

Language: Shell - Size: 26.4 KB - Last synced: 17 days ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

DrSnowbird/docker-hpc-base

Base container for HPC application

Language: Shell - Size: 12.7 KB - Last synced: 17 days ago - Pushed: about 6 years ago - Stars: 0 - Forks: 1

Roninkoi/ParPS

Solve 2D Poisson's equation in parallel using OpenMPI

Language: C - Size: 3.52 MB - Last synced: 17 days ago - Pushed: 7 months ago - Stars: 1 - Forks: 0

vsoch/simvascular

testing Docker (Singularity) container with SimVascular

Language: Dockerfile - Size: 67.4 KB - Last synced: 18 days ago - Pushed: about 4 years ago - Stars: 1 - Forks: 1

JuliaParallel/MPI.jl

MPI wrappers for Julia

Language: Julia - Size: 3.9 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 359 - Forks: 115

zyn10/OpenMPI

open mpi assignment parallel distributed computing

Language: C - Size: 398 KB - Last synced: 25 days ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

mrsyaban/parallel-inverse-matrix

Parallel matrix inversion using Gauss-Jordan method

Language: C++ - Size: 68.8 MB - Last synced: 26 days ago - Pushed: 26 days ago - Stars: 0 - Forks: 0

harrykieu/mpi-mapreduce-avgpts

Calculate Average Points using MapReduce + MPI

Language: Java - Size: 2.57 MB - Last synced: 26 days ago - Pushed: 26 days 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: 16 days ago - Pushed: 6 months ago - Stars: 2 - Forks: 1

bsamseth/mpi4py-travis

Reference repository showing how to use Travis CI for MPI with C++17 and mpi4py with Python3.7+.

Language: Shell - Size: 26.4 KB - Last synced: 27 days ago - Pushed: about 5 years ago - Stars: 2 - Forks: 0

MuhammadHabibKhan/master-slave-mpi

Master-Slave / Worker-Supervisor Architecture Implemented using Open MPI in C++

Language: C++ - Size: 15.6 KB - Last synced: 27 days ago - Pushed: 27 days ago - Stars: 0 - Forks: 0

Jimver/gcc-openmpi

Docker container with gcc and openmpi

Language: Dockerfile - Size: 14.6 KB - Last synced: 30 days ago - Pushed: over 5 years 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: 25 days ago - Pushed: 30 days 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: about 1 month ago - Pushed: about 1 month 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: about 1 month ago - Pushed: about 1 year 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: about 1 month ago - Pushed: about 1 year 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: about 1 month ago - Pushed: about 3 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: about 1 month ago - Pushed: about 3 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: about 1 month ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

moloch--/Bitonic-Sort

An example implementation of a parallel bitonic sort algorithm using an OpenMPI CPU cluster.

Language: C++ - Size: 110 KB - Last synced: about 1 month ago - Pushed: over 11 years ago - Stars: 12 - Forks: 3

occisor2/PuzzleSearch

First project of my parallel algorithms course

Language: C++ - Size: 248 KB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 0 - Forks: 0

pyiron/pylammpsmpi

Parallel Lammps Python interface - control a mpi4py parallel LAMMPS instance from a serial python process or a Jupyter notebook

Language: Python - Size: 482 KB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 27 - Forks: 4

jeffhammond/mukautuva

An MPI ABI compatibility layer

Language: C - Size: 799 KB - Last synced: 25 days ago - Pushed: about 2 months ago - Stars: 27 - 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: 24.3 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 51 - Forks: 17

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: about 1 month ago - Pushed: 3 months ago - Stars: 6 - Forks: 0

NucciTheBoss/jespipe

Jespipe: A Plugin-Based, Open MPI Framework for Adversarial Machine Learning Analysis.

Language: Python - Size: 1.54 MB - Last synced: 2 months ago - Pushed: over 2 years 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: 2 months ago - Pushed: over 2 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: 2 months ago - Pushed: over 6 years ago - Stars: 0 - Forks: 0

CodyMang/k-means-parallel

Language: C++ - Size: 17 MB - Last synced: 2 months ago - Pushed: almost 2 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: 2 months ago - Pushed: 2 months ago - Stars: 0 - Forks: 0

IliaTrofimov/fox-parallel-algorithm

OpenMP and MPI implementation of Fox's algorithm for matrix multiplication.

Language: C++ - Size: 332 KB - Last synced: about 2 months ago - Pushed: about 2 months 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: about 1 month ago - Pushed: over 3 years ago - Stars: 3 - Forks: 0

SJTU-HPC/hpc-base-container

Base Container Collection for SJTU HPC

Language: Dockerfile - Size: 150 KB - Last synced: about 1 month ago - Pushed: over 2 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: 3 months ago - Pushed: 3 months ago - Stars: 1 - Forks: 1

alfille/EgyptianFractions

Sums of unique reciprocals that add up to an integer.

Size: 9.77 KB - Last synced: 3 months ago - Pushed: 3 months 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: 2 months ago - Pushed: almost 5 years ago - Stars: 53 - Forks: 26

flux-framework/flux-pmix

flux shell plugin to bootstrap openmpi v5+

Language: C - Size: 411 KB - Last synced: about 2 months ago - Pushed: 3 months ago - Stars: 2 - Forks: 4

GabrieleInvernizzi/wave_equation_2d

2D wave equation solver

Language: C - Size: 869 KB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 0 - Forks: 0

Im-Rises/cTwinPrimeNumberParallel

Program to find twin prime numbers in parallel using OpenMPI

Language: C - Size: 146 KB - Last synced: about 1 month ago - Pushed: about 1 year 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: 3 months ago - Pushed: 3 months 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: 3 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

raaguln/high-performance-computing

Experimenting with clusters and other high performance computing stuff.

Language: C - Size: 1.82 MB - Last synced: 4 months ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

PolyChord/PolyChordLite

Public version of PolyChord: See polychord.co.uk for PolyChordPro

Language: Fortran - Size: 1.48 MB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 81 - Forks: 26

lorenzovarese/basics-of-hpc

Basics of High Performance Computing

Language: C++ - Size: 4.63 MB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 0 - 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: 3 months ago - Pushed: 4 months ago - Stars: 0 - Forks: 0

tomosatoP/mpi-cluster-raspi

Ansible で lammps 用 ラズパイ mpi クラスタ環境を構築

Language: HTML - Size: 249 KB - Last synced: 4 months ago - Pushed: 4 months 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: 4 months ago - Pushed: 5 months 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: 4 months ago - Pushed: 5 months ago - Stars: 0 - Forks: 0

ChinmayMittal/COL380-Parallel-Programming

Parallel and Distributed Programming, 6th Semester 2022-23, IITD

Language: C++ - Size: 20.8 MB - Last synced: 4 months ago - Pushed: 10 months ago - Stars: 1 - Forks: 1

listerogusuku/Graph-Maximum-Clique

Projeto de Análise de Redes Sociais cuja intenção é encontrar a clique máxima em um grafo.

Language: C++ - Size: 3.26 MB - Last synced: 4 months ago - Pushed: 5 months ago - Stars: 0 - Forks: 0

hliadis/Parallel-and-Distributed-Computation

Parallel computing methods using C (7th semester)

Language: C - Size: 7.81 KB - Last synced: 5 months ago - Pushed: over 1 year ago - Stars: 1 - Forks: 0

sferez/HPC_MPI_Traveling_Salesman

High Performance Computing MPI for Traveling Salesman Problem

Language: C++ - Size: 9.77 KB - Last synced: 4 months ago - Pushed: about 1 year ago - Stars: 1 - Forks: 0

allenvox/mpi-examples 📦

Example MPI programs written in C++

Language: C++ - Size: 62.5 KB - Last synced: 4 months ago - Pushed: 6 months ago - Stars: 0 - Forks: 0

ClimerLab/CSFS

A cut-and-solve based feature selection for continous data

Language: C++ - Size: 63.5 KB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 0 - Forks: 0

atsanroger/CUDAREDUNCTION

I wrote a code to calculate the integral of Sin(x) by CUDA and cpu, but I failed.

Language: Cuda - Size: 14.6 KB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 0 - Forks: 0

GRO4T/PORR_particle_swarm_optimization_in_OpenMP_OpenACC_and_OpenMPI

Implementations of particle swarm optimization and random search algorithms using various parallel programming APIs.

Language: C++ - Size: 4.22 MB - Last synced: 6 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

akuhara/RF_INV

Receiver function inversion by reversible-jump Markov-chain Monte Carlo

Language: Fortran - Size: 3.7 MB - Last synced: 7 months ago - Pushed: 7 months ago - Stars: 22 - Forks: 12

nikisthaa/matrix-multiplication-hpc

Parallelize Strassen Algorithm for efficient Matrix Multiplication

Language: C++ - Size: 110 KB - Last synced: 4 months ago - Pushed: 6 months ago - Stars: 0 - Forks: 0

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: 363 KB - Last synced: 5 months ago - Pushed: 8 months ago - Stars: 3 - Forks: 1

sbromberger/gompi

OpenMPI bindings for the Go programming language

Language: Go - Size: 97.7 KB - Last synced: 4 months ago - Pushed: about 2 years ago - Stars: 34 - Forks: 2

slowbull/MPIPlatform

A platform for distributed optimization expriments using OpenMPI

Language: C++ - Size: 31.9 MB - Last synced: 7 months ago - Pushed: over 6 years ago - Stars: 20 - Forks: 11

PavlyukVadim/software-engineering

NTUU "KPI", FICT, Software Engineering

Language: C++ - Size: 13.1 MB - Last synced: 7 months ago - Pushed: over 1 year ago - Stars: 1 - Forks: 2

DaisukeMiyamoto/docker-openmpi

base package for docker cluster with openmpi

Language: Shell - Size: 23.4 KB - Last synced: 7 months ago - Pushed: almost 7 years ago - Stars: 9 - Forks: 6

KHvic/Reversi-Move-Finder-with-OpenMPI

AI Reversi move finder that utilizes parallel computing to find optimal moves

Language: C - Size: 2.16 MB - Last synced: 7 months ago - Pushed: about 7 years ago - Stars: 0 - Forks: 0

SumantBagri/Parallelized_Fast_Fourier_Transform

Contains Serial (recursive) and Parallel Version (openMPI and CUDA) of the Fast Fourier Transform algorithm.

Language: Cuda - Size: 481 KB - Last synced: 7 months ago - Pushed: 7 months ago - Stars: 0 - Forks: 0

nicklyz/Distributed-and-Parallel-Computing

Parallel Computing Laboratories

Language: C - Size: 58.2 MB - Last synced: 9 months ago - Pushed: almost 7 years ago - Stars: 1 - Forks: 0

itsjunqing/alert-detection-distributed-wsn-mpi

Alert detection of distributed wireless sensor network with Open MPI

Language: C - Size: 1.89 MB - Last synced: 9 months ago - Pushed: 9 months ago - Stars: 0 - Forks: 0

xqoasis/GPU-Profiling-with-N-body-problem

GPU profiling through CUDA with N-body problem

Language: Cuda - Size: 446 KB - Last synced: 4 months ago - Pushed: 9 months ago - Stars: 0 - Forks: 0

JuanCarlosAcostaPeraba/mul-matrices-paralelo

Trabajo Práctico 3. Programación paralela de la multiplicación de matrices

Language: C - Size: 301 KB - Last synced: 5 months ago - Pushed: 7 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: 9 months ago - Pushed: almost 5 years ago - Stars: 28 - Forks: 6

juanmanzanero/OpenMP-MPI-training

Compilation of sample OpenMP-MPI guidelines and codes

Language: Fortran - Size: 62.5 KB - Last synced: 17 days ago - Pushed: over 6 years ago - Stars: 2 - Forks: 0

prateekroy/Parallel-Programming

Parallel Programming with CILK, OPENMPI, CUDA

Language: C++ - Size: 1.09 MB - Last synced: 9 months ago - Pushed: about 6 years ago - Stars: 1 - Forks: 1

oliviercotte/Parallel-system

Language: Shell - Size: 21.2 MB - Last synced: 9 months ago - Pushed: over 6 years ago - Stars: 0 - Forks: 0

IdoS88/ParallelProject2

Efficiently search objects in images with Distributed Object Search using MPI and OMP. This project utilizes parallel processing techniques for optimizing object analysis. Developed as part of a distributed computing course.

Language: C - Size: 178 KB - Last synced: 4 months ago - Pushed: 9 months ago - Stars: 0 - Forks: 0

IdoS88/ParallelProject

Distributed Object Search using MPI, OMP, and CUDA. Efficient multi-process solution for image analysis challenges. Academic project showcasing advanced parallel processing.

Language: C - Size: 1.34 MB - Last synced: 4 months ago - Pushed: 9 months ago - Stars: 0 - Forks: 0

kai-zhang-er/maze_solver

a maze solver algorithms with OPENMP and OPENMPI acceleration.

Language: HTML - Size: 1.03 MB - Last synced: 9 months ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

xkrejc70/mit-PRL-project1

PRL - Parallel and Distributed Algorithms - Project: Implementation of the Odd-Even Merge Sort algorithm

Language: C++ - Size: 242 KB - Last synced: 9 months ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

kshitij-r/Dynamic-Workload-Prediction-Tool

This tool is suitable for Trace driven simulation. It exploits parallel models such as MPI, OpenMP and CUDA

Language: C++ - Size: 2.7 MB - Last synced: 9 months ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

ktzsh/lu_decomposition

LU Decomposition using OpenMP/MPI

Language: C - Size: 5.86 KB - Last synced: 10 months ago - Pushed: over 6 years ago - Stars: 0 - Forks: 0

haosong/Parallel-Programming-Techniques

Yale CPSC 424/524, OpenMP, OpenMPI, CUDA

Language: C - Size: 1.15 MB - Last synced: 10 months ago - Pushed: almost 6 years ago - Stars: 1 - Forks: 0

pa-ling/pasys17wave

Visualization of a wave using frameworks for parallelization

Language: C - Size: 705 KB - Last synced: 10 months ago - Pushed: over 6 years ago - Stars: 0 - Forks: 0

hallaji/event-modeling-mpi

Distributed Event Modelling with MPI, Naval Fleet Solution

Language: C - Size: 13.7 KB - Last synced: 10 months ago - Pushed: about 4 years ago - Stars: 0 - Forks: 0

tonussi/learning-ppd

INE5645-05238A (20192) - Programação Paralela e Distribuída

Language: C - Size: 2.32 MB - Last synced: 10 months ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

hoffsupes/Prime-Generator

Count Primes faster using OpenMPI

Language: C - Size: 3.91 KB - Last synced: 10 months ago - Pushed: almost 7 years ago - Stars: 0 - Forks: 0

win7/parallel_social_spider_optimization

Parallel Models for the Social Spider Optimization Algorithm and the Clustering Problem

Language: TeX - Size: 755 MB - Last synced: 10 months ago - Pushed: over 1 year ago - Stars: 1 - Forks: 1

arneish/MPI-pattern-matching

A C++ implementation of a periodic-pattern matching parallel algorithm using MPICH 3.2 implementation of the MPI distributed-computing standard

Language: C - Size: 1.38 MB - Last synced: 10 months ago - Pushed: about 5 years ago - Stars: 7 - Forks: 0

imih/cmplx

cmplx - Epidemic source detection library

Language: R - Size: 244 KB - Last synced: 10 months ago - Pushed: almost 7 years ago - Stars: 0 - Forks: 0

ankesh007/Parallel-Programming

Collection of Course Assignments

Language: CSS - Size: 75.8 MB - Last synced: 10 months ago - Pushed: over 5 years ago - Stars: 0 - Forks: 1

corderop/PracticasSCD

Repositorio dedicado a las prácticas de la asignatura Sistemas concurrentes y distribuidos, perteneciente al segundo curso del grado de Ingeniería Informática impartido en la UGR

Language: C++ - Size: 267 KB - Last synced: 10 months ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

berkaybarlas/Parallel-Programming

Koc University,KU COMP 429 / COMP559 Parallel Programming Course Assignments

Language: C - Size: 133 MB - Last synced: 10 months ago - Pushed: almost 5 years ago - Stars: 0 - Forks: 0

heecheon92/MPI

Message Passing Interface

Language: Python - Size: 2.56 MB - Last synced: 10 months ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

jpradas1/Introduction_HPC

This repository contains scripts related to the Spring Course Introduction to High Performance Computing which heads the topics to Parallel Programming at big scale

Language: C++ - Size: 146 KB - Last synced: 5 months ago - Pushed: 10 months ago - Stars: 0 - Forks: 0

x0nu11byt3/hpc-writeups

Parallelisation of some algorithms using openMPI & CUDA

Language: C - Size: 20.5 KB - Last synced: 10 months ago - Pushed: 10 months ago - Stars: 0 - Forks: 0

bensalem14/Parallelizing-the-N-Queens-problem

Parallelizing N-Queens implementation in c using pthreads,MPI,OpenMp,Hybrid(MPI+OpenMp)

Language: C - Size: 17.6 KB - Last synced: 4 months ago - Pushed: 10 months ago - Stars: 0 - Forks: 0