huismiling's repositories
accelerate
🚀 A simple way to train and use PyTorch models with multi-GPU, TPU, mixed-precision
bitsandbytes
8-bit CUDA functions for PyTorch
peft
🤗 PEFT: State-of-the-art Parameter-Efficient Fine-Tuning.
transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
AutoAWQ
AutoAWQ implements the AWQ algorithm for 4-bit quantization with a 2x speedup during inference. Documentation:
AutoGPTQ
An easy-to-use LLMs quantization package with user-friendly apis, based on GPTQ algorithm.
BitDistiller
A novel QAT with Self-Distillation framework to enhance ultra low-bit LLMs.
CLIP
CLIP (Contrastive Language-Image Pretraining), Predict the most relevant text snippet given an image
CogVLM
a state-of-the-art-level open visual language model | 多模态预训练模型
ControlNet
Let us control diffusion models!
DALLE2-pytorch
Implementation of DALL-E 2, OpenAI's updated text-to-image synthesis neural network, in Pytorch
DeepFilterNet
Noise supression using deep filtering
DeepSeek-Coder
DeepSeek Coder: Let the Code Write Itself
Depth-Anything
[CVPR 2024] Depth Anything: Unleashing the Power of Large-Scale Unlabeled Data. Foundation Model for Monocular Depth Estimation
DiT
Official PyTorch Implementation of "Scalable Diffusion Models with Transformers"
fairseq
Facebook AI Research Sequence-to-Sequence Toolkit written in Python.
horovod
Distributed training framework for TensorFlow, Keras, PyTorch, and Apache MXNet.
JDet
JDet is an object detection benchmark based on Jittor. Mainly focus on aerial image object detection (oriented object detection).
jittor
Jittor is a high-performance deep learning framework based on JIT compiling and meta-operators.
once-for-all
[ICLR 2020] Once for All: Train One Network and Specialize it for Efficient Deployment
Open-Sora
Open-Sora: Democratizing Efficient Video Production for All
PaddleYOLO
🚀🚀🚀 YOLO series of PaddlePaddle implementation, PP-YOLOE+, RT-DETR, YOLOv5, YOLOv6, YOLOv7, YOLOv8, YOLOv10, YOLOX, YOLOv5u, YOLOv7u, YOLOv6Lite, RTMDet and so on. 🚀🚀🚀
Qwen
The official repo of Qwen (通义千问) chat & pretrained large language model proposed by Alibaba Cloud.
safetensors
Simple, safe way to store and distribute tensors
TransformerEngine
A library for accelerating Transformer models on NVIDIA GPUs, including using 8-bit floating point (FP8) precision on Hopper and Ada GPUs, to provide better performance with lower memory utilization in both training and inference.
yolov10
YOLOv10: Real-Time End-to-End Object Detection
yolov9
Implementation of paper - YOLOv9: Learning What You Want to Learn Using Programmable Gradient Information