Pinned Repositories
Administrative-divisions-of-China
中华人民共和国行政区划:省级(省份直辖市自治区)、 地级(城市)、 县级(区县)、 乡级(乡镇街道)、 村级(村委会居委会) ,**省市区镇村二级三级四级五级联动地址数据。
AIDL-Series
:books: Series of Artificial Intelligence & Deep Learning, including Mathematics Fundamentals, Python Practices, NLP Application, etc. 💫 人工智能与深度学习实战,机器学习篇 | Tensoflow 篇
Algorithm_for_Interview-Chinese
Algorithm for Interview(面试算法笔记-中文)
attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
bert-Chinese-classification-task
bert中文分类实践
bert-for-task
bert4keras
light reimplement of bert for keras
bert_seq2seq
pytorch实现 Bert 做seq2seq任务,使用unilm方案,现在也可以做自动摘要,文本分类,情感分析,NER,词性标注等任务,支持t5模型,支持GPT2进行文章续写。
BertSimilarity
Computing similarity of two sentences with google's BERT algorithm。利用Bert计算句子相似度。语义相似度计算。
CCF-BDCI-Sentiment-Analysis-Baseline
The code for CCF-BDCI-Sentiment-Analysis-Baseline
xyyhcl's Repositories
xyyhcl/Administrative-divisions-of-China
中华人民共和国行政区划:省级(省份直辖市自治区)、 地级(城市)、 县级(区县)、 乡级(乡镇街道)、 村级(村委会居委会) ,**省市区镇村二级三级四级五级联动地址数据。
xyyhcl/attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
xyyhcl/bert4keras
light reimplement of bert for keras
xyyhcl/bert_seq2seq
pytorch实现 Bert 做seq2seq任务,使用unilm方案,现在也可以做自动摘要,文本分类,情感分析,NER,词性标注等任务,支持t5模型,支持GPT2进行文章续写。
xyyhcl/BertSimilarity
Computing similarity of two sentences with google's BERT algorithm。利用Bert计算句子相似度。语义相似度计算。
xyyhcl/ChatGLM-LLaMA-chinese-insturct
探索中文instruct数据在ChatGLM, LLaMA上的微调表现
xyyhcl/chinese2digits
最好的汉字数字(中文数字)-阿拉伯数字转换工具。包含"点二八","负百分之四十"等众多汉语表达方法。NLP,机器人工程必备! The Best Tool of Chinese Number to Digits
xyyhcl/chinese_keyphrase_extractor
An off-the-shelf tool for Chinese Keyphrase Extraction 一个快速从中文里抽取关键短语的工具,仅占35M内存
xyyhcl/ChineseGLUE
Language Understanding Evaluation benchmark for Chinese: datasets, baselines, pre-trained models,corpus and leaderboard
xyyhcl/ChineseNLPCorpus
中文自然语言处理数据集,平时做做实验的材料。欢迎补充提交合并。
xyyhcl/cleanlab
The standard data-centric AI package for data quality and machine learning with messy, real-world data and labels.
xyyhcl/CLUE
中文语言理解基准测评 Chinese Language Understanding Evaluation Benchmark: datasets, baselines, pre-trained models, corpus and leaderboard
xyyhcl/CLUENER2020
CLUENER2020 中文细粒度命名实体识别 Fine Grained Named Entity Recognition
xyyhcl/cn2an
📦 快速转化「中文数字」和「阿拉伯数字」
xyyhcl/dialogbot
dialogbot, provide task-based dialogue, search-based dialogue and generative dialogue model.
xyyhcl/GPT2-NewsTitle
Chinese NewsTitle Generation Project by GPT2.带有超级详细注释的中文GPT2新闻标题生成项目。
xyyhcl/keras-bert
Implementation of BERT that could load official pre-trained models for feature extraction and prediction
xyyhcl/Keras-TextClassification
中文长文本分类、短句子分类、多标签分类、两句子相似度(Chinese Text Classification of Keras NLP, multi-label classify, or sentence classify, long or short),字词句向量嵌入层(embeddings)和网络层(graph)构建基类,FastText,TextCNN,CharCNN,TextRNN, RCNN, DCNN, DPCNN, VDCNN, CRNN, Bert, Xlnet, Albert, Attention, DeepMoji, HAN, 胶囊网络-CapsuleNet, Transformer-encode, Seq2seq, SWEM, LEAM, TextGCN
xyyhcl/lightNLP
基于Pytorch和torchtext的自然语言处理深度学习框架,包含序列标注、文本分类、句子关系、文本生成、结构分析、五大功能模块,已实现了命名实体识别、中文分词、词性标注、语义角色标注、情感分析、关系抽取、语言模型、文本相似度、文本蕴含、依存句法分析、词向量训练、聊天机器人、机器翻译、文本摘要等功能。框架功能丰富,开箱可用,极易上手!基本都是学习他人实现然后自己修改融合到框架中,没有细致调参,且有不少Bug~
xyyhcl/Long-Text-Bert-Multi-label-Text-Classification-Pytorch
Multi-Label Text Classification Based On Bert
xyyhcl/nlp-beginner-finish
此项目完成了关于 NLP-Beginner:自然语言处理入门练习 的所有任务,所有代码都经过测试,可以正常运行。
xyyhcl/nlp_xiaojiang
自然语言处理(nlp),小姜机器人(闲聊检索式chatbot),BERT句向量-相似度(Sentence Similarity),XLNET句向量-相似度(text xlnet embedding),文本分类(Text classification), 实体提取(ner,bert+bilstm+crf),数据增强(text augment, data enhance),同义句同义词生成,句子主干提取(mainpart),中文汉语短文本相似度,文本特征工程,keras-http-service调用
xyyhcl/PARADE
xyyhcl/pycorrector
pycorrector is a toolkit for text error correction. It was developed to facilitate the designing, comparing, and sharing of deep text error correction models.
xyyhcl/python-tutorial
python教程,包括:python基础、python进阶;常用机器学习库:numpy、scipy、sklearn、xgboost;深度学习库:keras、tensorflow、paddle、pytorch。
xyyhcl/similarity
similarity:相似度计算工具包,java编写。用于词语、短语、句子、词法分析、情感分析、语义分析等相关的相似度计算。
xyyhcl/SpellGCN
xyyhcl/text_classification
all kinds of text classification models and more with deep learning
xyyhcl/transformers_tasks
⭐️ NLP Algorithms with transformers lib. Supporting Text-Classification, Text-Generation, Information-Extraction, Text-Matching, RLHF etc.
xyyhcl/Unilm