GitHub topics: parallel-algorithm
inducer/pyopencl
OpenCL integration for Python, plus shiny features
Language: Python - Size: 5.59 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 1,096 - Forks: 246

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: 4 days ago - Stars: 65 - Forks: 20

NVIDIA/cccl
CUDA Core Compute Libraries
Language: C++ - Size: 79.8 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 1,621 - Forks: 212

SU-HPC/SUPerman
Computing Matrix Permanents In Parallel
Language: Cuda - Size: 789 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 1 - Forks: 0

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: 186 KB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 3 - Forks: 0

Erkaman/Awesome-CUDA
This is a list of useful libraries and resources for CUDA development.
Size: 6.84 KB - Last synced at: 4 days ago - Pushed at: over 7 years ago - Stars: 563 - Forks: 46

fastflow/fastflow
FastFlow pattern-based parallel programming framework (formerly on sourceforge)
Language: C++ - Size: 136 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 292 - Forks: 70

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: 327 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 38 - Forks: 0

networkit/networkit
NetworKit is a growing open-source toolkit for large-scale network analysis.
Language: C++ - Size: 258 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 795 - Forks: 233

feltor-dev/feltor
Numerical methods for edge and scrape-off layer blob and turbulence simulations. Homepage:
Language: C++ - Size: 22.4 MB - Last synced at: 18 days ago - Pushed at: 19 days ago - Stars: 34 - Forks: 18

jenetics/jenetics
Jenetics - Genetic Algorithm, Genetic Programming, Grammatical Evolution, Evolutionary Algorithm, and Multi-objective Optimization
Language: Java - Size: 80.8 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 865 - Forks: 156

Reference-ScaLAPACK/scalapack
ScaLAPACK development repository
Language: Fortran - Size: 3.21 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 138 - Forks: 66

wangyiqiu/dbscan-python
Theoretically Efficient and Practical Parallel DBSCAN
Language: C++ - Size: 315 KB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 83 - Forks: 16

pcarruscag/LUT
Unstructured 2D LUT using a trapezoidal map
Language: C++ - Size: 896 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

ido-pluto/ipull
Super Fast π₯ File Downloader π (parallels connections)
Language: TypeScript - Size: 5.77 MB - Last synced at: 23 days ago - Pushed at: about 2 months ago - Stars: 41 - Forks: 2

ucrparlay/DovetailSort Fork of cmuparlay/parlaylib
PPoPP'24: Parallel Integer Sort: Theory and Practice
Language: C++ - Size: 4.74 MB - Last synced at: about 2 months ago - Pushed at: about 2 months 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: 3 days ago - Pushed at: 2 months ago - Stars: 5 - 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: 2 months ago - Pushed at: 2 months ago - Stars: 6 - 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 at: 2 months ago - Pushed at: 2 months ago - Stars: 3 - Forks: 3

kibaekkim/DualDecomposition.jl
An algorithmic framework for parallel dual decomposition methods in Julia
Language: Julia - Size: 1.64 MB - Last synced at: 19 days ago - Pushed at: 9 months ago - Stars: 19 - Forks: 4

davidssmith/TRON
Trajectory Optimized Nufft
Language: MATLAB - Size: 3.17 MB - Last synced at: 4 days ago - Pushed at: over 4 years ago - Stars: 31 - Forks: 10

GuillaumeBriffoteaux/pySBO
Python platform for parallel Surrogate-Based Optimization
Language: Python - Size: 9.04 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 12 - Forks: 5

MatiasCarabella/multithreading
C++ programs showcasing multithreading, concurrent programming, and parallel algorithms.
Language: C++ - Size: 113 KB - Last synced at: 29 days ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

garciparedes/parallel-scan-sky
Parallel Computing work
Language: TeX - Size: 2.4 MB - Last synced at: 2 months ago - Pushed at: almost 8 years ago - Stars: 4 - Forks: 0

