Barstad
Interested in anything AI / ML related. Worked with ML since 2017. This account contains personal projects.
Barstad's Stars
NVIDIA/TensorRT-LLM
TensorRT-LLM provides users with an easy-to-use Python API to define Large Language Models (LLMs) and build TensorRT engines that contain state-of-the-art optimizations to perform inference efficiently on NVIDIA GPUs. TensorRT-LLM also contains components to create Python and C++ runtimes that execute those TensorRT engines.
run-llama/llama_cloud_services
Knowledge Agents and Management in the Cloud
sail-sg/lorahub
[COLM 2024] LoraHub: Efficient Cross-Task Generalization via Dynamic LoRA Composition
chenxwh/insanely-fast-whisper
Incredibly fast Whisper-large-v3
ollama/ollama-python
Ollama Python library
ollama/ollama
Get up and running with Llama 3.3, DeepSeek-R1, Phi-4, Gemma 3, and other large language models.
Vahe1994/AQLM
Official Pytorch repository for Extreme Compression of Large Language Models via Additive Quantization https://arxiv.org/pdf/2401.06118.pdf and PV-Tuning: Beyond Straight-Through Estimation for Extreme LLM Compression https://arxiv.org/abs/2405.14852
astral-sh/uv
An extremely fast Python package and project manager, written in Rust.
llmware-ai/llmware
Unified framework for building enterprise RAG pipelines with small, specialized models
QuivrHQ/quivr
Opiniated RAG for integrating GenAI in your apps 🧠 Focus on your product rather than the RAG. Easy integration in existing products with customisation! Any LLM: GPT4, Groq, Llama. Any Vectorstore: PGVector, Faiss. Any Files. Anyway you want.
Zyphra/BlackMamba
Code repository for Black Mamba
BlinkDL/ChatRWKV
ChatRWKV is like ChatGPT but powered by RWKV (100% RNN) language model, and open source.
AnswerDotAI/RAGatouille
Easily use and train state of the art late-interaction retrieval methods (ColBERT) in any RAG pipeline. Designed for modularity and ease-of-use, backed by research.
deepseek-ai/DeepSeek-MoE
DeepSeekMoE: Towards Ultimate Expert Specialization in Mixture-of-Experts Language Models
dair-ai/Prompt-Engineering-Guide
🐙 Guides, papers, lecture, notebooks and resources for prompt engineering
BartoszJarocki/cv
Print-friendly, minimalist CV page
mlabonne/llm-course
Course to get into Large Language Models (LLMs) with roadmaps and Colab notebooks.
lyogavin/airllm
AirLLM 70B inference with single 4GB GPU
jaymody/picoGPT
An unnecessarily tiny implementation of GPT-2 in NumPy.
phlippe/uvadlc_notebooks
Repository of Jupyter notebook tutorials for teaching the Deep Learning Course at the University of Amsterdam (MSc AI), Fall 2023
dvruette/barrel-rec-pytorch
onnx/onnx
Open standard for machine learning interoperability
mosaicml/streaming
A Data Streaming Library for Efficient Neural Network Training
srush/MiniChain
A tiny library for coding with large language models.
patrick-kidger/jaxtyping
Type annotations and runtime checking for shape and dtype of JAX/NumPy/PyTorch/etc. arrays. https://docs.kidger.site/jaxtyping/
microsoft/promptbase
All things prompt engineering
mistralai/megablocks-public
facebookresearch/Pearl
A Production-ready Reinforcement Learning AI Agent Library brought by the Applied Reinforcement Learning team at Meta.
abdulhaim/LMRL-Gym
state-spaces/mamba
Mamba SSM architecture