-
ao Public
Forked from pytorch/aoPyTorch native quantization and sparsity for training and inference
Python BSD 3-Clause "New" or "Revised" License UpdatedDec 2, 2024 -
merrymercy.github.io Public
Forked from academicpages/academicpages.github.iopersonal website
-
awesome-tensor-compilers Public
A list of awesome compiler projects and papers for tensor computation and deep learning.
-
flashinfer Public
Forked from flashinfer-ai/flashinferFlashInfer: Kernel Library for LLM Serving
Cuda Apache License 2.0 UpdatedAug 25, 2024 -
human-eval Public
Forked from openai/human-evalCode for the paper "Evaluating Large Language Models Trained on Code"
Python MIT License UpdatedAug 12, 2024 -
worker-sglang Public
Forked from runpod-workers/worker-sglangSGLang is yet another fast serving framework for large language models and vision language models.
Python MIT License UpdatedAug 10, 2024 -
jax Public
Forked from jax-ml/jaxComposable transformations of Python+NumPy programs: differentiate, vectorize, JIT to GPU/TPU, and more
Python Apache License 2.0 UpdatedMay 6, 2024 -
outlines Public
Forked from dottxt-ai/outlinesStructured Text Generation
Python Apache License 2.0 UpdatedApr 6, 2024 -
Awesome-LLM-System-Papers Public
Forked from AmadeusChan/Awesome-LLM-System-Papers6 UpdatedMar 27, 2024 -
Awesome-Efficient-LLM Public
Forked from horseee/Awesome-Efficient-LLMA curated list for Efficient Large Language Models
-
dspy Public
Forked from stanfordnlp/dspyStanford DSPy: The framework for programming—not prompting—foundation models
Python MIT License UpdatedJan 15, 2024 -
Megatron-DeepSpeed Public
Forked from microsoft/Megatron-DeepSpeedOngoing research training transformer language models at scale, including: BERT & GPT-2
Python Other UpdatedAug 17, 2023 -
transformers Public
Forked from huggingface/transformers🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
Python Apache License 2.0 UpdatedAug 8, 2023 -
instruct-eval Public
Forked from declare-lab/instruct-evalThis repository contains code to quantitatively evaluate instruction-tuned models such as Alpaca and Flan-T5 on held-out tasks.
-
chain-of-thought-hub Public
Forked from FranxYao/chain-of-thought-hubBenchmarking large language models' complex reasoning ability with chain-of-thought prompting
-
gnark-crypto Public
Forked from Consensys/gnark-cryptognark-crypto provides elliptic curve and pairing-based cryptography on BN, BLS12, BLS24 and BW6 curves. It also provides various algorithms (algebra, crypto) of particular interest to zero knowledg…
-
-
torch-int Public
Forked from Guangxuan-Xiao/torch-intThis repository contains integer operators on GPUs for PyTorch.
-
tensorflow Public
Forked from tensorflow/tensorflowAn Open Source Machine Learning Framework for Everyone
-
alpa Public
Forked from alpa-projects/alpaTraining and serving large-scale neural networks
Python Apache License 2.0 UpdatedOct 5, 2022 -
r1cs-tutorial Public
Forked from arkworks-rs/r1cs-tutorialTutorial for writing constraints in the `arkworks` framework
Rust Apache License 2.0 UpdatedApr 26, 2022 -
-
tvm Public
Forked from apache/tvmEnd to end Tensor IR/DSL stack for deploying deep learning workloads to hardwares
-
mesh Public
Forked from tensorflow/meshMesh TensorFlow: Model Parallelism Made Easier
Python Apache License 2.0 UpdatedJun 30, 2021 -
FlexFlow Public
Forked from flexflow/flexflow-trainA distributed deep learning framework that supports flexible parallelization strategies.
-
-
blpa Public
Forked from ayanc/blpaBackprop with Low-Precision Activations
Python UpdatedFeb 4, 2021 -
MONeT Public
Forked from utsaslab/MONeTMONeT framework for reducing memory consumption of DNN training
Python MIT License UpdatedFeb 4, 2021 -
pytorch Public
Forked from pytorch/pytorchTensors and Dynamic neural networks in Python with strong GPU acceleration
-
dtr-prototype Public
Forked from uwsampl/dtr-prototypeDynamic Tensor Rematerialization prototype (modified PyTorch) and simulator. Paper: https://arxiv.org/abs/2006.09616