Topic: "openmp-parallelization"
kthohr/optim
OptimLib: a lightweight C++ library of numerical optimization methods for nonlinear functions
Language: C++ - Size: 11.7 MB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 853 - Forks: 140

cp2k/dbcsr
DBCSR: Distributed Block Compressed Sparse Row matrix library
Language: Fortran - Size: 635 MB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 145 - Forks: 50

pulp-platform/hero
Heterogeneous Research Platform (HERO) for exploration of heterogeneous computers consisting of programmable many-core accelerators and an application-class host CPU, including full-stack software and hardware.
Language: SystemVerilog - Size: 61.8 MB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 105 - Forks: 26

ysh329/OpenMP-101
Learn OpenMP examples step by step
Language: C - Size: 7.69 MB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 95 - Forks: 15

discopop-project/discopop
DiscoPoP - Discovery of Potential Parallelism
Language: Python - Size: 10.1 MB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 51 - Forks: 22

bernardparent/CFDWARP
Computational Fluid Dynamics, Waves, Reactions, Plasmas
Language: C - Size: 47.2 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 49 - Forks: 23

Foundations-of-HPC/High-Performance-Computing-2023
Slides, exercises and resources for the 2023-2024 course "High Performance Computing" under the "Scientific and Data-Intensive Computing" Naster Program at University of Trieste
Language: C - Size: 36.7 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 22 - Forks: 3

illuhad/hipCPU
Implementation of AMD HIP for CPUs
Language: C++ - Size: 62.5 KB - Last synced at: 5 months ago - Pushed at: about 5 years ago - Stars: 22 - Forks: 5

sbancuz/OpenMP-zig
An implementation of the OpenMP directives for Zig
Language: Zig - Size: 229 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 21 - Forks: 0

pleiszenburg/gravitation
n-body-simulation performance test suite
Language: Python - Size: 2.22 MB - Last synced at: about 2 months ago - Pushed at: about 2 years ago - Stars: 18 - Forks: 1

vinayak1998/Parallel-K-Means-Clustering
Sequential and Parallel(using Open MP and Pthreads) Implementations(c++) of the K Means Clustering Algorithm and visualizing the results for a comparative study of the Speedup and Efficiency achieved in 3 different implementations
Language: C++ - Size: 455 KB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 18 - Forks: 6

bio-phys/cadishi
Cadishi: CAlculation of DIStance HIstograms
Language: Python - Size: 4.39 MB - Last synced at: 4 days ago - Pushed at: almost 5 years ago - Stars: 16 - Forks: 0

arneish/parallel-PCA-openmp
A parallelized implementation of Principal Component Analysis (PCA) using Singular Value Decomposition (SVD) in OpenMP for C. The procedure used is Modified Gram Schmidt algorithm. The method for Classical Gram Schmidt is also available for use.
Language: C - Size: 27.5 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 16 - Forks: 3

iamrohitsuthar/LP1
SPPU BE COMP Codes of LP1 - HPC, AIR, and DA
Language: Jupyter Notebook - Size: 6.22 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 14 - Forks: 10

hennimohammed/parallel_chess_engine
A simple chess engine written in C and parallelized using OpenMP
Language: C - Size: 297 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 13 - 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

abarankab/parallel-boruvka
An implementation of parallel Boruvka's algorithm written in C++ using OpenMP.
Language: C++ - Size: 31.3 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 12 - Forks: 0

LorenzoAgnolucci/MeanShiftClustering
C++, OpenMP and CUDA implementation of Mean Shift clustering algorithm
Language: C++ - Size: 21 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 10 - Forks: 1

Abhiramborige/Parallel_programs_C
Parallel and Distributed computing problem programs implemented in OpenMP and MPI
Language: C - Size: 22.5 KB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 9 - Forks: 2

soumyasen1809/Programming-for-Numerical-Computation
Programming for Numerical Computation using C-OpenMP (Parallel Programming)
Language: C - Size: 278 KB - Last synced at: 5 months ago - Pushed at: over 5 years ago - Stars: 9 - Forks: 0

