• Stars
    star
    5
  • Rank 2,848,865 (Top 57 %)
  • Language
    Python
  • Created about 3 years ago
  • Updated about 3 years ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

基于pytorch的中文文本分类,包含fasttext、textcnn、textrnn、textrnn_att、textrnn_bc、transformer、dpcnn

More Repositories

1

awesome-chinese-ner

中文命名实体识别。包含目前最新的中文命名实体识别论文、中文实体识别相关工具、数据集,以及中文预训练模型、词向量、实体识别综述等。
575
star
2

pytorch_bert_bilstm_crf_ner

基于pytorch的bert_bilstm_crf中文命名实体识别
Python
503
star
3

pytorch_triple_extraction

基于pytorch的中文三元组提取(命名实体识别+关系抽取)
Python
320
star
4

BERT-BILSTM-CRF

使用BERT-BILSTM-CRF进行中文命名实体识别。
Python
303
star
5

chinese_information_extraction

中文信息抽取,包含实体抽取、关系抽取、事件抽取
Python
220
star
6

langchain-learning

langchain学习笔记,包含langchain源码解读、langchain中使用中文模型、langchain实例等。
169
star
7

pytorch_bert_intent_classification_and_slot_filling

基于pytorch的中文意图识别和槽位填充
Python
129
star
8

BERT-Relation-Extraction

使用bert进行关系三元组抽取。
Python
125
star
9

PointerNet_Chinese_Information_Extraction

利用指针网络进行信息抽取,包含命名实体识别、关系抽取、事件抽取。
Python
115
star
10

OneRel_chinese

OneRel在中文关系抽取中的使用
Roff
111
star
11

Llama3.1-Finetuning

对llama3进行全参微调、lora微调以及qlora微调。
Python
108
star
12

sentencepiece_chinese_bpe

使用sentencepiece中BPE训练中文词表,并在transformers中进行使用。
Python
106
star
13

pytorch_HAN

异构图神经网络HAN。Heterogeneous Graph Attention Network (HAN) with pytorch
Python
99
star
14

qlora-chinese-LLM

使用qlora对中文大语言模型进行微调,包含ChatGLM、Chinese-LLaMA-Alpaca、BELLE
Python
86
star
15

pytorch_bert_multi_classification

基于pytorch_bert的中文多标签分类
Python
79
star
16

pytorch_bert_chinese_text_classification

基于pytorch+bert的中文文本分类
Python
75
star
17

DGL_Chinese_Manual

DGL中文文档。This is the Chinese manual of the graph neural network library DGL, currently contains the User Guide.
71
star
18

pytorch_GlobalPointer_triple_extraction

基于pytorch的GlobalPointer进行三元组抽取。
Python
67
star
19

pytorch_bert_event_extraction

基于pytorch+bert的中文事件抽取
Python
63
star
20

pytorch-distributed-NLP

pytorch分布式训练
Python
57
star
21

prompt_text_classification

基于prompt的中文文本分类。
Python
53
star
22

pytorch_uie_ner

基于pytorch的百度UIE命名实体识别。
Python
52
star
23

awesome-relation-extraction

关系抽取
51
star
24

W2NER_predict

[Unofficial] Predict code for AAAI 2022 paper: Unified Named Entity Recognition as Word-Word Relation Classification
Python
49
star
25

ChatGLM-LoRA-Tuning

使用LoRA对ChatGLM进行微调。
Python
46
star
26

awesome-chinese-text-correction

中文文本纠错相关的论文、比赛和工具。
46
star
27

ChatABSA

基于ChatGPT的情感分析
Python
46
star
28

python_common_code_collection

收集经常用到的一些python代码
Python
44
star
29

sbert_text_similarity

使用sentence-transformers(SBert)训练自己的文本相似度数据集并进行评估。
Python
43
star
30

BERT_MRC_NER_chinese

基于bert_mrc的中文命名实体识别
Python
43
star
31

pytorch_GlobalPointer_Ner

基于pytorch的GlobalPointer进行中文命名实体识别。
Python
37
star
32

BERT-Event-Extraction

使用bert进行事件抽取。
Python
34
star
33

pytorch_casrel_triple_extraction

基于pytorch的CasRel进行三元组抽取。
Python
34
star
34

Chinese-LLaMA-Alpaca-LoRA-Tuning

使用LoRA对Chinese-LLaMA-Alpaca进行微调。
Python
33
star
35

pytorch_bert_chinese_spell_correction

基于pytorch的中文拼写纠错,使用的模型是Bert以及SoftMaskedBert
Python
30
star
36

pytorch_bert_relation_extraction

基于pytorch+bert的中文关系抽取
Python
29
star
37

SpERT_chinese

基于论文SpERT: "Span-based Entity and Relation Transformer"的中文关系抽取,同时抽取实体、实体类别和关系类别。
Python
29
star
38

pytorch_bert_entity_linking

基于bert的中文实体链接
Python
27
star
39

Gector_chinese

基于seq2edit (Gector) 的中文文本纠错。
Python
26
star
40

taishan1994

22
star
41

address_normalize

根据地址提取省、市、区/县、街道,并进行标准化
Python
20
star
42

tensorflow-text-classification

基于tensorflow的中文文本分类(复旦中文语料)
Python
20
star
43

pytorch_uie_re

基于百度uie的关系抽取
Python
20
star
44

BERT-ABSA

使用bert进行中文方面级情感识别。
Python
19
star
45

baichuan-Qlora-Tuning

基于qlora对baichuan-7B大模型进行指令微调。
Python
18
star
46

pytorch_Cascade_Bert_Ner

基于pytorch的级联Bert用于中文命名实体识别。
Python
18
star
47

stroke2vec

获取中文的笔画向量
Python
17
star
48

