All Projects → hellonlp → classifier_multi_label

hellonlp / classifier_multi_label

Licence: other
multi-label,classifier,text classification,多标签文本分类,文本分类,BERT,ALBERT,multi-label-classification

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to classifier multi label

classifier multi label seq2seq attention
multi-label,classifier,text classification,多标签文本分类,文本分类,BERT,ALBERT,multi-label-classification,seq2seq,attention,beam search
Stars: ✭ 26 (-79.53%)
Mutual labels:  text-classification, albert, bert, multi-label, text-classifier, classifier-multi-label
Spark Nlp
State of the Art Natural Language Processing
Stars: ✭ 2,518 (+1882.68%)
Mutual labels:  text-classification, albert, bert
Nlp chinese corpus
大规模中文自然语言处理语料 Large Scale Chinese Corpus for NLP
Stars: ✭ 6,656 (+5140.94%)
Mutual labels:  text-classification, bert
Text classification
all kinds of text classification models and more with deep learning
Stars: ✭ 7,179 (+5552.76%)
Mutual labels:  text-classification, multi-label
bert nli
A Natural Language Inference (NLI) model based on Transformers (BERT and ALBERT)
Stars: ✭ 97 (-23.62%)
Mutual labels:  albert, bert
policy-data-analyzer
Building a model to recognize incentives for landscape restoration in environmental policies from Latin America, the US and India. Bringing NLP to the world of policy analysis through an extensible framework that includes scraping, preprocessing, active learning and text analysis pipelines.
Stars: ✭ 22 (-82.68%)
Mutual labels:  text-classification, bert
kwx
BERT, LDA, and TFIDF based keyword extraction in Python
Stars: ✭ 33 (-74.02%)
Mutual labels:  text-classification, bert
protonet-bert-text-classification
finetune bert for small dataset text classification in a few-shot learning manner using ProtoNet
Stars: ✭ 28 (-77.95%)
Mutual labels:  text-classification, bert
NSP-BERT
The code for our paper "NSP-BERT: A Prompt-based Zero-Shot Learner Through an Original Pre-training Task —— Next Sentence Prediction"
Stars: ✭ 166 (+30.71%)
Mutual labels:  text-classification, bert
Transformer-QG-on-SQuAD
Implement Question Generator with SOTA pre-trained Language Models (RoBERTa, BERT, GPT, BART, T5, etc.)
Stars: ✭ 28 (-77.95%)
Mutual labels:  albert, bert
BERT-chinese-text-classification-pytorch
This repo contains a PyTorch implementation of a pretrained BERT model for text classification.
Stars: ✭ 92 (-27.56%)
Mutual labels:  text-classification, bert
backprop
Backprop makes it simple to use, finetune, and deploy state-of-the-art ML models.
Stars: ✭ 229 (+80.31%)
Mutual labels:  text-classification, bert
Filipino-Text-Benchmarks
Open-source benchmark datasets and pretrained transformer models in the Filipino language.
Stars: ✭ 22 (-82.68%)
Mutual labels:  text-classification, bert
text2class
Multi-class text categorization using state-of-the-art pre-trained contextualized language models, e.g. BERT
Stars: ✭ 15 (-88.19%)
Mutual labels:  text-classification, bert
Text and Audio classification with Bert
Text Classification in Turkish Texts with Bert
Stars: ✭ 34 (-73.23%)
Mutual labels:  text-classification, bert
Kashgari
Kashgari is a production-level NLP Transfer learning framework built on top of tf.keras for text-labeling and text-classification, includes Word2Vec, BERT, and GPT2 Language Embedding.
Stars: ✭ 2,235 (+1659.84%)
Mutual labels:  text-classification, bert
Caver
Caver: a toolkit for multilabel text classification.
Stars: ✭ 38 (-70.08%)
Mutual labels:  text-classification, multi-label-classification
TorchBlocks
A PyTorch-based toolkit for natural language processing
Stars: ✭ 85 (-33.07%)
Mutual labels:  text-classification, bert
ERNIE-text-classification-pytorch
This repo contains a PyTorch implementation of a pretrained ERNIE model for text classification.
Stars: ✭ 49 (-61.42%)
Mutual labels:  text-classification, bert
NLP-paper
🎨 🎨NLP 自然语言处理教程 🎨🎨 https://dataxujing.github.io/NLP-paper/
Stars: ✭ 23 (-81.89%)
Mutual labels:  albert, bert

简介

1、本项目是在tensorflow版本1.15.0的基础上做的训练和测试。
2、本项目为中文的多标签文本分类。
3、欢迎大家联系我 www.hellonlp.com
4、albert_small_zh_google对应的百度云下载地址:
链接:https://pan.baidu.com/s/1RKzGJTazlZ7y12YRbAWvyA
提取码:wuxw

使用方法

1、准备数据
数据格式为:classifier_multi_label/data/test_onehot.csv
2、参数设置
参考脚本 hyperparameters.py,直接修改里面的数值即可。
3、训练
python train.py
4、预测
python predict.py

知乎代码解读

https://zhuanlan.zhihu.com/p/164873441

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].