yhx0105's Stars
langchain-ai/langchain
🦜🔗 Build context-aware reasoning applications
openai/openai-cookbook
Examples and guides for using the OpenAI API
hiyouga/LLaMA-Factory
Unified Efficient Fine-Tuning of 100+ LLMs (ACL 2024)
rasbt/LLMs-from-scratch
Implement a ChatGPT-like LLM in PyTorch from scratch, step by step
hankcs/HanLP
中文分词 词性标注 命名实体识别 依存句法分析 成分句法分析 语义依存分析 语义角色标注 指代消解 风格转换 语义相似度 新词发现 关键词短语提取 自动摘要 文本分类聚类 拼音简繁转换 自然语言处理
Hannibal046/Awesome-LLM
Awesome-LLM: a curated list of Large Language Model
flairNLP/flair
A very simple framework for state-of-the-art Natural Language Processing (NLP)
datawhalechina/llm-cookbook
面向开发者的 LLM 入门教程,吴恩达大模型系列课程中文版
PaddlePaddle/PaddleNLP
👑 Easy-to-use and powerful NLP and LLM library with 🤗 Awesome model zoo, supporting wide-range of NLP tasks from research to industrial applications, including 🗂Text Classification, 🔍 Neural Search, ❓ Question Answering, ℹ️ Information Extraction, 📄 Document Intelligence, 💌 Sentiment Analysis etc.
google/sentencepiece
Unsupervised text tokenizer for Neural Network-based text generation.
datawhalechina/self-llm
《开源大模型食用指南》针对**宝宝量身打造的基于Linux环境快速微调(全参数/Lora)、部署国内外开源大模型(LLM)/多模态大模型(MLLM)教程
aikorea/awesome-rl
Reinforcement learning resources curated
InternLM/InternLM
Official release of InternLM2.5 base and chat models. 1M context support
MaartenGr/BERTopic
Leveraging BERT and c-TF-IDF to create easily interpretable topics.
baichuan-inc/Baichuan-7B
A large-scale 7B pretraining language model developed by BaiChuan-Inc.
datawhalechina/llm-universe
本项目是一个面向小白开发者的大模型应用开发教程,在线阅读地址:https://datawhalechina.github.io/llm-universe/
MaartenGr/KeyBERT
Minimal keyword extraction with BERT
datawhalechina/so-large-lm
大模型基础: 一文了解大模型基础知识
DSXiangLi/DecryptPrompt
总结Prompt&LLM论文,开源数据&模型,AIGC应用
liucongg/ChatGLM-Finetuning
基于ChatGLM-6B、ChatGLM2-6B、ChatGLM3-6B模型,进行下游具体任务微调,涉及Freeze、Lora、P-tuning、全参微调等
zhpmatrix/nlp-competitions-list-review
复盘所有NLP比赛的TOP方案,只关注NLP比赛,持续更新中!
huggingface/optimum
🚀 Accelerate inference and training of 🤗 Transformers, Diffusers, TIMM and Sentence Transformers with easy to use hardware optimization tools
zyds/transformers-code
手把手带你实战 Huggingface Transformers 课程视频同步更新在B站与YouTube
Tencent/NeuralNLP-NeuralClassifier
An Open-source Neural Hierarchical Multi-label Text Classification Toolkit
km1994/LLMsNineStoryDemonTower
【LLMs九层妖塔】分享 LLMs在自然语言处理(ChatGLM、Chinese-LLaMA-Alpaca、小羊驼 Vicuna、LLaMA、GPT4ALL等)、信息检索(langchain)、语言合成、语言识别、多模态等领域(Stable Diffusion、MiniGPT-4、VisualGLM-6B、Ziya-Visual等)等 实战与经验。
datawhalechina/llms-from-scratch-cn
仅需Python基础,从0构建大语言模型;从0逐步构建GLM4\Llama3\RWKV6, 深入理解大模型原理
datawhalechina/tiny-universe
《大模型白盒子构建指南》:一个全手搓的Tiny-Universe
hkust-nlp/ceval
Official github repo for C-Eval, a Chinese evaluation suite for foundation models [NeurIPS 2023]
HoyTta0/KnowledgeDistillation
Knowledge distillation in text classification with pytorch. 知识蒸馏,中文文本分类,教师模型BERT、XLNET,学生模型biLSTM。
bojone/perturbed_masking
基于BERT的无监督分词和句法分析