UncP/aili
the fastest in-memory index in the East δΈεηζεΏ«εΉΆεη΄’εΌ
Language: C - Size: 491 KB - Last synced at: 6 months ago - Pushed at: over 4 years ago - Stars: 471 - Forks: 70

fangvv/EdgeLD
Code for paper "Locally Distributed Deep Learning Inference on Edge Device Clusters"
Language: Python - Size: 484 KB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 12 - Forks: 5

notdodo/VRP-tabu
A Tabu Search pseudo-parallel algorithm for the Vehicle Routing Problem
Language: C++ - Size: 1.4 MB - Last synced at: 29 days ago - Pushed at: over 3 years ago - Stars: 30 - Forks: 12

iManGHD/ParallelProcessing
CE Algorithms Lab @ SUT
Language: C - Size: 16.3 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - 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 at: 5 months ago - Pushed at: over 8 years ago - Stars: 5 - Forks: 4

artem-burashnikov/SparseMatrices π¦
Sparse Matrices as QuadTrees and their usage as an internal data structure for Graphs.
Language: F# - Size: 915 KB - Last synced at: 10 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

vocheretnyi/parallel-sum-MPI
Implementation of sum of two vectors using MPI
Language: C++ - Size: 67.4 KB - Last synced at: 10 months ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 0

emfomy/isvd
Integrated Singular Value Decomposition (iSVD)
Language: C - Size: 3.14 MB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 1

mmarzolla/parallel-intersections
A parallel algorithm for counting intersections among sets of one-dimensional intervals
Language: C++ - Size: 9.93 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

MultithreadCorner/Hydra
Header only framework for data analysis in massively parallel platforms.
Language: C++ - Size: 133 MB - Last synced at: 11 months ago - Pushed at: over 1 year ago - Stars: 108 - Forks: 21

atanzu/conveyorpp
A simple Π‘++ library for building conveyor-like pipelines
Language: C++ - Size: 39.1 KB - Last synced at: about 2 months ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 1

Zielon/ParallelQSlim
Shape Aware Parallel Mesh Simplification Algorithm
Language: C++ - Size: 110 MB - Last synced at: 12 months ago - Pushed at: almost 4 years ago - Stars: 119 - Forks: 12

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

STEllAR-GROUP/parallelnumericalintegration
Language: C++ - Size: 105 KB - Last synced at: 11 days ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 3

N-Wouda/ParAlg π¦
Code for Parallel Algorithms assignments (Fall 2019).
Language: C - Size: 775 KB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 1

nunofachada/cl_ops
A library of common OpenCL operations.
Language: C - Size: 465 KB - Last synced at: about 1 month ago - Pushed at: over 8 years ago - Stars: 4 - Forks: 1

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

torbjoernk/PFASST Fork of Parallel-in-Time/PFASST
C++ PFASST
Language: C++ - Size: 6 MB - Last synced at: about 1 year ago - Pushed at: about 9 years ago - Stars: 3 - Forks: 1

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

leonid-sokolinsky/BSF-Cimmino
BSF implementation of Cimmino algorithm
Language: C++ - Size: 70.3 KB - Last synced at: over 1 year ago - Pushed at: almost 4 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 at: over 1 year ago - Pushed at: over 3 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 at: over 1 year ago - Pushed at: almost 4 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 at: over 1 year ago - Pushed at: almost 4 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 at: over 1 year ago - Pushed at: almost 4 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 at: over 1 year ago - Pushed at: over 1 year 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 at: about 1 month ago - Pushed at: over 5 years ago - Stars: 11 - Forks: 4

clementsan/cnn-image-classification-parallel
AI-based image classification via parallel CNN networks
Language: Python - Size: 45.9 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

artem-burashnikov/ImageProcessing Fork of gsvgit/ImageProcessing
Image processing in F# on GPGPU using Brahma.FSharp
Language: F# - Size: 2.22 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

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

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

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

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: about 2 years ago - Stars: 91 - Forks: 11

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

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: over 3 years ago - Stars: 3 - Forks: 1

