Pinned Repositories
aitextgen
A robust Python tool for text-based AI training and generation using GPT-2.
awesome-datascience
:memo: An awesome Data Science repository to learn and apply for real world problems.
ChatGLM-Tuning
基于ChatGLM-6B + LoRA的Fintune方案
cz_list
dinov2
PyTorch code and models for the DINOv2 self-supervised learning method.
GPT2-Chinese
Chinese version of GPT2 training code, using BERT tokenizer.
GroundingDINO
Official implementation of the paper "Grounding DINO: Marrying DINO with Grounded Pre-Training for Open-Set Object Detection"
intermediate-python-course
an intermediate Python course
jepa
PyTorch code and models for V-JEPA self-supervised learning from video.
Langchain-Chatchat
Langchain-Chatchat(原Langchain-ChatGLM)基于 Langchain 与 ChatGLM 等语言模型的本地知识库问答 | Langchain-Chatchat (formerly langchain-ChatGLM), local knowledge based LLM (like ChatGLM) QA app with langchain
liygzting's Repositories
liygzting/ChatGLM-Tuning
基于ChatGLM-6B + LoRA的Fintune方案
liygzting/dinov2
PyTorch code and models for the DINOv2 self-supervised learning method.
liygzting/GroundingDINO
Official implementation of the paper "Grounding DINO: Marrying DINO with Grounded Pre-Training for Open-Set Object Detection"
liygzting/intermediate-python-course
an intermediate Python course
liygzting/jepa
PyTorch code and models for V-JEPA self-supervised learning from video.
liygzting/Langchain-Chatchat
Langchain-Chatchat(原Langchain-ChatGLM)基于 Langchain 与 ChatGLM 等语言模型的本地知识库问答 | Langchain-Chatchat (formerly langchain-ChatGLM), local knowledge based LLM (like ChatGLM) QA app with langchain
liygzting/leetcode
😏 LeetCode solutions in any programming language | 多种编程语言实现 LeetCode、《剑指 Offer(第 2 版)》、《程序员面试金典(第 6 版)》题解
liygzting/MOT_ByteTrack
YOLOX detector and ByteTrack MOT
liygzting/nebloge
Active blog with ner method
liygzting/python-random-quote
A file-based quote bot written in Python
liygzting/sparkmls
liygzting/streamlit-example
Example Streamlit app that you can fork to test out share.streamlit.io
liygzting/LEGO
LEGO:Language-Enhanced Multi-modal Grounding Model
liygzting/lit-gpt
Hackable implementation of state-of-the-art open-source LLMs based on nanoGPT. Supports flash attention, 4-bit and 8-bit quantization, LoRA and LLaMA-Adapter fine-tuning, pre-training. Apache 2.0-licensed.
liygzting/llm-course
Course to get into Large Language Models (LLMs) with roadmaps and Colab notebooks.
liygzting/MiniCPM
MiniCPM-2B: An end-side LLM outperforms Llama2-13B.
liygzting/mlc-llm
Enable everyone to develop, optimize and deploy AI models natively on everyone's devices.
liygzting/movie-web
A small web app for watching movies and shows easily
liygzting/my-tv
我的电视 电视直播软件,安装即可使用
liygzting/OLMo
Modeling, training, eval, and inference code for OLMo
liygzting/Samba
Official implementation of "Samba: Simple Hybrid State Space Models for Efficient Unlimited Context Language Modeling"
liygzting/skypilot
SkyPilot: Run LLMs, AI, and Batch jobs on any cloud. Get maximum savings, highest GPU availability, and managed execution—all with a simple interface.
liygzting/StreamDiffusion
StreamDiffusion: A Pipeline-Level Solution for Real-Time Interactive Generation
liygzting/text-generation-webui
A Gradio web UI for Large Language Models. Supports transformers, GPTQ, AWQ, EXL2, llama.cpp (GGUF), Llama models.
liygzting/TinyGPT-V
TinyGPT-V: Efficient Multimodal Large Language Model via Small Backbones
liygzting/TinyLlama
The TinyLlama project is an open endeavor to pretrain a 1.1B Llama model on 3 trillion tokens.
liygzting/transformers-benchmarks-ROCm
adapt Mu Li's benchmark to ROCm platform
liygzting/video-pretrained-transformer
Multi-model video-to-text by combining embeddings from Flan-T5 + CLIP + Whisper + SceneGraph. The 'backbone LLM' is pre-trained from scratch on YouTube (YT-1B dataset).
liygzting/VisualGLM-6B
Chinese and English multimodal conversational language model | 多模态中英双语对话语言模型
liygzting/YOLOv9
:fire: YOLOv9 paper解析,训练自己的数据集,TensorRT端到端部署, NCNN安卓手机部署