inocsin's Stars
f/awesome-chatgpt-prompts
This repo includes ChatGPT prompt curation to use ChatGPT and other LLM tools better.
CompVis/stable-diffusion
A latent text-to-image diffusion model
twitter/the-algorithm
Source code for Twitter's Recommendation Algorithm
Stability-AI/stablediffusion
High-Resolution Image Synthesis with Latent Diffusion Models
fxsjy/jieba
结巴中文分词
vllm-project/vllm
A high-throughput and memory-efficient inference and serving engine for LLMs
llvm/llvm-project
The LLVM Project is a collection of modular and reusable compiler and toolchain technologies.
huggingface/diffusers
🤗 Diffusers: State-of-the-art diffusion models for image, video, and audio generation in PyTorch and FLAX.
QwenLM/Qwen
The official repo of Qwen (通义千问) chat & pretrained large language model proposed by Alibaba Cloud.
Dao-AILab/flash-attention
Fast and memory-efficient exact attention
microsoft/LoRA
Code for loralib, an implementation of "LoRA: Low-Rank Adaptation of Large Language Models"
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.
facebookresearch/llama-recipes
Scripts for fine-tuning Llama2 with composable FSDP & PEFT methods to cover single/multi-node GPUs. Supports default & custom datasets for applications such as summarization & question answering. Supporting a number of candid inference solutions such as HF TGI, VLLM for local or cloud deployment.Demo apps to showcase Llama2 for WhatsApp & Messenger
01-ai/Yi
A series of large language models trained from scratch by developers @01-ai
jackhawks/rectg
本项目汇集5000+优质的Telegram群组、频道和机器人,为您提供高质量的学习和技术资源。内容涵盖热门群组、实用频道和各类机器人,助您快速找到感兴趣的资源,轻松提升技能。欢迎加入,一起探索丰富的Telegram资源库!
kingoflolz/mesh-transformer-jax
Model parallel transformers in JAX and Haiku
facebookresearch/ConvNeXt
Code release for ConvNeXt model
NVIDIA/thrust
[ARCHIVED] The C++ parallel algorithms library. See https://github.com/NVIDIA/cccl
huggingface/notebooks
Notebooks using the Hugging Face libraries 🤗
fundamentalvision/BEVFormer
[ECCV 2022] This is the official implementation of BEVFormer, a camera-only framework for autonomous driving perception, e.g., 3D object detection and semantic map segmentation.
mit-han-lab/smoothquant
[ICML 2023] SmoothQuant: Accurate and Efficient Post-Training Quantization for Large Language Models
SkyworkAI/Skywork
Skywork series models are pre-trained on 3.2TB of high-quality multilingual (mainly Chinese and English) and code data. We have open-sourced the model, training data, evaluation data, evaluation methods, etc. 天工系列模型在3.2TB高质量多语言和代码数据上进行预训练。我们开源了模型参数,训练数据,评估数据,评估方法。
NVIDIA/nccl-tests
NCCL Tests
j2kun/mlir-tutorial
MLIR For Beginners tutorial
BabitMF/bmf
Cross-platform, customizable multimedia/video processing framework. With strong GPU acceleration, heterogeneous design, multi-language support, easy to use, multi-framework compatible and high performance, the framework is ideal for transcoding, AI inference, algorithm integration, live video streaming, and more.
NVIDIA/cudnn-frontend
cudnn_frontend provides a c++ wrapper for the cudnn backend API and samples on how to use it
GPT-Fathom/GPT-Fathom
GPT-Fathom is an open-source and reproducible LLM evaluation suite, benchmarking 10+ leading open-source and closed-source LLMs as well as OpenAI's earlier models on 20+ curated benchmarks under aligned settings.
bytedance/primus
itsliupeng/torchnvjpeg
Decode JPEG image on GPU using PyTorch
thrust/cub
THIS REPOSITORY HAS MOVED TO github.com/nvidia/cub, WHICH IS AUTOMATICALLY MIRRORED HERE.