An open API service indexing awesome lists of open source software.

Projects in Awesome Lists by spcl

A curated list of projects in awesome lists by spcl .

https://github.com/spcl/graph-of-thoughts

Official Implementation of "Graph of Thoughts: Solving Elaborate Problems with Large Language Models"

graph-of-thoughts graph-structures graphs large-language-models llm prompt-engineering prompting

Last synced: 13 May 2025

https://github.com/spcl/quarot

Code for Neurips24 paper: QuaRot, an end-to-end 4-bit inference of large language models.

Last synced: 08 Apr 2025

https://github.com/spcl/gemm_hls

Scalable systolic array-based matrix-matrix multiplication implemented in Vivado HLS for Xilinx FPGAs.

fpga high-level-synthesis hls vivado-hls

Last synced: 16 May 2025

https://github.com/spcl/QuaRot

Code for QuaRot, an end-to-end 4-bit inference of large language models.

Last synced: 07 May 2025

https://github.com/spcl/pymlir

Python interface for MLIR - the Multi-Level Intermediate Representation

compilers llvm mlir python

Last synced: 15 May 2025

https://github.com/spcl/ncc

Neural Code Comprehension: A Learnable Representation of Code Semantics

code-analysis embedding-based embedding-models embeddings llvm-ir machine-learning neural-networks

Last synced: 12 Apr 2025

https://github.com/spcl/mrag

Official Implementation of "Multi-Head RAG: Solving Multi-Aspect Problems with LLMs"

Last synced: 04 Apr 2025

https://github.com/spcl/hls_tutorial_examples

Examples shown as part of the tutorial "Productive parallel programming on FPGA with high-level synthesis".

fpga high-level-synthesis hls intel-fpga opencl vivado-hls

Last synced: 20 Aug 2025

https://github.com/spcl/serverless-benchmarks

SeBS: serverless benchmarking suite for automatic performance analysis of FaaS platforms.

benchmark-framework benchmarking faas performance-analysis serverless

Last synced: 12 Apr 2025

https://github.com/spcl/substation

Research and development for optimizing transformers

Last synced: 10 Jul 2025

https://github.com/spcl/knowledge-graph-of-thoughts

Official Implementation of "Affordable AI Assistants with Knowledge Graph of Thoughts"

ai-assistant cypher gaia knowledge-graph large-language-models llm neo4j networkx

Last synced: 07 Oct 2025

https://github.com/spcl/pspin

PsPIN: A RISC-V in-network accelerator for flexible high-performance low-power packet processing

in-network-compute networking packet-processing pulp spin

Last synced: 13 Apr 2025

https://github.com/spcl/deep-weather

Deep Learning for Post-Processing Ensemble Weather Forecasts

Last synced: 07 Apr 2025

https://github.com/spcl/daceml

A Data-Centric Compiler for Machine Learning

compiler cuda deep-learning fpga high-performance-computing machine-learning pytorch

Last synced: 10 Sep 2025

https://github.com/spcl/npbench

NPBench - A Benchmarking Suite for High-Performance NumPy

benchmarking-framework benchmarking-suite numpy python

Last synced: 05 Apr 2025

https://github.com/spcl/open-earth-compiler

development repository for the open earth compiler

climate compiler high-performance-computing mlir stencil weather

Last synced: 13 Apr 2025

https://github.com/spcl/fblas

BLAS implementation for Intel FPGA

Last synced: 07 Apr 2025

https://github.com/spcl/x1

Official Implementation of "Reasoning Language Models: A Blueprint"

large-language-models large-reasoning-models llm lrm mcts-for-llms reasoning-language-models reasoning-llms rlm

Last synced: 06 Oct 2025

https://github.com/spcl/ucudnn

Accelerating DNN Convolutional Layers with Micro-batches

Last synced: 07 Apr 2025

https://github.com/spcl/rfaas

rFaaS: a high-performance FaaS platform with RDMA acceleration for low-latency invocations.

faas faas-platform rdma serverless serverless-framework

Last synced: 09 May 2025

https://github.com/spcl/haystack

Haystack is an analytical cache model that given a program computes the number of cache misses.

analytical-model cache-mis cache-model cache-simulator performance-analysis

Last synced: 07 Apr 2025

https://github.com/spcl/rapidchiplet

A toolchain for rapid design space exploration of chiplet architectures

Last synced: 23 Oct 2025

https://github.com/spcl/sparsity-in-deep-learning