nacersalaheddine/odd-even-sort
odd even sorting algorithm with "open mpi" for parallel systems.
Language: C - Size: 4.88 KB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 2

nawendt/esmpy-tutorial
Basic tutorial for ESMPy Python package
Language: Jupyter Notebook - Size: 10.7 MB - Last synced at: 11 months ago - Pushed at: over 2 years ago - Stars: 31 - Forks: 8

drudilorenzo/parallel-sph-algorithm
Parallel Smoothed Particle Hydrodynamics algorithm (SPH).
Language: C - Size: 715 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

jackshendrikov/parallel-calc
Parallel and Distributed Calculations Labs
Language: Java - Size: 4.37 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 3 - 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: about 2 months ago - Pushed at: almost 4 years ago - Stars: 1 - 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: 12 months ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 2

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

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

Bader-Research/Spanning-Tree
Spanning-Tree: Parallel Spanning Tree
Language: C - Size: 14.6 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Bader-Research/Rake
Rake: Parallel Expression Evaluation using Tree Contraction
Language: C - Size: 9.77 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Bader-Research/PMedian
PMedian: Parallel Selection and Median Finding
Language: C - Size: 60.5 KB - Last synced at: over 1 year ago - Pushed at: over 4 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 at: over 1 year ago - Pushed at: over 4 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 at: over 1 year ago - Pushed at: over 4 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 at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

kw90/ReadWriteLock
Read-Write Lock in C++11
Language: C++ - Size: 7.81 KB - Last synced at: over 1 year ago - Pushed at: about 8 years ago - Stars: 2 - Forks: 5

manleviet/PyFastDiagP-ver2
Python FastDiagP implementation
Language: Python - Size: 8.09 MB - Last synced at: over 1 year ago - Pushed at: over 2 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 at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 14 - Forks: 0

BPod123/VisualSortingAlgorithms
Watch sorting algorithms as they take place
Language: Java - Size: 114 KB - Last synced at: almost 2 years ago - Pushed at: over 4 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 at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 90 - Forks: 21

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

Bader-Research/PSRS
PSRS: Parallel Sorting using Regular Sampling
Language: C - Size: 6.84 KB - Last synced at: over 1 year ago - Pushed at: over 4 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 at: over 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

alessandrobessi/cuda-lab
Playing with CUDA and GPUs in Google Colab
Language: Cuda - Size: 35.2 KB - Last synced at: 25 days ago - Pushed at: over 6 years ago - Stars: 9 - Forks: 5

fvella/axbc
Multi-heuristics optimization for approximating BC on large-scale graphs on Multi-GPUs
Language: C - Size: 388 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years 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 at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - 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: over 1 year ago - Pushed at: over 3 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 at: 3 months ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 0

egebasturk/Parallel-Computing-Projects
Projects for CS 426 Parallel Computing
Language: C - Size: 25.8 MB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 3

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

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

aritrasep/FPBH.jl
FPBH: A Feasibility Pump based Heuristic for Multi-objective Mixed Integer Linear Programming
Language: Julia - Size: 628 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 11 - Forks: 2

madhug-nadig/Parallel-Processing
Parallel computing implementation examples
Language: Python - Size: 369 KB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 19 - Forks: 19

ehsanmok/scala-parallel-programming
coursera
Language: Jupyter Notebook - Size: 29.3 KB - Last synced at: about 17 hours ago - Pushed at: almost 9 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 at: about 2 years ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 2

wangyiqiu/pargeo
A Collection of Parallel Algorithms for Computational Geometry
Language: C++ - Size: 959 KB - Last synced at: about 2 years ago - Pushed at: about 3 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 at: about 2 years ago - Pushed at: over 6 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 at: about 2 years ago - Pushed at: almost 3 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 at: about 2 years ago - Pushed at: about 8 years ago - Stars: 5 - Forks: 2
