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

Topic: "parallel-algorithm"

NVIDIA/cccl

CUDA Core Compute Libraries

Language: C++ - Size: 83.5 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 1,724 - Forks: 231

inducer/pyopencl

OpenCL integration for Python, plus shiny features

Language: Python - Size: 5.55 MB - Last synced at: 1 day ago - Pushed at: 6 days ago - Stars: 1,101 - Forks: 245

jenetics/jenetics

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

Language: Java - Size: 81.6 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 868 - Forks: 157

networkit/networkit

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

Language: C++ - Size: 258 MB - Last synced at: 3 days ago - Pushed at: 10 days ago - Stars: 803 - Forks: 235

Erkaman/Awesome-CUDA

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

Size: 6.84 KB - Last synced at: about 12 hours ago - Pushed at: over 7 years ago - Stars: 571 - Forks: 47

UncP/aili

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

Language: C - Size: 491 KB - Last synced at: 16 days ago - Pushed at: over 4 years ago - Stars: 474 - Forks: 69

fastflow/fastflow

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

Language: C++ - Size: 136 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 292 - Forks: 70

Reference-ScaLAPACK/scalapack

ScaLAPACK development repository

Language: Fortran - Size: 3.22 MB - Last synced at: 19 days ago - Pushed at: 19 days ago - Stars: 146 - Forks: 69

Zielon/ParallelQSlim

Shape Aware Parallel Mesh Simplification Algorithm

Language: C++ - Size: 110 MB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 119 - Forks: 12

MultithreadCorner/Hydra

Header only framework for data analysis in massively parallel platforms.

Language: C++ - Size: 133 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 108 - Forks: 21

jwbuurlage/Bulk

A modern interface for implementing bulk-synchronous parallel programs.

Language: C++ - Size: 4.51 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 91 - Forks: 11

liuanji/WU-UCT

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

Language: Python - Size: 7.42 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 90 - Forks: 21

wangyiqiu/dbscan-python

Theoretically Efficient and Practical Parallel DBSCAN

Language: C++ - Size: 315 KB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 84 - Forks: 17

inducer/boxtree

Quad/octree building for FMMs in Python and OpenCL

Language: Python - Size: 1.99 MB - Last synced at: 1 day ago - Pushed at: about 2 months ago - Stars: 65 - Forks: 20

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: 335 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 42 - Forks: 1

ido-pluto/ipull

Super Fast 🔥 File Downloader 🚀 (parallels connections)

Language: TypeScript - Size: 5.65 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 42 - Forks: 2

cvb941/kotlin-parallel-operations

Parallel map, reduce and more using coroutines in Kotlin.

Language: Kotlin - Size: 211 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 40 - Forks: 2

nawendt/esmpy-tutorial

Basic tutorial for ESMPy Python package

Language: Jupyter Notebook - Size: 10.7 MB - Last synced at: 14 days ago - Pushed at: over 2 years ago - Stars: 36 - Forks: 9

feltor-dev/feltor

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

Language: C++ - Size: 22.9 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 34 - Forks: 18

agrumery/aGrUM

aGrUM is a C++ library designed for easily building applications using graphical models such as Bayesian networks, influence diagrams, decision trees, GAI networks or Markov decision processes.

Last synced at: about 2 months ago - Stars: 33 - Forks: 24

davidssmith/TRON

Trajectory Optimized Nufft

Language: MATLAB - Size: 3.17 MB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 31 - Forks: 10

notdodo/VRP-tabu

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

Language: C++ - Size: 1.4 MB - Last synced at: 25 days ago - Pushed at: over 3 years ago - Stars: 30 - Forks: 12

kibaekkim/DualDecomposition.jl

An algorithmic framework for parallel dual decomposition methods in Julia

Language: Julia - Size: 1.64 MB - Last synced at: 2 months ago - Pushed at: 11 months ago - Stars: 19 - Forks: 4

madhug-nadig/Parallel-Processing

Parallel computing implementation examples

Language: Python - Size: 369 KB - Last synced at: over 2 years ago - Pushed at: about 8 years ago - Stars: 19 - Forks: 19

mmmn143/fast-mser