Bibtex for Sparsity in Deep Learning paper (https://arxiv.org/abs/2102.00554) - open for pull requests

Last synced: 13 Apr 2025

https://github.com/spcl/redmark

ReDMArk: Bypassing RDMA Security Mechanisms.

rdma

Last synced: 07 Apr 2025

https://github.com/spcl/apfp

FPGA acceleration of arbitrary precision floating point computations.

arbitrary-precision bignum fpga gmp high-level-synthesis high-performance-computing hls hpc mpfr multiple-precision vitis vivado-hls xilinx

Last synced: 07 Apr 2025

https://github.com/spcl/mlir-dace

Data-Centric MLIR dialect

mlir

Last synced: 07 Apr 2025

https://github.com/spcl/sten

Sparsity support for PyTorch

Last synced: 08 Sep 2025

https://github.com/spcl/nopfs

Near-optimal Prefetching System

Last synced: 13 Apr 2025

https://github.com/spcl/sage

Last synced: 11 Oct 2025

https://github.com/spcl/gms

GraphMineSuite (GMS): a benchmarking suite for graph mining algorithms such as graph pattern matching or graph learning

Last synced: 07 Apr 2025

https://github.com/spcl/diffda

Last synced: 14 Apr 2025

https://github.com/spcl/liblsb

Last synced: 13 Apr 2025

https://github.com/spcl/ens10

Scripts and examples for the ENS-10 Ensemble Prediction System machine learning dataset

Last synced: 07 Apr 2025

https://github.com/spcl/faaskeeper

A fully serverless implementation of the ZooKeeper coordination protocol.

aws-lambda faas serverless zookeeper

Last synced: 25 Aug 2025

https://github.com/spcl/dace-vscode

Rich editor for SDFGs with included profiling and debugging, static analysis, and interactive optimization.

vscode vscode-extension

Last synced: 07 Apr 2025

https://github.com/spcl/corm

CoRM: Compactable Remote Memory over RDMA

Last synced: 07 Apr 2025

https://github.com/spcl/kafkadirect

RDMA-enabled Apache Kafka

Last synced: 07 Apr 2025

https://github.com/spcl/checkembed

Official Implementation of "CheckEmbed: Effective Verification of LLM Solutions to Open-Ended Tasks"

Last synced: 11 Jun 2025

https://github.com/spcl/fmi

Function Message Interface (FMI): library for message-passing and collective communication for serverless functions.

communication faas high-performance-computing mpi serverless

Last synced: 20 Jun 2025

https://github.com/spcl/smoe

Spatial Mixture-of-Experts

Last synced: 07 Apr 2025

https://github.com/spcl/smat

Code for High Performance Unstructured SpMM Computation Using Tensor Cores

Last synced: 07 Apr 2025

https://github.com/spcl/smi

Streaming Message Interface: High-Performance Distributed Memory Programming on Reconfigurable Hardware

Last synced: 07 Apr 2025

https://github.com/spcl/arrow-matrix

Arrow Matrix Decomposition - Communication-Efficient Distributed Sparse Matrix Multiplication

Last synced: 07 Apr 2025

https://github.com/spcl/naos

Naos: Serialization-free RDMA networking in Java

Last synced: 07 Apr 2025

https://github.com/spcl/absinthe

Absinthe is an optimization framework to fuse and tile stencil codes in one shot

Last synced: 07 Apr 2025

https://github.com/spcl/dnn-cpp-proxies

C++/MPI proxies for distributed training of deep neural networks.

Last synced: 07 Apr 2025

https://github.com/spcl/loggopsim

A LogGOPS (LogP, LogGP, LogGPS) Simulator and Simulation Framework

Last synced: 11 Sep 2025

https://github.com/spcl/nncompression

Compressing weather and climate data into neural networks

Last synced: 07 Apr 2025

https://github.com/spcl/.github

Last synced: 05 Aug 2025

https://github.com/spcl/vldb19-distributed-locking

This repository hosts the code used for the following paper: Claude Barthels, Ingo Müller, Konstantin Taranov, Torsten Hoefler, Gustavo Alonso. "Strong consistency is not hard to get: Two-Phase Locking and Two-Phase Commit on Thousands of Cores." In: PVLDB, 2020.

Last synced: 07 Apr 2025

https://github.com/spcl/open-earth-benchmarks

Open repository for climate and weather benchmark kernels

benchmarks climate high-performance-computing weather

Last synced: 07 Apr 2025

https://github.com/spcl/fbacode

Last synced: 07 Apr 2025

https://github.com/spcl/clampi

Caching Layer for MPI

Last synced: 07 Apr 2025

https://github.com/spcl/nbody_hls

Implementation of the N^2-formulation of N-body simulation with Vivado HLS for SDAccel platforms.

fpga high-level-synthesis hls vivado-hls

Last synced: 08 Oct 2025

https://github.com/spcl/simfs

SimFS: A Virtualizing Simulation Data File System Interface

Last synced: 07 Apr 2025

https://github.com/spcl/stencil_hls

Implementation of time and space-tiled stencil in Vivado HLS.

fpga high-level-synthesis hls vivado-hls

Last synced: 07 Apr 2025

https://github.com/spcl/cppless

Last synced: 07 Apr 2025

https://github.com/spcl/fompi-na

Last synced: 11 Oct 2025

https://github.com/spcl/polybench-comparator

Regression and comparison tools for the Polybench benchmark

Last synced: 07 Apr 2025

https://github.com/spcl/gdi-rma

Official Implementation of "The Graph Database Interface: Scaling Online Transactional and Analytical Graph Workloads to Hundreds of Thousands of Cores"

Last synced: 07 Apr 2025

https://github.com/spcl/atlahs

ATLAHS: An Application-centric Network Simulator Toolchain for AI, HPC, and Distributed Storage

Last synced: 13 Aug 2025

https://github.com/spcl/streamingsched

Streaming Task Scheduling

Last synced: 07 Apr 2025

https://github.com/spcl/perf-taint

Taint-based program analysis framework for empirical performance modeling.

clang compiler hpc llvm performance-analysis performance-modeling

Last synced: 01 Aug 2025

https://github.com/spcl/spatial-collectives

Optimized communication collectives for the Cerebras waferscale engine

Last synced: 07 Apr 2025

https://github.com/spcl/faaskeeper-python

Python client library for FaaSKeeper, the serverless ZooKeeeper.

aws-lambda faas serverless

Last synced: 07 Apr 2025

https://github.com/spcl/dace-webclient

Web-based SDFG viewer for DaCe

Last synced: 07 Apr 2025

https://github.com/spcl/climetlab-maelstrom-ens10

MAELSTROM ENS10 dataset plugin for CliMetLab

Last synced: 19 Oct 2025

https://github.com/spcl/evalnet

Official Implementation of "EvalNet: A Practical Toolchain for Generation and Analysis of Extreme-Scale Interconnects"

interference multiplicity network-analysis network-topology networking shortest-paths

Last synced: 17 Aug 2025

https://github.com/spcl/libhear

Last synced: 07 Apr 2025

https://github.com/spcl/tcpunch

Last synced: 07 Apr 2025

https://github.com/spcl/libnbc

Last synced: 13 Apr 2025

https://github.com/spcl/nevermore

The source code for the Nevermore paper at ACM CCS'22

Last synced: 07 Apr 2025

https://github.com/spcl/c2dace

Last synced: 26 Jun 2025

https://github.com/spcl/cppless-clang

Last synced: 13 Apr 2025

https://github.com/spcl/fflib

Last synced: 13 Apr 2025

https://github.com/spcl/llamp

Project repository for the SC24 paper LLAMP: Assessing Network Latency Tolerance of HPC Applications with Linear Programming

Last synced: 13 Apr 2025

https://github.com/spcl/fuzzyflow-artifact

Computational artifacts for the FuzzyFlow publication

Last synced: 13 Apr 2025

https://github.com/spcl/rivets

Last synced: 13 Apr 2025

https://github.com/spcl/loggopsim2

Last synced: 13 Apr 2025

https://github.com/spcl/mignificient

Last synced: 13 Apr 2025

https://github.com/spcl/probgraph

Last synced: 12 Jun 2025

https://github.com/spcl/sailor

Last synced: 19 Jul 2025

https://github.com/spcl/icon-dace

Last synced: 07 Oct 2025

https://github.com/spcl/lgsxns3

Last synced: 11 Oct 2025

https://github.com/spcl/asa

Application Specific Architecture Toolchain

Last synced: 13 Apr 2025

https://github.com/spcl/uno_sc25

Last synced: 27 Oct 2025

https://github.com/spcl/faas-profiler

Last synced: 13 Apr 2025

https://github.com/spcl/riscv-fp-tracer

RISC-V FP instruction tracer + Python emulator for RISC-V FP32/FP64 traces

Last synced: 02 Aug 2025

https://github.com/spcl/icon-artifacts

Last synced: 04 Jul 2025

https://github.com/spcl/upm

User-guided Page Merging: Memory Deduplication for Serverless

deduplication faas serverless

Last synced: 13 Apr 2025

https://github.com/spcl/conflux

Last synced: 22 Jul 2025

https://github.com/spcl/htsim-old

Last synced: 13 Apr 2025

https://github.com/spcl/praas

Last synced: 20 Oct 2025