NeoNeuron/minfo
Mutual information estimator with adaptive partitioning algorithm (C++/OpenMP accelerated).
Language: Python - Size: 216 KB - Last synced at: 5 days ago - Pushed at: almost 3 years ago - Stars: 8 - Forks: 0

andyfratello/PAR
🎛️ Exercicis de Paral·lelisme (PAR) Q1 - UPC FIB
Language: C - Size: 59.5 MB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 8 - Forks: 0

rahulsonone1234/Parallel-Programming
Implementation of an Image Processing Library for time consuming operations such as Image Blurring,Negation,Edge Detection and Contrast Stretching.
Language: C - Size: 647 KB - Last synced at: 6 months ago - Pushed at: almost 5 years ago - Stars: 8 - Forks: 3

billsioros/MPIsuite
Using bash to automate the compilation, scheduling and profiling of MPI / OpenMP applications
Language: Shell - Size: 635 KB - Last synced at: 8 days ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 0

gerzin/parallel-cellular-automata
Framework for building parallel cellular automata in C++. In it you can also find a work-stealing threadpool and a reusable barrier that you can use in other projects.
Language: C++ - Size: 1.13 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 7 - Forks: 0

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

Alfons0329/Parallel_Programming_Fall_2018
Parallel Programming Lectured by Yi-Ping You @CS NCTU Taiwan
Language: C - Size: 187 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 7 - Forks: 5

sanjeev309/n-body-opencv
A Visualisation of N-body Gravitational body system in OpenCV using C++ and OpenMP parallelization
Language: C++ - Size: 21.7 MB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 7 - Forks: 4

temp3rr0r/InfectiousDiseaseModelling
Parallel computing: Infectious Disease Modeling with OpenMP. Agent based modelling on Undirected Acyclic graphs.
Language: C++ - Size: 1.21 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 7 - Forks: 1

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 at: 5 months ago - Pushed at: over 6 years ago - Stars: 7 - Forks: 4

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

rohinarora/OpenMP
|| programming
Language: C - Size: 9.01 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 6 - Forks: 0

batuhanhangun/MSc-Thesis
A repository for the codes used in my MSc thesis
Language: C++ - Size: 985 KB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 5 - Forks: 1

maitreyeepaliwal/Solving-System-of-linear-equations-in-parallel-and-serial
Implentation of Back Substitution, Conjugate Gradient and Gauss Seidel using OpenMP parallelization
Language: C - Size: 12.7 KB - Last synced at: 7 months ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 4

agarwal-ayushi/Parallel-Matrix-Vector-Multiplication
This repository has MVM assignment in the course COL730 Parallel Programming taught by Prof. Kolin Paul at IIT, Delhi in Fall 2019
Language: C++ - Size: 4.04 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 5 - Forks: 1

Timo-Schrader/OpenCL-N-Body-Simulation
This project implements a N-Body Simulation using OpenCL and OpenGL. It can be used to benchmark both GPU and CPU.
Language: C++ - Size: 13.9 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 2

SameetAsadullah/Distributed-Password-Cracker-Using-MPI-and-OpenMP
Password Cracker program coded in C++ language by applying brute force algorithm and parallelizing it using MPI and OpenMP
Language: C++ - Size: 877 KB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 4 - Forks: 0

ramanakshay/Hash-Tree-Data-Backup
Parallelised Data Backup Using Hash (Merkle) Trees
Language: C++ - Size: 550 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 0

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

sampan-s-nayak/Sudoku-solver
sudoku solver which takes an image as input and displays the solved output in the terminal. A neural network trained in Pytorch is used to identify the numbers present in the sudoku puzzle
Language: C++ - Size: 82.2 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 2

robotenique/parallel-prog
Projects related to parallel programming, using mainly C and C++ with OpenMP and CUDA
Language: C - Size: 42.1 MB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 4 - Forks: 2