Fast MSER and other comparison MSER algorithms

Language: C++ - Size: 23.1 MB - Last synced at: 10 days ago - Pushed at: almost 5 years ago - Stars: 18 - Forks: 5

ehsanmok/scala-parallel-programming

coursera

Language: Jupyter Notebook - Size: 29.3 KB - Last synced at: about 14 hours ago - Pushed at: about 9 years ago - Stars: 18 - Forks: 13

yangyang14641/ParallelProgrammingCourse

:coffee:Parallel programming course at Peking University

Language: C - Size: 40.9 MB - Last synced at: 4 days ago - Pushed at: over 6 years ago - Stars: 17 - Forks: 10

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 at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 14 - Forks: 0

jwbuurlage/TPT

Data partitioning toolbox for tomographic reconstruction

Language: C++ - Size: 3.76 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 13 - Forks: 6

yangyang14641/Parallel-Matrix-Multiplication-FOX-Algorithm

:coffee:Implement of Parallel Matrix Multiplication Methods Using FOX Algorithm on Peking University's High-performance Computing System

Language: C - Size: 54.5 MB - Last synced at: 4 days ago - Pushed at: over 6 years ago - Stars: 13 - Forks: 3

GuillaumeBriffoteaux/pySBO

Python platform for parallel Surrogate-Based Optimization

Language: Python - Size: 9.04 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 12 - Forks: 5

fangvv/EdgeLD

Code for paper "Locally Distributed Deep Learning Inference on Edge Device Clusters"

Language: Python - Size: 484 KB - Last synced at: 5 months ago - Pushed at: about 2 years ago - Stars: 12 - Forks: 5

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

aritrasep/FPBH.jl

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

Language: Julia - Size: 628 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 11 - Forks: 2

ParBLiSS/parconnect

Computes graph connectivity for large graphs

Language: C++ - Size: 2.21 MB - Last synced at: over 1 year ago - Pushed at: over 8 years ago - Stars: 11 - Forks: 1

dozzes/open-pic

Plasma 3D particle-in-cell code

Language: C++ - Size: 45.8 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 9 - Forks: 2

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 at: over 2 years ago - Pushed at: about 3 years ago - Stars: 9 - Forks: 1

alessandrobessi/cuda-lab

Playing with CUDA and GPUs in Google Colab

Language: Cuda - Size: 35.2 KB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 9 - Forks: 5

MemoryMmy/OCJ_srajectory_similarity

An Efficient Query Algorithm for Trajectory Similarity Based on MPI using the Fréchet Distance Threshold

Language: C++ - Size: 885 KB - Last synced at: about 1 month ago - Pushed at: almost 7 years ago - Stars: 9 - Forks: 2

wangyiqiu/pargeo

A Collection of Parallel Algorithms for Computational Geometry

Language: C++ - Size: 959 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 8 - Forks: 2

Fifis/pnd

R package for accurate and quick numerical derivatives of arbitrary order

Language: R - Size: 1.56 MB - Last synced at: 4 days ago - Pushed at: about 1 month ago - Stars: 6 - Forks: 1

ucrparlay/DovetailSort Fork of cmuparlay/parlaylib

PPoPP'24: Parallel Integer Sort: Theory and Practice

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

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

drazioti/Carmichael

C++ code for finding Carmichael Numbers with many factors

Language: C++ - Size: 748 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 6 - Forks: 3

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

inverseproblem/KronLinInv.jl 📦

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

Language: Julia - Size: 103 KB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 5 - Forks: 0

marino-serna/ParallelTool

Tool design to speed up spark applications.

Language: Scala - Size: 33.2 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 0

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

parallel-pooler/pooler

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

Language: C# - Size: 1.74 MB - Last synced at: 7 days ago - Pushed at: almost 8 years ago - Stars: 5 - Forks: 2

Seretsi/Pencil_Rigger

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

Language: C++ - Size: 1.33 MB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 5 - Forks: 2

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

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 at: about 2 years ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

garciparedes/parallel-scan-sky

Parallel Computing work

Language: TeX - Size: 2.4 MB - Last synced at: 4 months ago - Pushed at: about 8 years ago - Stars: 4 - Forks: 0

