Pinned Repositories
20201225-201552-914
抖音爬虫获取抖音cookies(CK)
Aho-Corasic
Implementation of the AHO CORASIC algorithm to match exact string pattern.
AhoCorasickDoubleArrayTrie
An extremely fast implementation of Aho Corasick algorithm based on Double Array Trie.
alphaFM
Multi-thread implementation of Factorization Machines with FTRL for binary-class classification problem.
awesome-machine-learning
A curated list of awesome Machine Learning frameworks, libraries and software.
Awesome-Multimodal-Large-Language-Models
:sparkles::sparkles:Latest Papers and Datasets on Multimodal Large Language Models, and Their Evaluation.
FP-growth
FP-growth频繁项集合挖掘算法。可以控制fp树递归深度、单条频繁项目元素个数
graph-fraud-detection-papers
A curated list of fraud detection papers using graph information or graph neural networks
HanLP
自然语言处理 中文分词 词性标注 命名实体识别 依存句法分析 关键词提取 自动摘要 短语提取 拼音 简繁转换
NewsWebsite-crawler
非常通用的新闻网页正文和图片抓取
lili0710432's Repositories
lili0710432/Awesome-Multimodal-Large-Language-Models
:sparkles::sparkles:Latest Papers and Datasets on Multimodal Large Language Models, and Their Evaluation.
lili0710432/Adversarial-Train
NLP对抗训练,包括PGD、FGM、FGSM、FreeAT
lili0710432/BELLE
BELLE: Be Everyone's Large Language model Engine(开源中文对话大模型)
lili0710432/ChatGLM2-6B
ChatGLM2-6B: An Open Bilingual Chat LLM | 开源双语对话语言模型
lili0710432/chatgpt-comparison-detection
Human ChatGPT Comparison Corpus (HC3), Detectors, and more! 🔥
lili0710432/Chinese-LLaMA-Alpaca
中文LLaMA&Alpaca大语言模型+本地CPU/GPU训练部署 (Chinese LLaMA & Alpaca LLMs)
lili0710432/ChineseBert
lili0710432/CLIP
CLIP (Contrastive Language-Image Pretraining), Predict the most relevant text snippet given an image
lili0710432/cnsenti
中文情感分析库(Chinese Sentiment))可对文本进行情绪分析、正负情感分析。Chinese sentiment analysis library, which supports counting the number of different emotional words in the text
lili0710432/FastChat
An open platform for training, serving, and evaluating large language models. Release repo for Vicuna and FastChat-T5.
lili0710432/fastllm
纯c++的全平台llm加速库,支持python调用,chatglm-6B级模型单卡可达10000+token / s,支持glm, llama, moss基座,手机端流畅运行
lili0710432/Fengshenbang-LM
Fengshenbang-LM(封神榜大模型)是IDEA研究院认知计算与自然语言研究中心主导的大模型开源体系,成为中文AIGC和认知智能的基础设施。
lili0710432/FinanceChatGLM
SMP 2023 ChatGLM金融大模型挑战赛 60 分baseline思路介绍
lili0710432/gpt4all
gpt4all: an ecosystem of open-source chatbots trained on a massive collections of clean assistant data including code, stories and dialogue
lili0710432/GraphSAGE
Implement GraphSAGE with Python, PyTorch Geometric
lili0710432/kaggle-solutions
🏅 Collection of Kaggle Solutions and Ideas 🏅
lili0710432/langchain-ChatGLM
langchain-ChatGLM, local knowledge based ChatGLM with langchain | 基于本地知识库的 ChatGLM 问答
lili0710432/llama
Inference code for LLaMA models
lili0710432/LLaMA-Adapter
Fine-tuning LLaMA to follow Instructions within 1 Hour and 1.2M Parameters
lili0710432/llmtune
4-Bit Finetuning of Large Language Models on One Consumer GPU
lili0710432/Megatron-DeepSpeed
Ongoing research training transformer language models at scale, including: BERT & GPT-2
lili0710432/mPLUG-Owl
mPLUG-Owl🦉: Modularization Empowers Large Language Models with Multimodality
lili0710432/nebula-algorithm
Nebula-Algorithm is a Spark Application based on GraphX, which enables state of art Graph Algorithms to run on top of NebulaGraph and write back results to NebulaGraph.
lili0710432/PLOME
Source code for the paper "PLOME: Pre-training with Misspelled Knowledge for Chinese Spelling Correction" in ACL2021
lili0710432/PromptInject
PromptInject is a framework that assembles prompts in a modular fashion to provide a quantitative analysis of the robustness of LLMs to adversarial prompt attacks. 🏆 Best Paper Awards @ NeurIPS ML Safety Workshop 2022
lili0710432/qlora
QLoRA: Efficient Finetuning of Quantized LLMs
lili0710432/RL-Stock
📈 如何用深度强化学习自动炒股
lili0710432/text2vec
text2vec, text to vector. 文本向量表征工具,把文本转化为向量矩阵,实现了Word2Vec、RankBM25、Sentence-BERT、CoSENT等文本表征、文本相似度计算模型,开箱即用。
lili0710432/unilm
Large-scale Self-supervised Pre-training Across Tasks, Languages, and Modalities
lili0710432/Visual-Chinese-LLaMA-Alpaca