ankitsultana/parallel-df
An OpenMP based solution for computing K-most frequent words in a corpus (see README for more). Also, my submission for Assignment 2 of Parallel Computing Course, BITS Pilani (2nd Sem 2017/18)
Language: C++ - Size: 20.5 KB - Last synced at: 4 months ago - Pushed at: over 7 years ago - Stars: 4 - Forks: 0

Nihar-Shah2001/Parallel_Computing
This is a repository on notes in Parallel computing made during the course on Introduction to Scalable Systems and Parallel Computing at IISc.
Language: TeX - Size: 23.5 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 3 - Forks: 0

vlkale/lw-sched
If you aren't satisfied with loop schedules provided in OpenMP, try this library. Its schedules provide an effective tradeoff for reducing load imbalance, synchronization overhead and cache misses.
Language: C - Size: 266 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 3 - Forks: 0

Foundations-of-HPC/Advanced-High-Performance-Computing-2023
Slides, exercises and resources for the 2023-2024 course "Advanced High Performance Computing" under the at "Scientific and Data-Intensive Computing" Master Program at University of Trieste
Language: C - Size: 5.77 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 1

Koushikphy/CheatSheets
A collection of random computer codes, commands and cheat sheets
Size: 241 KB - Last synced at: 6 months ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 1

Sitaras/Parallel-Systems-Project
🦖| Design, Development and Evaluation of Parallel Programs in MPI, Mpi + OpenMp Cuda Hybrid that implement the Jacobi with successive over-relaxation.
Language: C - Size: 583 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 1

jackshendrikov/parallel-calc
Parallel and Distributed Calculations Labs
Language: Java - Size: 4.37 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

rinku-mishra/MDFort
Molecular Dynamic simulation in Fortran using OpenMP
Language: Fortran - Size: 73.2 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

purvilmehta06/High-Performance-Computing
This repository contains lab work of High Performance Computing. This course is offered at DA-IICT in 6th semester (3rd Year). The main purpose of this course is to get maximum throughput from any system. Depending upon the cache size, processor and using multi threading via open-mp, we are analyzing the performance, its efficiency, speedup, throughput of any given code. How to parallelized any given serial code and how to use spatial or temporal locality in order to achieve best computing performance is the goal for this course.
Language: C - Size: 2.75 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 0

Saroopashree/openmp-kmeans
An implementation of the K Means Clustering ML Algorithm in C language using OpenMP
Language: C - Size: 20 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 0

dhawal777/Handwritten-Digit-Recoganization-by-ANN-in-openmp
Implementation of serial and parallel NN for handwritten digit recognition in openmp
Language: C - Size: 11.2 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 0

NikiforovAll/JacobiEigenvalueAlgorithm
Jacobi eigenvalue algorithm openmp implementation. Symmetric eigenvalue problem.
Language: C - Size: 89.1 MB - Last synced at: 5 months ago - Pushed at: almost 7 years ago - Stars: 3 - Forks: 1

rhea-language/rhea
Just-In-Time-compiled dynamic general-purpose programming language utilizing OpenMP parallelism with built-in & language-level concurrency and unconventional syntax expressiveness.
Language: C++ - Size: 8.51 MB - Last synced at: 15 days ago - Pushed at: 3 months ago - Stars: 2 - Forks: 0

AjayBadrinath/Kuznechik
🔐 An AES Like Fast Symmetric Cipher Implemented In C ⚡
Language: C - Size: 32.2 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

MauricioVazquezM/K_MEANS_PARALLELIZED
Implementation of the K-means clustering model in C++. This model parallelized with the Open MP library
Language: C++ - Size: 14.9 MB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 1

mmaarij/Parallelized-Number-Plate-Detection-System-using-OpenCV-OpenMP
A Parallelized Number Plate Detection System developed for Windows using Visual Studio. It utilizes OpenCV and OpenMP to efficiently detect number plates in images and recognize characters on them. The primary goal of this system is to speed up the process of detecting and recognizing number plates in images or video frames.
Language: C++ - Size: 32.9 MB - Last synced at: 2 months ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