nunofachada/cl_ops

A library of common OpenCL operations.

Language: C - Size: 465 KB - Last synced at: 3 months ago - Pushed at: almost 9 years ago - Stars: 4 - Forks: 1

mkhaled87/pFaces-AMYTISS

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

Language: C++ - Size: 26.4 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 3 - Forks: 3

R-Mussabayev/flakylib

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

Language: Jupyter Notebook - Size: 11.5 MB - Last synced at: over 1 year ago - Pushed at: almost 4 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: about 4 years ago - Stars: 3 - Forks: 0

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 at: about 2 months ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 0

itssamuelrowe/Helix

OneCube Evolve is a simple genetic algorithm library written in Java.

Language: Java - Size: 17.6 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 3 - 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 at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 3 - Forks: 2

mcyril/pmergesort

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

Language: C - Size: 41 KB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 3 - Forks: 0

jsc0218/ParallelQuickjoin

an algorithm to solve the similarity join problem

Language: C++ - Size: 23.4 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 0

leonardoarcari/sharp

A parallel algorithm for shape recognition implemented in C++ and OpenMP

Language: C++ - Size: 1.34 MB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 3 - Forks: 0

kkanellis/matvec-sparse

Sparse matric-vector multiplication using MPI

Language: C - Size: 24.5 MB - Last synced at: over 1 year ago - Pushed at: about 8 years ago - Stars: 3 - Forks: 3

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

C++ PFASST

Language: C++ - Size: 6 MB - Last synced at: over 1 year ago - Pushed at: about 9 years ago - Stars: 3 - Forks: 1

tomka700/Minimal-path

A parallelized brute-force program for finding and plotting all shortest paths that touch every square in an n by n grid

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

STEllAR-GROUP/parallelnumericalintegration

Language: C++ - Size: 105 KB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 3

MediaBilly/Poisson-Equation-Parallel-Solver

Algorithm to solve Poisson equation using parallel programming.

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

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 at: over 1 year ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 2

PKUWZP/Parallel-Computing

Language: C - Size: 1.14 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 1

emfomy/isvd

Integrated Singular Value Decomposition (iSVD)

Language: C - Size: 3.14 MB - Last synced at: 20 days ago - Pushed at: almost 6 years ago - Stars: 2 - Forks: 1

gurkandemir/Image-Denoising

In this project, I experienced parallel programming with C++ using MPI library. I implemented a parallel algorithm for image denoising with the Ising model using Metropolis- Hastings algorithm.

Language: C - Size: 2.49 MB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 2 - Forks: 0

nacersalaheddine/odd-even-sort

odd even sorting algorithm with "open mpi" for parallel systems.

Language: C - Size: 4.88 KB - Last synced at: 5 months ago - Pushed at: almost 6 years ago - Stars: 2 - Forks: 2

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

Language: Java - Size: 47.3 MB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 2 - 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 at: over 2 years ago - Pushed at: about 7 years ago - Stars: 2 - Forks: 1

aritrasep/FPBHCPLEX.jl

A Feasibility Pump based Heuristic for Multi-objective Mixed Integer Linear Programming using CPLEX

Language: Julia - Size: 628 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 2

massimo-marino/parallel-letter-frequency

Count the frequency of letters in texts using parallel computation.

Language: Go - Size: 5.86 KB - Last synced at: 5 months ago - Pushed at: over 8 years ago - Stars: 2 - Forks: 0

kw90/ReadWriteLock

Read-Write Lock in C++11

Language: C++ - Size: 7.81 KB - Last synced at: almost 2 years ago - Pushed at: over 8 years ago - Stars: 2 - Forks: 5

SU-HPC/SUPerman

Computing Matrix Permanents In Parallel

Language: Cuda - Size: 799 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 1

clementsan/cnn-image-classification-parallel

AI-based image classification via parallel CNN networks

Language: Python - Size: 45.9 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

fvella/axbc

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

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

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 at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

stivalaa/paralleldp

Lock-free parallel dynamic programming

Language: C - Size: 646 KB - Last synced at: about 2 years ago - Pushed at: about 2 years 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 at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 2

