Pinned Repositories
-LLM-
Algorithm-Practice-in-Industry
搜索、推荐、广告、用增等工业界实践文章收集(来源:知乎、Datafuntalk、技术公众号)
AlpacaTag
AlpacaTag: An Active Learning-based Crowd Annotation Framework for Sequence Tagging (ACL 2019 Demo)
ant-learn-pandas
pandas学习课程代码仓库
Awesome-LLM
Awesome-LLM: a curated list of Large Language Model
bert
TensorFlow code and pre-trained models for BERT
BERT-NER
Use Google's BERT for named entity recognition (CoNLL-2003 as the dataset).
bi-att-flow
Bi-directional Attention Flow (BiDAF) network is a multi-stage hierarchical process that represents context at different levels of granularity and uses a bi-directional attention flow mechanism to achieve a query-aware context representation without early summarization.
characters
中文停用词/常用汉字/生僻字集合
Chinese-Word-Vectors
100+ Chinese Word Vectors 上百种预训练中文词向量
zongxindu's Repositories
zongxindu/-LLM-
zongxindu/Algorithm-Practice-in-Industry
搜索、推荐、广告、用增等工业界实践文章收集(来源:知乎、Datafuntalk、技术公众号)
zongxindu/AlpacaTag
AlpacaTag: An Active Learning-based Crowd Annotation Framework for Sequence Tagging (ACL 2019 Demo)
zongxindu/ant-learn-pandas
pandas学习课程代码仓库
zongxindu/Awesome-LLM
Awesome-LLM: a curated list of Large Language Model
zongxindu/bert
TensorFlow code and pre-trained models for BERT
zongxindu/BERT-NER
Use Google's BERT for named entity recognition (CoNLL-2003 as the dataset).
zongxindu/bi-att-flow
Bi-directional Attention Flow (BiDAF) network is a multi-stage hierarchical process that represents context at different levels of granularity and uses a bi-directional attention flow mechanism to achieve a query-aware context representation without early summarization.
zongxindu/characters
中文停用词/常用汉字/生僻字集合
zongxindu/Chinese-Word-Vectors
100+ Chinese Word Vectors 上百种预训练中文词向量
zongxindu/ChromImpute
zongxindu/CLUE
中文语言理解测评基准 Chinese Language Understanding Evaluation Benchmark: datasets, baselines, pre-trained models, corpus and leaderboard
zongxindu/CSGuide
🔥 计算机学习路线,包括科班、非科班、Web、全栈、C++、Java、System等
zongxindu/gitskills
zongxindu/HanLP
中文分词 词性标注 命名实体识别 依存句法分析 语义依存分析 新词发现 关键词短语提取 自动摘要 文本分类聚类 拼音简繁转换 自然语言处理
zongxindu/Llama2-Chinese
Llama中文社区,最好的中文Llama大模型,完全开源可商用
zongxindu/LoRA
Code for loralib, an implementation of "LoRA: Low-Rank Adaptation of Large Language Models"
zongxindu/nlp-beginner-finish
此项目完成了关于 NLP-Beginner:自然语言处理入门练习 的所有任务,所有代码都经过测试,可以正常运行。
zongxindu/PaddleNLP
👑 Easy-to-use and powerful NLP 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 and 🖼 Diffusion AIGC system etc.
zongxindu/paper-reading
深度学习经典、新论文逐段精读
zongxindu/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
zongxindu/pytorch-worker
A framework for training, evaluating and testing models in pytorch.
zongxindu/QANet-pytorch
A PyTorch implementation of QANet.
zongxindu/RecommenderSystem
zongxindu/SimCSE
EMNLP'2021: SimCSE: Simple Contrastive Learning of Sentence Embeddings https://arxiv.org/abs/2104.08821
zongxindu/SpanNER
SpanNER: Named EntityRe-/Recognition as Span Prediction
zongxindu/stanford-cs-229-machine-learning
VIP cheatsheets for Stanford's CS 229 Machine Learning
zongxindu/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.