Defcon27/Parallel-Computing-in-C-using-OpenMP
This Repository contains C implementation of various basics of parallel computing using OpenMP.
Language: C - Size: 33.2 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 4

ParsaD23/kmeans_OpenMP
Parallellization of the Kmeans algorithm with OpenMP
Language: C - Size: 484 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 1

MehranTaghian/CUDA-OpenMP-samples
Sample codes for parallel programming using OpenMP on CPU and CUDA on GPU
Language: Cuda - Size: 4.97 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

Ahmed-Ibrahim-30/Parallel-Programming
Parallel Programming with Mpi and Open MP
Language: C - Size: 12 MB - Last synced at: about 8 hours ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 2

tueboesen/Parallelization-Framework
An OpenMP parallelization framework developed by me during my PhD
Language: Fortran - Size: 496 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

jpantao/cp-labs
Concurrency and Parallelism course labs code
Language: C - Size: 5.54 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

fbasatemur/openmp_blockchain
Multithreaded Blockchain simulation using OpenMP API
Language: C++ - Size: 604 KB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0

josephjohnjj/OpenMP
Size: 2.1 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 4

AndreasKaratzas/tsp
In this project, the Traveling Salesman Problem is addressed. There are several approaches implemented. The project was done in C++ 17 and OpenMP 5.1.
Language: C++ - Size: 1.17 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

droduit/multiprocessor-architecture
Introduction to Multiprocessor Architecture @ EPFL
Language: C - Size: 1.18 MB - Last synced at: 7 months ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 2

Coursal/OpenMP-Strictly-Diagonally-Dominant
A simple OpenMP program that checks parallelly if a NxN input matrix is strictly diagonally dominant and plays a bit with it
Language: C - Size: 4.88 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 0

mishal23/parallel-programming-openmp
Parallel Programming with OpenMP API in C/C++
Language: C - Size: 14.6 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 1

jcksber/CMU_15-418_hw3
Parallel Computer Architecture and Programming - Assignment 3: Parallel VLSI Wire Routing via OpenMP. Given input files (format shown below), we route the optimal pathes that each wire should take on the (given) 2D grid, using Manhattan-style routes. In this exercise, an "optimal" solution is one where the fewest wires intersect at the same position on the grid.
Language: C++ - Size: 1.39 MB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 2 - Forks: 1

MRLintern/2D_Poisson_Equation_OpenMP
2D Poisson Equation Solver. Discretized using the Finite Difference Method & Solved by Parallelising the Jacobi Iterative Method via the OpenMP API.
Language: C - Size: 64.5 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 1

sag2021/ndsm
Multigrid vector-potential solver
Language: Fortran - Size: 708 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

Sean-Higgins/Epidemiology-Models
All of my epidemiological predictive models, including a basic SIR model and it's modifications. This repository also has some other fun models, including the SIInZD model for zombie outbreaks, and a model to predict the population growth of the Diclonious race from Elfen Lied. These models are written in C/C++ and use OpenMP with others in Rust.
Language: C++ - Size: 7.95 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

EmilienMendes/Parallelisme
Parallélisation de bruteforce de mot de passe
Language: C - Size: 17.6 KB - Last synced at: 6 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

Exyss/n-body-parallelization
💻 N-Body problem parallelization with OpenMP and MPI
Language: TeX - Size: 95.8 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

ivanMilin/Merge-sort
Sequential and parallel implementation of Merge sort algorithm. ( Prvi zadatak iz predmeta "Multiprocesorski sistemi", master akademske studije)
Language: C - Size: 919 KB - Last synced at: 4 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

kuro337/textract
Single Header High Performance C++ Image Processing Library to read content from Images and transform Images to text files.
Language: C++ - Size: 327 KB - Last synced at: 19 days ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

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

DDansAbelenda/university_c_cpp
Este repositorio contiene varios proyectos relacionados con la programación paralela y un ejemplo de comunicación RPC.
Language: C - Size: 5.41 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

AidaRosaCalvo/open_mp_practice
Este repositorio contiene varios ejercicios en el lenguaje C que utilizan la librería OpenMP
Language: C - Size: 890 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