bo1929/enumcycle

Fast cycle enumeration with task-level parallelism and Tiernan's algorithm.

Language: C++ - Size: 10.7 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

Rajsoni03/DeMe-Net

A CNN architecture to Diagnosis of Dermatology Melanoma Skin Cancer using parallel convolution.

Language: Jupyter Notebook - Size: 1.27 MB - Last synced at: 4 months ago - Pushed at: about 4 years ago - Stars: 1 - 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 at: over 1 year ago - Pushed at: about 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 at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

Bader-Research/PSRS

PSRS: Parallel Sorting using Regular Sampling

Language: C - Size: 6.84 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 1 - 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 at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

atanzu/conveyorpp

A simple С++ library for building conveyor-like pipelines

Language: C++ - Size: 39.1 KB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 1

pouryahoseini/Dual-Population-Genetic-Algorithm

A genetic algorithm variant to run parallel populations to save time while acting similar to the original one

Language: MATLAB - Size: 2.29 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 1 - 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 at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 0

vocheretnyi/parallel-sum-MPI

Implementation of sum of two vectors using MPI

Language: C++ - Size: 67.4 KB - Last synced at: 11 months ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

RajdeepKonwar/LoadBalance

Load balance computation across several MPI ranks (parallel computation)

Language: C++ - Size: 9.77 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

pujapodder/Parallel-BFS

Course project of Advances in Parallel Computing

Language: C - Size: 4.88 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

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 at: over 1 year ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

gmelodie/parallel-programming

Parallel programming learning code snippets

Language: C - Size: 43.9 KB - Last synced at: 4 months ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 1

morris821028/parallel-VGLCS

Master’s Thesis: Parallel Variable Gapped Longest Common Sequence and Incremental Range Maximum Query

Language: C - Size: 6.14 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

Riccorl/DensestSubgraphInForkJoin

Bachelor’s thesis about Densest Subgraph in Fork/Join

Language: Java - Size: 977 KB - Last synced at: 12 days ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

Related Topics
parallel-computing 42 parallel-programming 34 mpi 33 openmp 22 cuda 20 parallel 19 c 12 parallel-processing 12 python 12 c-plus-plus 11 cpp 9 prefix-sum 8 multithreading 8 parallelism 8 gpu 7 sorting-algorithms 7 distributed-computing 6 high-performance-computing 6 opencl 6 bsf-skeleton 6 graph-algorithms 6 skeleton-application 6 pthreads 6 multicore 6 computing-cluster 5 multithreaded 5 parallelization 5 mpi-library 5 hpc 5 supercomputing 5 parallel-primitives 4 graph 4 gpu-computing 4 openmpi 4 artificial-intelligence 4 vut-fit 4 vut 4 sort 4 machine-learning 4 odd-even-sort 4 prl 4 gpu-programming 4 local-search 3 big-data 3 linear-programming 3 prefix-sum-algorithm 3 csharp 3 sorting-algorithms-implemented 3 scientific-computing 3 mergesort 3 shared-memory 3 python3 3 evolutionary-algorithms 3 radix-sort 3 genetic-algorithm 3 openmp-parallelization 3 cplusplus 3 gpu-acceleration 3 selection 2 feasibility-pump 2 probabilistic-graphical-models 2 jacobi-method 2 probabilistic-classifiers 2 algorithm 2 markov-network 2 machine-learning-algorithms 2 parallel-framework 2 bayesian-network 2 influence-diagram 2 causal-inference 2 thread 2 explainable-ai 2 causal-models 2 causality 2 credal-network 2 connected-component-labelling 2 cuda-kernels 2 cpp20 2 monte-carlo-simulation 2 gpgpu 2 open-mpi 2 threads 2 scala 2 speedup 2 plasma-physics 2 interpolation 2 image-processing 2 sequential-algorithm 2 java 2 load-balancer 2 sparse-matrix 2 evolutionary-strategy 2 genetic-programming 2 optimization 2 optimization-algorithms 2 clustering 2 nvidia 2 pyopencl 2 multiobjective-optimization 2 mixed-integer-programming 2