Ecosyste.ms: Repos

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

GitHub topics: parallel-algorithm

inducer/pyopencl

OpenCL integration for Python, plus shiny features

Language: Python - Size: 5.84 MB - Last synced: about 22 hours ago - Pushed: about 23 hours ago - Stars: 1,031 - Forks: 237

Erkaman/Awesome-CUDA

This is a list of useful libraries and resources for CUDA development.

Size: 6.84 KB - Last synced: about 9 hours ago - Pushed: over 6 years ago - Stars: 475 - Forks: 44

fastflow/fastflow

FastFlow pattern-based parallel programming framework (formerly on sourceforge)

Language: C++ - Size: 136 MB - Last synced: 3 days ago - Pushed: 3 days ago - Stars: 270 - Forks: 63

networkit/networkit

NetworKit is a growing open-source toolkit for large-scale network analysis.

Language: C++ - Size: 256 MB - Last synced: 17 days ago - Pushed: 18 days ago - Stars: 736 - Forks: 221

kibaekkim/DualDecomposition.jl

An algorithmic framework for parallel dual decomposition methods in Julia

Language: Julia - Size: 1.45 MB - Last synced: 9 days ago - Pushed: about 1 month ago - Stars: 19 - Forks: 5

agrumery/aGrUM

This repository is a mirror. If you want to raise an issue or contact us, we encourage you to do it on Gitlab (https://gitlab.com/agrumery/aGrUM).

Language: Jupyter Notebook - Size: 295 MB - Last synced: 10 days ago - Pushed: 10 days ago - Stars: 21 - Forks: 0

jenetics/jenetics

Jenetics - Genetic Algorithm, Genetic Programming, Grammatical Evolution, Evolutionary Algorithm, and Multi-objective Optimization

Language: Java - Size: 80.2 MB - Last synced: 6 days ago - Pushed: 6 days ago - Stars: 823 - Forks: 149

Zielon/ParallelQSlim

Shape Aware Parallel Mesh Simplification Algorithm

Language: C++ - Size: 110 MB - Last synced: 5 days ago - Pushed: about 3 years ago - Stars: 119 - Forks: 12

gmelodie/parallel-programming

Parallel programming learning code snippets

Language: C - Size: 43.9 KB - Last synced: 17 days ago - Pushed: over 5 years ago - Stars: 1 - Forks: 1

cvb941/kotlin-parallel-operations

Parallel map, reduce and more using coroutines in Kotlin.

Language: Kotlin - Size: 211 KB - Last synced: 20 days ago - Pushed: 21 days ago - Stars: 40 - Forks: 2

wangyiqiu/dbscan-python

Theoretically Efficient and Practical Parallel DBSCAN

Language: C++ - Size: 315 KB - Last synced: 22 days ago - Pushed: over 1 year ago - Stars: 57 - Forks: 11

STEllAR-GROUP/parallelnumericalintegration

Language: C++ - Size: 105 KB - Last synced: 17 days ago - Pushed: 3 months ago - Stars: 2 - Forks: 3

N-Wouda/ParAlg 📦

Code for Parallel Algorithms assignments (Fall 2019).

Language: C - Size: 775 KB - Last synced: about 1 month ago - Pushed: over 4 years ago - Stars: 0 - Forks: 1

inducer/boxtree

Quad/octree building for FMMs in Python and OpenCL

Language: Python - Size: 1.96 MB - Last synced: 5 days ago - Pushed: about 1 month ago - Stars: 64 - Forks: 19

NVIDIA/cccl

CUDA C++ Core Libraries

Language: C++ - Size: 55.3 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 743 - Forks: 94

artem-burashnikov/SparseMatrices 📦

Sparse Matrices as QuadTrees and their usage as an internal data structure for Graphs.

Language: F# - Size: 915 KB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 0 - Forks: 0

MyXOF/EightQueens

Solve eight queens puzzle with parallel algorithm

Language: Java - Size: 467 KB - Last synced: 2 months ago - Pushed: about 7 years ago - Stars: 0 - Forks: 1

PKUWZP/Parallel-Computing

Language: C - Size: 1.14 MB - Last synced: 2 months ago - Pushed: over 3 years ago - Stars: 2 - Forks: 1

torbjoernk/PFASST Fork of Parallel-in-Time/PFASST

C++ PFASST

Language: C++ - Size: 6 MB - Last synced: 2 months ago - Pushed: about 8 years ago - Stars: 3 - Forks: 1

UncP/aili

the fastest in-memory index in the East 东半球最快并发索引

Language: C - Size: 491 KB - Last synced: 3 months ago - Pushed: over 3 years ago - Stars: 449 - Forks: 71

mohamed-ladjal/Matrix-Multiplication-with-Shared-Vector-Simulation

This C++ project simulates matrix multiplication with a shared vector, showcasing the principles of parallel computing and shared memory utilization.

Language: C++ - Size: 1.44 MB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

MediaBilly/Poisson-Equation-Parallel-Solver

Algorithm to solve Poisson equation using parallel programming.

Language: C - Size: 49.8 KB - Last synced: 3 months ago - Pushed: over 2 years ago - Stars: 2 - Forks: 2

Reference-ScaLAPACK/scalapack

ScaLAPACK development repository

Language: Fortran - Size: 3.33 MB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 112 - Forks: 53

leonid-sokolinsky/BSF-Cimmino

BSF implementation of Cimmino algorithm

Language: C++ - Size: 70.3 KB - Last synced: 4 months ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

leonid-sokolinsky/NSLP-Quest

CoFePro: Parallel Projection Algorithm for Solving Convex Feasibility Problems

Language: C++ - Size: 88.9 KB - Last synced: 4 months ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

leonid-sokolinsky/BSF-Jacobi

Parallel implementation of Jacobi method using the higher-order functions Map and Reduce

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

leonid-sokolinsky/BSF-Jacobi-Map

Parallel implementation of Jacobi method using the higher-order functions Map

Language: C++ - Size: 42 KB - Last synced: 4 months ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

leonid-sokolinsky/BSF-gravity

Implementation of a parallel algorithm solving a simplified n-body problem

Language: C++ - Size: 58.6 KB - Last synced: 4 months ago - Pushed: about 3 years ago - Stars: 1 - Forks: 0

leonid-sokolinsky/Apex-method

Parallel implementation of the apex-method in C++ using the BSF-skeleton with a workflow support

Language: C++ - Size: 2.3 MB - Last synced: 4 months ago - Pushed: 6 months ago - Stars: 0 - Forks: 1

JohannesBuchner/massivedatans

Big Data vs. complex physical models - a scalable nested sampling inference algorithm for many data sets

Language: Python - Size: 2.27 MB - Last synced: about 1 month ago - Pushed: over 4 years ago - Stars: 11 - Forks: 4

MultithreadCorner/Hydra

Header only framework for data analysis in massively parallel platforms.

Language: C++ - Size: 133 MB - Last synced: 4 months ago - Pushed: 5 months ago - Stars: 105 - Forks: 21

clementsan/cnn-image-classification-parallel

AI-based image classification via parallel CNN networks

Language: Python - Size: 45.9 KB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 1 - Forks: 0

cbaziotis/cgm

Implementation of the algorithm in: E. L. G. Saukas and S. W. Song. , "A Note on Parallel Selection on Coarse-Grained Multicomputers", Algorithmica (1999)

Language: C++ - Size: 11.7 KB - Last synced: 5 months ago - Pushed: over 7 years ago - Stars: 0 - Forks: 1

artem-burashnikov/ImageProcessing Fork of gsvgit/ImageProcessing

Image processing in F# on GPGPU using Brahma.FSharp

Language: F# - Size: 2.22 MB - Last synced: 6 months ago - Pushed: 6 months ago - Stars: 0 - Forks: 0

notdodo/VRP-tabu

A Tabu Search pseudo-parallel algorithm for the Vehicle Routing Problem

Language: C++ - Size: 1.4 MB - Last synced: 2 months ago - Pushed: over 2 years ago - Stars: 28 - Forks: 12

inverseproblem/KronLinInv.jl 📦

Kronecker-product-based linear inversion under Gaussian and separability assumptions.

Language: Julia - Size: 94.7 KB - Last synced: 21 days ago - Pushed: about 1 year ago - Stars: 4 - Forks: 0

dozzes/open-pic

Plasma 3D particle-in-cell code

Language: C++ - Size: 45.8 MB - Last synced: 7 months ago - Pushed: 7 months ago - Stars: 9 - Forks: 2

habibrosyad/MScaleJoin

A parallel multi-way stream join algorithm based on ScaleJoin (https://doi.org/10.1109/TBDATA.2016.2624274)

Language: Java - Size: 81.1 KB - Last synced: 7 months ago - Pushed: over 5 years ago - Stars: 1 - Forks: 0

kkanellis/matvec-sparse

Sparse matric-vector multiplication using MPI

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

jwbuurlage/Bulk

A modern interface for implementing bulk-synchronous parallel programs.

Language: C++ - Size: 4.51 MB - Last synced: 7 months ago - Pushed: about 1 year ago - Stars: 91 - Forks: 11

jwbuurlage/TPT

Data partitioning toolbox for tomographic reconstruction

Language: C++ - Size: 3.76 MB - Last synced: 7 months ago - Pushed: over 4 years ago - Stars: 13 - Forks: 6

davidssmith/TRON

Trajectory Optimized Nufft

Language: MATLAB - Size: 3.17 MB - Last synced: 7 months ago - Pushed: over 3 years ago - Stars: 28 - Forks: 8

nawendt/esmpy-tutorial

Basic tutorial for ESMPy Python package

Language: Jupyter Notebook - Size: 10.7 MB - Last synced: 7 months ago - Pushed: over 1 year ago - Stars: 31 - Forks: 8

R-Mussabayev/flakylib

Flaky Clustering Library (Minimum Sum-Of-Squares Clustering)

Language: Jupyter Notebook - Size: 11.5 MB - Last synced: 7 months ago - Pushed: over 2 years ago - Stars: 3 - Forks: 1

mkhaled87/pFaces-PIRK Fork of alexdevonport/pfaces-pirk

A tool for parallel computation of interval over-approximations to reachable sets of nonlinear control systems, powered by the pFaces acceleration ecosystem; more briefly, a Parallel Interval Reachability Kernel.

Language: C++ - Size: 15.7 MB - Last synced: 8 months ago - Pushed: about 1 year ago - Stars: 2 - Forks: 0

mkhaled87/pFaces-AMYTISS

A tool for parallel automated controller synthesis for large-scale stochastic systems.

Language: C++ - Size: 26.4 MB - Last synced: 8 months ago - Pushed: about 1 year ago - Stars: 3 - Forks: 3

drudilorenzo/parallel-sph-algorithm

Parallel Smoothed Particle Hydrodynamics algorithm (SPH).

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

jackshendrikov/parallel-calc

Parallel and Distributed Calculations Labs

Language: Java - Size: 4.37 MB - Last synced: 8 months ago - Pushed: about 3 years ago - Stars: 3 - Forks: 0

cbaziotis/patric-triangles

MPI implementation of a parallel algorithm for finding the exact number of triangles in massive networks

Language: C++ - Size: 254 KB - Last synced: 5 months ago - Pushed: over 7 years ago - Stars: 5 - Forks: 4

drazioti/Carmichael

C++ code for finding Carmichael Numbers with many factors

Language: C++ - Size: 748 KB - Last synced: 7 months ago - Pushed: about 1 year ago - Stars: 6 - Forks: 3

GuillaumeBriffoteaux/pySBO

Python platform for parallel Surrogate-Based Optimization

Language: Python - Size: 9.04 MB - Last synced: 6 months ago - Pushed: 8 months ago - Stars: 11 - Forks: 5

mcyril/pmergesort

Parallel in-place/out-of-place merge sort algorithm implementations written in C language (mirror)

Language: C - Size: 41 KB - Last synced: 9 months ago - Pushed: almost 5 years ago - Stars: 3 - Forks: 0

jndean/CUDAjpeg

A CUDA-accelerated baseline-jpeg decompression library which does not rely on restart markers. 🖼️

Language: Cuda - Size: 182 KB - Last synced: 9 months ago - Pushed: over 4 years ago - Stars: 1 - Forks: 0

Bader-Research/SWARM

SWARM: Software and Algorithms for Running on Multicore

Language: Shell - Size: 696 KB - Last synced: 9 months ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

Bader-Research/Spanning-Tree

Spanning-Tree: Parallel Spanning Tree

Language: C - Size: 14.6 KB - Last synced: 9 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

Bader-Research/Rake

Rake: Parallel Expression Evaluation using Tree Contraction

Language: C - Size: 9.77 KB - Last synced: 9 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

Bader-Research/PMedian

PMedian: Parallel Selection and Median Finding

Language: C - Size: 60.5 KB - Last synced: 9 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

Bader-Research/ParJedi

ParJedi: Parallel Code for the State Assignment of large Finite State Machines

Language: C - Size: 64.5 KB - Last synced: 9 months ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

Bader-Research/ExactMP

ExactMP: An Efficient Parallel Exact Solver for Phylogenetic Tree Reconstruction Using Maximum Parsimony

Language: C - Size: 258 KB - Last synced: 9 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

Bader-Research/Cycle-Detection

Cycle-Detection: A Parallel Algorithm for Cycle Detection in Planar Partitioned Digraphs

Language: C - Size: 70.3 KB - Last synced: 9 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

kw90/ReadWriteLock

Read-Write Lock in C++11

Language: C++ - Size: 7.81 KB - Last synced: 9 months ago - Pushed: about 7 years ago - Stars: 2 - Forks: 5

manleviet/PyFastDiagP-ver2

Python FastDiagP implementation

Language: Python - Size: 8.09 MB - Last synced: 9 months ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

g-laz77/Parallel-Computing-Snippets

Contains all experiments with different types of matrices and operations.

Language: Python - Size: 563 KB - Last synced: 10 months ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

arneish/parallel-k-means

A parallelised implementation of the K-means clustering algorithm using C Pthreads and separately using OpenMP specification for C

Language: C - Size: 22.1 MB - Last synced: 10 months ago - Pushed: over 5 years ago - Stars: 14 - Forks: 0

BPod123/VisualSortingAlgorithms

Watch sorting algorithms as they take place

Language: Java - Size: 114 KB - Last synced: 10 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

liuanji/WU-UCT

A novel parallel UCT algorithm with linear speedup and negligible performance loss.

Language: Python - Size: 7.42 MB - Last synced: 10 months ago - Pushed: about 3 years ago - Stars: 90 - Forks: 21

feltor-dev/feltor

Numerical methods for edge and scrape-off layer blob and turbulence simulations. Homepage:

Language: C++ - Size: 22.2 MB - Last synced: 10 months ago - Pushed: 11 months ago - Stars: 24 - Forks: 17

JustinMatthewNewman/cs470_CUDA

Implementation of parallel Asendorf Pixel-Sort algorithm and parallel background removal function using CUDA for enhanced rendering efficiency.

Language: C - Size: 268 MB - Last synced: 11 months ago - Pushed: about 1 year ago - Stars: 1 - Forks: 0

Bader-Research/PSRS

PSRS: Parallel Sorting using Regular Sampling

Language: C - Size: 6.84 KB - Last synced: 9 months ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

AxoyTO/Parallel_Programming

Parallel programming applications that I've written and launched on supercomputing complex of Moscow State University throughout my studies in the department of Supercomputers and Quantum Informatics

Language: C - Size: 6.54 MB - Last synced: 9 months ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

fvella/axbc

Multi-heuristics optimization for approximating BC on large-scale graphs on Multi-GPUs

Language: C - Size: 388 KB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 1 - Forks: 0

ilyak93/images_contrast_enhancement

Parallelized histogram equalization for gray scale images using GPUs in CUDA C++ in a consumer-producer aproach.

Language: Cuda - Size: 302 KB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

stivalaa/paralleldp

Lock-free parallel dynamic programming

Language: C - Size: 646 KB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 1 - Forks: 0

Dygwah98/ParallelWatorCA

An MPI+OpenMP implementation of a cellular automata based on the known Wator model.

Language: C++ - Size: 172 KB - Last synced: 9 months ago - Pushed: over 2 years ago - Stars: 1 - Forks: 2

mmomtchev/igc-admin-analyze

A tool for generating a breakdown of the overflown administrative boundaries from flight data in igc format

Language: Python - Size: 103 MB - Last synced: 17 days ago - Pushed: about 4 years ago - Stars: 3 - Forks: 0

cezardasilva/parallel-primes

Projeto acadêmico que possui como objetivo principal explorar a utilização da biblioteca OpenMPI para executação de scripts paralelamente.

Language: C - Size: 2.93 KB - Last synced: about 1 year ago - Pushed: over 8 years ago - Stars: 0 - Forks: 0

petrvecera/pai

School project for Parallel algorithms. Text similarity. Written in Python with usage of MPI.

Language: Python - Size: 5.86 KB - Last synced: about 1 year ago - Pushed: over 8 years ago - Stars: 1 - Forks: 0

egebasturk/Parallel-Computing-Projects

Projects for CS 426 Parallel Computing

Language: C - Size: 25.8 MB - Last synced: about 1 year ago - Pushed: almost 5 years ago - Stars: 0 - Forks: 3

ParBLiSS/parconnect

Computes graph connectivity for large graphs

Language: C++ - Size: 2.21 MB - Last synced: 7 months ago - Pushed: over 7 years ago - Stars: 11 - Forks: 1

Gabriel-T-Harris/Hand_Probability_Calculator

Application to calculate the probability of a given hand for a deck defined at runtime. In which what is being calculated is determined by the chosen configuration file. Probability is calculated through simulation.

Language: Java - Size: 2.06 MB - Last synced: 12 months ago - Pushed: over 1 year ago - Stars: 4 - Forks: 0

stivenramireza/motion-vectors-algorithm

Design and implementation of Motion Vectors Algorithm in sequential and parallell form with OpenMP, MPI and PCAM methodology.

Language: C++ - Size: 5.02 MB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 2 - Forks: 2

aritrasep/FPBH.jl

FPBH: A Feasibility Pump based Heuristic for Multi-objective Mixed Integer Linear Programming

Language: Julia - Size: 628 KB - Last synced: about 1 year ago - Pushed: over 6 years ago - Stars: 11 - Forks: 2

alessandrobessi/cuda-lab

Playing with CUDA and GPUs in Google Colab

Language: Cuda - Size: 35.2 KB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 8 - Forks: 5

mmarzolla/parallel-intersections

Parallel intersection-counting algorithm

Language: C++ - Size: 10 MB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

madhug-nadig/Parallel-Processing

Parallel computing implementation examples

Language: Python - Size: 369 KB - Last synced: about 1 year ago - Pushed: almost 7 years ago - Stars: 19 - Forks: 19

ehsanmok/scala-parallel-programming

coursera

Language: Jupyter Notebook - Size: 29.3 KB - Last synced: about 1 year ago - Pushed: almost 8 years ago - Stars: 18 - Forks: 13

YottaLee/ParallelSorting

Parallel Computing for Sorting, including parallel quick sort, parallel merge sort, parallel rank sort and their corresponding sequential sorting.

Language: Java - Size: 187 KB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 5 - Forks: 2

wangyiqiu/pargeo

A Collection of Parallel Algorithms for Computational Geometry

Language: C++ - Size: 959 KB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 8 - Forks: 2

cyrus-raitava/Task-Scheduler Fork of liamtbrand/softeng306-p1g8

A project built around using artificial intelligence and parallel processing power to solve a difficult scheduling problem. Built in a team of 5.

Language: Java - Size: 2.23 MB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

albicilla/simple_paradis

implementation of PARADIS - fast parallel radix sort algorithm. http://www.vldb.org/pvldb/vol8/p1518-cho.pdf

Language: C++ - Size: 49.8 KB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 9 - Forks: 1

Seretsi/Pencil_Rigger

A Parallel Auto-rigger that takes in minimal user specification and input

Language: C++ - Size: 1.33 MB - Last synced: about 1 year ago - Pushed: about 7 years ago - Stars: 5 - Forks: 2

mgpopinjay/parallel-prefix-scan

Work-efficient Parallel Prefix Scan with Blelloch Algorithm

Language: C++ - Size: 714 KB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

JasontheMonster/Implementation-of-Parallel-String-Matching-Algorithms-with-CUDA

Implement parallel string matching algorithms with CUDA in C

Language: Cuda - Size: 508 KB - Last synced: about 1 year ago - Pushed: about 6 years ago - Stars: 2 - Forks: 1

jsc0218/ParallelQuickjoin

an algorithm to solve the similarity join problem

Language: C++ - Size: 23.4 KB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 3 - Forks: 0

garciparedes/parallel-scan-sky

Parallel Computing work

Language: TeX - Size: 2.4 MB - Last synced: 9 months ago - Pushed: almost 7 years ago - Stars: 3 - Forks: 0

ToniCifre/Parallelism

Parallel programming with OpenMP and Python. Control of the communication and the distribution of tasks between threads in addition to the exchange and sharing of data.

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

parallel-pooler/pooler

.NET parallel tasks executing library - DLL and NuGet package source.

Language: C# - Size: 1.74 MB - Last synced: 20 days ago - Pushed: over 6 years ago - Stars: 5 - Forks: 2

gkech/A-Parallel-Algorithm-for-Tracking-Dynamic-Communities-Flink

Language: Java - Size: 47.3 MB - Last synced: about 1 year ago - Pushed: almost 6 years ago - Stars: 2 - Forks: 0

massimo-marino/parallel-letter-frequency

Count the frequency of letters in texts using parallel computation.

Language: Go - Size: 5.86 KB - Last synced: about 1 year ago - Pushed: about 7 years ago - Stars: 2 - Forks: 0

batra98/Distributed-Systems-Erlang

Simple Token passing system and parallelized version of mergesort using erlang.

Language: Erlang - Size: 3.44 MB - Last synced: about 1 year ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

Related Keywords
parallel-algorithm 144 parallel-computing 39 parallel-programming 31 mpi 29 openmp 19 cuda 19 parallel 19 c 11 c-plus-plus 11 python 10 parallel-processing 10 prefix-sum 8 parallelism 8 sorting-algorithms 7 multithreading 7 cpp 7 multicore 6 graph-algorithms 6 gpu 6 opencl 6 bsf-skeleton 6 skeleton-application 6 pthreads 5 mpi-library 5 high-performance-computing 5 distributed-computing 5 parallelization 5 multithreaded 5 computing-cluster 5 prl 4 vut 4 sort 4 hpc 4 vut-fit 4 machine-learning 4 odd-even-sort 4 supercomputing 4 parallel-primitives 4 gpu-programming 4 gpu-computing 4 graph 4 genetic-algorithm 3 evolutionary-algorithms 3 csharp 3 prefix-sum-algorithm 3 openmp-parallelization 3 linear-programming 3 scientific-computing 3 shared-memory 3 openmpi 3 cplusplus 3 mergesort 3 artificial-intelligence 3 sorting-algorithms-implemented 3 local-search 3 gpu-acceleration 3 big-data 3 heuristic-algorithm 2 thread-pool 2 linear-algebra 2 feasibility-pump 2 parallel-sorting 2 clustering 2 matrix 2 map 2 jacobi-method 2 connected-component-labelling 2 sparse-matrix 2 line-of-sight 2 open-mpi 2 quadtree 2 thread 2 cpp-programming 2 cuda-kernels 2 algorithms 2 image-processing 2 nvidia 2 opengl 2 performance 2 pyopencl 2 selection 2 sorting 2 dotnet 2 gpgpu 2 concurrent-data-structure 2 radix-sort 2 optimization-algorithms 2 sequential-algorithm 2 plasma-physics 2 algorithm 2 local-branching 2 mixed-integer-programming 2 semaphore 2 optimization 2 multiobjective-optimization 2 erlang 2 java 2 monte-carlo-simulation 2 genetic-programming 2 evolutionary-strategy 2