MaemoonFarooq/Shortest-Path-Finder-using-Parallel-Processing
Welcome to the Parallel Shortest Path Finder! This innovative tool is designed to swiftly determine the shortest routes between pairs of nodes in a graph. Leveraging the power of Dijkstra's algorithm, it navigates graph connections using an adjacency list and a hash table-based distance matrix for optimal efficiency.
Language: C - Size: 3.11 MB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

Mariona-FT/Parallelism-and-Concurrency-PACO
PARAL·LELISME I CONCURRÈNCIA Curs 2022-23 EPSEVG
Language: PostScript - Size: 46 MB - Last synced at: 28 days ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

sam14243/HPC_Project
Heat Equation Solver
Language: C++ - Size: 26.4 KB - Last synced at: 8 days ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1

hckr/matrix-multiplication
Matrix multiplicatoin for parallel systems classes using OpenMP – comparison of different options
Language: C++ - Size: 16.6 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

Koushikphy/cheatsheet
A collection of random computer codes, commands and cheat sheets
Size: 127 KB - Last synced at: 5 days ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

nrmancuso/big-bang
CUDA and OpenMp NBody simulation based on data from the Milky Way and Andromeda Galaxies
Language: C - Size: 40.8 MB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

deborahmoreira/parallel_programming
Repository for parallel programming course.
Language: C++ - Size: 1.34 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

muhammadowaismushtaq/parallel-cryptography
Console based C++ application
Language: C++ - Size: 991 KB - Last synced at: 6 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

70Null07/OpenMP-Image-Median-Filtering
Медианная фильтрация изображений .bmp с распараллеливанием OpenMP.
Language: C++ - Size: 12.7 KB - Last synced at: 7 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

mathaushuber/Parallel-Fullsearch
Parallelizing the full search algorithm for motion estimation in videos, aiming to gain performance
Language: C - Size: 29.2 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

70Null07/OpenMP-Arrays-Sum
Сложение векторов (указатель на массив, не STL) и подсчёт суммы всех элементов.
Language: C++ - Size: 7.81 KB - Last synced at: 3 months ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

raushankit/Parallel-Computing
Parallel Matrix-Multiplication, Gauss-Elimination, Matrix Inversion using pthreads and openMP
Language: C++ - Size: 29.3 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

LorenzoGianassi/K_Means
Mid Term Project of the Exam Parallel Computing from University of Florence. Implementation of K-Means algorithm with sequential and parallel approach.
Language: C++ - Size: 3.59 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

Qinzhizhou/Image-Mosaic-Process-CUDA-OpenMP
This is a pure C implementation of image mosaic compared with CPU, OpenMP and CUDA acceleration. The input image can be png or jpg files witch shown im samples.
Language: C - Size: 11 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

SameetAsadullah/Dependency-Analysis-and-Speedup-Code-Snippets
Dependency Analysis is performed on some code snippets and they have been improved in speed if possible
Language: C++ - Size: 1.12 MB - Last synced at: 6 months ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

SameetAsadullah/Consensus-Problem-Using-OpenMP
Program coded in C++ language to solve the consensus problem between multiple threads using OpenMP
Language: C++ - Size: 79.1 KB - Last synced at: 6 months ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

sara7860/Enhancement-of-RC5-Algorithm
Language: C - Size: 8.79 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 1

claudio-bon/sparse-net
In this project I have implemented the forward function of a Neural Network composed of sparsely connected layers. In order to parallelize the forward function I have built two implementation: one uses OpenMP and the other uses CUDA.
Language: C++ - Size: 191 KB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

shadowbourne/multicore-n-planet-simulator
3rd Year: 1st - 90. Vectorized and multicore n-body simulators written and extensively optimised in C++ for scalability to millions of particles/planets (using Euler method and Runge-Kutta 2).
Language: C++ - Size: 822 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

bo1929/enumcycle
Fast cycle enumeration with task-level parallelism and Tiernan's algorithm.
Language: C++ - Size: 10.7 KB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0
