EvanSong77's Stars
dwave-examples/3d-bin-packing
Use a hybrid solver to use the minimum number of bins to pack items with different dimensions
alexfrom0815/Online-3D-BPP-PCT
Code implementation of "Learning Efficient Online 3D Bin Packing on Packing Configuration Trees". We propose to enhance the practical applicability of online 3D Bin Packing Problem (BPP) via learning on a hierarchical packing configuration tree which makes the deep reinforcement learning (DRL) model easy to deal with practical constraints and well-performing even with continuous solution space.
stanfordnlp/dspy
DSPy: The framework for programming—not prompting—language models
smartparrot/embedding_rag
generate data, finetune embedding model and evaluate based on llama_index and local llm(qwen2)
3017218062/Pytorch-Lightning-Learning
Pytorch Lightning入门中文教程,转载请注明来源。(当初是写着玩的,建议看完MNIST这个例子再上手)
percent4/embedding_rerank_retrieval
本项目是针对RAG中的Retrieve阶段的召回技术及算法效果所做评估实验。使用主体框架为LlamaIndex.
mozillazg/python-pinyin
汉字转拼音(pypinyin)
noooop/wde
Workflow Defined Engine
comfyanonymous/ComfyUI
The most powerful and modular diffusion model GUI, api and backend with a graph/nodes interface.
WiNE-iNEFF/Simple_Prompt_Generator
Simple prompt generator for Midjourney, DALLe, Stable and Disco Diffusion, Flux and etc.
AIGODLIKE/AIGODLIKE-ComfyUI-Translation
A plugin for multilingual translation of ComfyUI,This plugin implements translation of resident menu bar/search bar/right-click context menu/node, etc
THUDM/GLM-4-Voice
GLM-4-Voice | 端到端中英语音对话模型
chinese-poetry/chinese-poetry
The most comprehensive database of Chinese poetry 🧶最全中华古诗词数据库, 唐宋两朝近一万四千古诗人, 接近5.5万首唐诗加26万宋诗. 两宋时期1564位词人,21050首词。
shibing624/open-o1
open-o1: Using GPT-4o with CoT to Create o1-like Reasoning Chains
hcd233/Aris-AI-Model-Server
An OpenAI Compatible API which integrates LLM, Embedding and Reranker. 一个集成 LLM、Embedding 和 Reranker 的 OpenAI 兼容 API
etalab-ia/albert-models
Deployment a light and full OpenAI API for production with vLLM to support /v1/embeddings with all embeddings models.
ModelTC/lightllm
LightLLM is a Python-based LLM (Large Language Model) inference and serving framework, notable for its lightweight design, easy scalability, and high-speed performance.
IAAR-Shanghai/Meta-Chunking
Meta-Chunking: Learning Efficient Text Segmentation via Logical Perception
HKUDS/LightRAG
"LightRAG: Simple and Fast Retrieval-Augmented Generation"
SWivid/F5-TTS
Official code for "F5-TTS: A Fairytaler that Fakes Fluent and Faithful Speech with Flow Matching"
dongrixinyu/JioNLP
中文 NLP 预处理、解析工具包,准确、高效、易用 A Chinese NLP Preprocessing & Parsing Package www.jionlp.com
dongrixinyu/chinese_keyphrase_extractor
An off-the-shelf tool for Chinese Keyphrase Extraction 一个快速从中文里抽取关键短语的工具,仅占35M内存 www.jionlp.com
jasoncao11/nlp-notebook
NLP 领域常见任务的实现,包括新词发现、以及基于pytorch的词向量、中文文本分类、实体识别、摘要文本生成、句子相似度判断、三元组抽取、预训练模型等。
km1994/nlp_paper_study
该仓库主要记录 NLP 算法工程师相关的顶会论文研读笔记
zjunlp/EasyEdit
[ACL 2024] An Easy-to-use Knowledge Editing Framework for LLMs.
arcstep/illufly
✨🦋 illufly 是自我进化的 Agent 框架: 基于自我进化,快速创造价值
open-compass/opencompass
OpenCompass is an LLM evaluation platform, supporting a wide range of models (Llama3, Mistral, InternLM2,GPT-4,LLaMa2, Qwen,GLM, Claude, etc) over 100+ datasets.
shibing624/pytextclassifier
pytextclassifier is a toolkit for text classification. 文本分类,LR,Xgboost,TextCNN,FastText,TextRNN,BERT等分类模型实现,开箱即用。
wdndev/tiny-llm-zh
从零实现一个小参数量中文大语言模型。
Tongjilibo/build_MiniLLM_from_scratch
从0到1构建一个MiniLLM (pretrain+sft+dpo实践中)