doccano_export

使用doccano标注工具同时导出实体和关系数据为空的解决办法。
Python
17
star
49

pytorch_TPLinker_Plus_Ner

基于pytorch的TPLinker_plus进行中文命名实体识别
Python
17
star
50

chinese_sentence_embeddings

bert_avg,bert_whitening,sbert,consert,simcse,esimcse 中文句向量表示
Python
16
star
51

pytorch_knowledge_distillation

基于Pytorch的知识蒸馏(中文文本分类)
Python
15
star
52

pytorch_bert_coreference_resolution

基于pytorch+bert的指代消解
Python
15
star
53

simcse_chinese_sentence_vector

基于simcse的中文句向量生成
Python
14
star
54

pytorch_bilstm_crf_chinese_ner

基于pytorch+bilstm_crf的中文命名实体识别
Python
13
star
55

chinese_keyword_extraction

中文关键词提取
Python
12
star
56

dpcq_new_word_find

斗破苍穹小说的新词发现
Python
12
star
57

tensorflow-bilstm-crf

基于tensorflow的bilstm+crf的命名实体识别
12
star
58

python3_wiki_word2vec

基于python3训练中文wiki词向量、字向量、拼音向量
Python
11
star
59

chinese_llm_pretrained

使用自己的tokenizer继续预训练大语言模型。
Python
9
star
60

genius_for_your_data

使用GENIUS文本生成模型训练自己的数据集。
Python
9
star
61

train_bert_use_your_data

基于pytorch使用自己的数据继续训练bert
Python
9
star
62

pytorch_Multi_Head_Selection_Ner

基于pytorch的多头选择方法进行中文命名实体识别。
Python
9
star
63

pytorch_chinese_biaffine_ner

使用biaffine的中文命名实体识别
Python
9
star
64

pytorch_unbalanced_text_classification

基于pytorch的不平衡数据的文本分类
Python
9
star
65

pytorch_lightning_text_classification

基于pytorch_lightning的中文文本分类样例
Python
8
star
66

medical_question_and_answer_knowledge_graph

Python
8
star
67

fasttext_chinese_ABSA

基于fasttext的中文细粒度情感分类
Python
8
star
68

PPO_Chinese_Generate

Python
8
star
69

pytorch_simple_bert

更直接的bert代码,可以加载hugging face上的预训练权重,目前支持中文文本分类以及MLM语言模型训练任务。
Python
8
star
70

classical_chinese_extraction

文言文信息抽取(实体识别+关系抽取)
Python
7
star
71

lol_knowledge_graph_qa

基于英雄联盟知识图谱的问答
Python
7
star
72

pytorch_gat

Pytorch implementation of graph attention network
Python
7
star
73

chinese_llm_sft

使用指令微调对大模型进行微调。
Python
7
star
74

pytorch_ner_v1

中文命名实体识别的三种架构实现
Python
6
star
75

pytorch_cnn_rnn_transformer

pytorch版本的三大特征提取器
Python
6
star
76

UIE_CLUENER

用百度的UIE解决CLUENER2020细粒度实体识别数据集。
Python
6
star
77

pytorch_Chinese_Generate

基于pytorch的中文文本生成。
Python
6
star
78

ltp_triple_extraction

Python
6
star
79

bert-sklearn-chinese

像使用sklearn那样来使用bert进行中文文本分类、命名实体识别、句子相似度判别
Python
6
star
80

pytorch_bert_english_ner

基于bert的英文实体识别
Python
5
star
81

transformer-examples

从头开始使用transfomer构建seq2seq(对对联)、自编码(新闻文本分类)、自回归(斗破苍穹小说续写)任务。
Python
5
star
82

pytorch_chinese_QANet_cmrc2018

基于QANet的中文阅读理解。
Python
5
star
83

hugging-face-course

hugging face的官方教程中文翻译
5
star
84

Qwen2-UIE

基于Qwen2模型进行通用信息抽取【实体/关系/事件抽取】
Python
5
star
85

eda_for_chinese_text_classification

基于EDA进行中文文本分类
Python
5
star
86

pytorch_bert_chinese_ner

基于bert的中文实体识别,并使用字形嵌入和拼音嵌入。
Python
4
star
87

pytorch_chinese_albert_attribute_extraction

基于pytorch_albert的属性抽取
Python
4
star
88

xiximayou-arxiv

用于定制化arxiv文章。
CSS
3
star
89

pytorch_peot_rnn

基于pytorch_rnn的古诗词生成
Python
3
star
90

ChatCTG

基于ChatGPT的可控文本生成。这里主要是使用ChatGPT实现一些文本生成相关的项目。
Python
3
star
91

seq2seq_english_to_chinese

基于pytorch的英文翻译成中文
Python
3
star
92

chinese_chengyujielong

本仓库包含4万多条成语,并提供成语接龙实例。
Python
3
star
93

Chinese-BELLE-LoRA-Tuning

使用LoRA对BELLE发布的BELLE-7B-2M进行微调。
Python
3
star
94

phishing_url_recognition

恶意域名识别
Python
3
star
95

pytorch_chinese_multiple_choice

基于pytorch+lstm的中文多项选择。
Python
2
star
96

WebQA_tfidf

针对于百度WebQA数据集,利用TF-IDF等模型构建的问答系统
Python
2
star
97

pytorch_albert_qa

基于albert的中文问答
Python
2
star
98

pytorch-book

PyTorch tutorials and fun projects including neural talk, neural style, poem writing, anime generation (《深度学习框架PyTorch:入门与实战》)
Jupyter Notebook
2
star
99

pytorch_OneVersusRest_Ner

基于pytorch的one vs rest中文命名实体识别。
Python
1
star
100

learn_django

django的一些学习笔记
HTML
1
star