Pinned Repositories
99AI
99AI 稳定版:可商业化的 AI Web 应用(免授权,无后门,支持快速部署),以 ALL-IN-CHAT 为目标。已支持 AI 对话、绘图、音乐、视频功能,以及联网、思维导图等插件。
agentlego
Enhance LLM agents with versatile tool APIs
ai-edu
AI education materials for Chinese students, teachers and IT professionals.
AI-Writer
ALwrity - All in One AI Content Platform. Contextual AI Content generation for Website, Social media & Ad copywriting. Prevents AI hallucinations, Web Researched factual, SEO optimized content. Get blog Images. Create your AI Agents Content team. Generate content with RAG, Local documents, web urls, PDFs. Open Source AI writer. (WIP)
Algorithm-Practice-in-Industry
搜索、推荐、广告、用增等工业界实践文章收集(来源:知乎、Datafuntalk、技术公众号)
allRank
allRank is a framework for training learning-to-rank neural models based on PyTorch.
GPT2-Summary
基于GPT2的中文摘要生成模型
NLP
nlp for chinese
NLP_ability
总结梳理自然语言处理工程师(NLP)需要积累的各方面知识,包括面试题,各种基础知识,工程能力等等,提升核心竞争力
Statistical-Learning-Methods
Implement Statistical Leanring Methods, Li Hang the hard way. 李航《统计学习方法》一书的硬核 Python 实现
qingkongzhiqian's Repositories
qingkongzhiqian/Algorithm-Practice-in-Industry
搜索、推荐、广告、用增等工业界实践文章收集(来源:知乎、Datafuntalk、技术公众号)
qingkongzhiqian/chatgpt-comparison-detection
Human ChatGPT Comparison Corpus (HC3), Detectors, and more! 🔥
qingkongzhiqian/Chinese-LangChain
中文langchain项目|小必应,Q.Talk,强聊,QiangTalk
qingkongzhiqian/ColossalAI
Making large AI models cheaper, faster and more accessible
qingkongzhiqian/ColossalAI-Examples
Examples of training models with hybrid parallelism using ColossalAI
qingkongzhiqian/computer-vision-in-action
学习闭环《计算机视觉实战演练:算法与应用》中文电子书、源码、读者交流社区(持续更新中 ...) 📘 在线电子书 https://charmve.github.io/computer-vision-in-action/ 👇项目主页
qingkongzhiqian/CS231n-2020-spring-assignment-solution
solution for CS231n 2020 spring assignment
qingkongzhiqian/deep-learning-for-image-processing
deep learning for image processing including classification and object-detection etc.
qingkongzhiqian/DiffCSE
Code for the NAACL 2022 long paper "DiffCSE: Difference-based Contrastive Learning for Sentence Embeddings"
qingkongzhiqian/fitlog
fitlog是一款在深度学习训练中用于辅助用户记录日志和管理代码的工具
qingkongzhiqian/InstructGLM
ChatGLM-6B 指令学习|指令数据|Instruct
qingkongzhiqian/learning_to_rank
利用lightgbm做(learning to rank)排序学习,包括数据处理、模型训练、模型决策可视化、模型可解释性以及预测等。Use LightGBM to learn ranking, including data processing, model training, model decision visualization, model interpretability and prediction, etc.
qingkongzhiqian/LibRerank
LibRerank is a toolkit for re-ranking algorithms. There are a number of re-ranking algorithms, such as PRM, DLCM, GSF, miDNN, SetRank, EGRerank, Seq2Slate.
qingkongzhiqian/Linux-StableDiffusion-Script
A simple script to automate the installation and running of the hlky Stable Diffusion fork for Linux users. Please see my guide for running this on Linux: https://rentry.org/linux-sd
qingkongzhiqian/LLMZoo
⚡LLM Zoo is a project that provides data, models, and evaluation benchmark for large language models.⚡
qingkongzhiqian/meilisearch-python
Python wrapper for the Meilisearch API
qingkongzhiqian/MockingBird
🚀AI拟声: 5秒内克隆您的声音并生成任意语音内容 Clone a voice in 5 seconds to generate arbitrary speech in real-time
qingkongzhiqian/NLP-Series-sentence-embeddings
NLP句子编码、句子embedding、语义相似度:BERT_avg、BERT_whitening、SBERT、SmiCSE
qingkongzhiqian/NLPer-Arsenal
收录NLP竞赛策略实现、各任务baseline、相关竞赛经验贴(当前赛事、往期赛事、训练赛)、NLP会议时间、常用自媒体、GPU推荐等,持续更新中
qingkongzhiqian/recommendation_methods
个性化推荐模型,主要包括als、als_wr、biaslfm、lfm、nmf、svdpp、基于内容、基于内容回归、user-cf、item-cf、slopeone、关联规则以及基于内容和cf的混合等模型。
qingkongzhiqian/Reranker
Build Text Rerankers with Deep Language Models
qingkongzhiqian/RoFormer_pytorch
RoFormer V1 & V2 pytorch
qingkongzhiqian/serve
Serve, optimize and scale PyTorch models in production
qingkongzhiqian/stopwords
中文常用停用词表(哈工大停用词表、百度停用词表等)
qingkongzhiqian/text2vec
text2vec, text to vector. 文本向量表征工具,把文本转化为向量矩阵,实现了Word2Vec、RankBM25、Sentence-BERT、CoSENT等文本表征、文本相似度计算模型,开箱即用。
qingkongzhiqian/text_relevance
文本相关性计算-web版
qingkongzhiqian/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
qingkongzhiqian/transformers_tasks
⭐️ NLP Algorithms with transformers lib. Supporting Text-Classification, Text-Generation, Information-Extraction, Text-Matching, RLHF etc.
qingkongzhiqian/unit-minions
《AI 研发提效研究:自己动手训练 LoRA》,包含 Llama (Alpaca LoRA)模型、ChatGLM (ChatGLM Tuning)相关 Lora 的训练。训练内容:用户故事生成、测试代码生成、代码辅助生成、文本转 SQL、文本生成代码……
qingkongzhiqian/wentian-rank2
“阿里灵杰”问天引擎电商搜索算法赛 第二名。电商领域两阶段文本匹配算法。