Ecosyste.ms: Awesome

An open API service indexing awesome lists of open source software.

Awesome Lists | Featured Topics | Projects

Projects in Awesome Lists tagged with text-classification

A curated list of projects in awesome lists tagged with text-classification .

https://github.com/hankcs/hanlp

中文分词 词性标注 命名实体识别 依存句法分析 成分句法分析 语义依存分析 语义角色标注 指代消解 风格转换 语义相似度 新词发现 关键词短语提取 自动摘要 文本分类聚类 拼音简繁转换 自然语言处理

dependency-parser hanlp named-entity-recognition natural-language-processing nlp pos-tagging semantic-parsing text-classification

Last synced: 16 Dec 2024

https://github.com/hankcs/HanLP

中文分词 词性标注 命名实体识别 依存句法分析 成分句法分析 语义依存分析 语义角色标注 指代消解 风格转换 语义相似度 新词发现 关键词短语提取 自动摘要 文本分类聚类 拼音简繁转换 自然语言处理

dependency-parser hanlp named-entity-recognition natural-language-processing nlp pos-tagging semantic-parsing text-classification

Last synced: 27 Oct 2024

https://github.com/ThilinaRajapakse/simpletransformers

Transformers for Information Retrieval, Text Classification, NER, QA, Language Modelling, Language Generation, T5, Multi-Modal, and Conversational AI

conversational-ai information-retrival named-entity-recognition question-answering text-classification transformers

Last synced: 06 Nov 2024

https://github.com/fastnlp/fastnlp

fastNLP: A Modularized and Extensible NLP Framework. Currently still in incubation.

chinese-nlp deep-learning natural-language-processing nlp-library nlp-parsing text-classification text-processing

Last synced: 20 Dec 2024

https://github.com/fastnlp/fastNLP

fastNLP: A Modularized and Extensible NLP Framework. Currently still in incubation.

chinese-nlp deep-learning natural-language-processing nlp-library nlp-parsing text-classification text-processing

Last synced: 06 Nov 2024

https://github.com/brikerman/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.

bert bert-model gpt-2 machine-learning named-entity-recognition ner nlp nlp-framework seq2seq sequence-labeling text-classification text-labeling transfer-learning

Last synced: 17 Dec 2024

https://github.com/BrikerMan/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.

bert bert-model gpt-2 machine-learning named-entity-recognition ner nlp nlp-framework seq2seq sequence-labeling text-classification text-labeling transfer-learning

Last synced: 30 Oct 2024

https://github.com/harderthenharder/transformers_tasks

⭐️ NLP Algorithms with transformers lib. Supporting Text-Classification, Text-Generation, Information-Extraction, Text-Matching, RLHF, SFT etc.

information-extraction nlp reinforcement-learning text-classification text-generation text-matching transformers

Last synced: 21 Dec 2024

https://github.com/yongzhuo/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

albert bert capsule charcnn crnn dcnn dpcnn embeddings fasttext han keras keras-textclassification leam nlp rcnn text-classification textcnn transformer vdcnn xlnet

Last synced: 18 Dec 2024

https://github.com/dipanjans/text-analytics-with-python

Learn how to process, classify, cluster, summarize, understand syntax, semantics and sentiment of text data with the power of Python! This repository contains code and datasets used in my book, "Text Analytics with Python" published by Apress/Springer.

clustering gensim natural-language natural-language-processing nltk pattern python scikit-learn semantic sentiment sentiment-analysis spacy stanford-nlp text-analytics text-classification text-summarization

Last synced: 21 Dec 2024

https://github.com/dipanjanS/text-analytics-with-python

Learn how to process, classify, cluster, summarize, understand syntax, semantics and sentiment of text data with the power of Python! This repository contains code and datasets used in my book, "Text Analytics with Python" published by Apress/Springer.

clustering gensim natural-language natural-language-processing nltk pattern python scikit-learn semantic sentiment sentiment-analysis spacy stanford-nlp text-analytics text-classification text-summarization

Last synced: 13 Nov 2024

https://github.com/yongzhuo/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调用

bert chatbot chinese data-augmentation distance enhance feature nlp text-augment text-classification xlnet

Last synced: 21 Dec 2024

https://github.com/bfelbo/deepmoji

State-of-the-art deep learning model for analyzing sentiment, emotion, sarcasm etc.

ai deep-learning keras machine-learning natural-language-processing neural-networks nlp python sentiment-analysis tensorflow text-classification

Last synced: 19 Dec 2024

https://github.com/bfelbo/DeepMoji

State-of-the-art deep learning model for analyzing sentiment, emotion, sarcasm etc.

ai deep-learning keras machine-learning natural-language-processing neural-networks nlp python sentiment-analysis tensorflow text-classification

Last synced: 11 Nov 2024

https://github.com/yao8839836/text_gcn

Graph Convolutional Networks for Text Classification. AAAI 2019

deep-learning graph-convolutional-networks nlp text-classification

Last synced: 15 Dec 2024

https://github.com/zhanlaoban/eda_nlp_for_chinese

An implement of the paper of EDA for Chinese corpus.中文语料的EDA数据增强工具。NLP数据增强。论文阅读笔记。

chinese chinese-data-augmentation data-augmentation easy-data-augmentation eda text-classification

Last synced: 15 Dec 2024

https://github.com/zhanlaoban/EDA_NLP_for_Chinese

An implement of the paper of EDA for Chinese corpus.中文语料的EDA数据增强工具。NLP数据增强。论文阅读笔记。

chinese chinese-data-augmentation data-augmentation easy-data-augmentation eda text-classification

Last synced: 16 Nov 2024

https://github.com/920232796/bert_seq2seq

pytorch实现 Bert 做seq2seq任务,使用unilm方案,现在也可以做自动摘要,文本分类,情感分析,NER,词性标注等任务,支持t5模型,支持GPT2进行文章续写。

autotitle bert crf gpt2 ner pytorch roberta seq2seq t5-model text-classification unilm

Last synced: 20 Dec 2024

https://github.com/charlesXu86/Chatbot_CN

基于金融-司法领域(兼有闲聊性质)的聊天机器人,其中的主要模块有信息抽取、NLU、NLG、知识图谱等,并且利用Django整合了前端展示,目前已经封装了nlp和kg的restful接口

attention-mechanism chatbot-cn deep-learning dialogue-systems django-restful intent-detection ir knowledge-graph ner nlg nlu oriented-dialogs recommendation reinforcement-learning sentiment-analysis slot-filling tenserflow-serving tensorflow text-classification text-correct

Last synced: 06 Nov 2024

https://github.com/kavgan/nlp-in-practice

Starter code to solve real world text data problems. Includes: Gensim Word2Vec, phrase embeddings, Text Classification with Logistic Regression, word count with pyspark, simple text preprocessing, pre-trained embeddings and more.

gensim machine-learning natural-language-processing nlp text-classification text-mining tf-idf word2vec

Last synced: 21 Dec 2024

https://github.com/richliao/textClassifier

Text classifier for Hierarchical Attention Networks for Document Classification

attention-mechanism convolutional-neural-networks hierarchical-attention-networks recurrent-neural-networks text-classification

Last synced: 06 Nov 2024

https://github.com/greyblake/whatlang-rs

Natural language detection library for Rust. Try demo online: https://whatlang.org/

ai algorithm classifier detect-language language language-recognition nlp rust rustlang text-analysis text-classification text-classifier whatlang

Last synced: 19 Dec 2024

https://github.com/wikipedia2vec/wikipedia2vec

A tool for learning vector representations of words and entities from Wikipedia

embeddings natural-language-processing nlp python text-classification wikipedia

Last synced: 06 Nov 2024

https://github.com/lonepatient/bert-multi-label-text-classification

This repo contains a PyTorch implementation of a pretrained BERT model for multi-label text classification.

albert bert fine-tuning multi-label-classification nlp pytorch pytorch-implmention text-classification transformers xlnet

Last synced: 16 Dec 2024

https://github.com/lonePatient/Bert-Multi-Label-Text-Classification

This repo contains a PyTorch implementation of a pretrained BERT model for multi-label text classification.

albert bert fine-tuning multi-label-classification nlp pytorch pytorch-implmention text-classification transformers xlnet

Last synced: 20 Nov 2024

https://github.com/rodrigopivi/Chatito

🎯🗯 Dataset generation for AI chatbots, NLP tasks, named entity recognition or text classification models using a simple DSL!

chatbot chatbots chatito dataset dataset-generation named-entity-recognition nlg nlp nlu text-classification

Last synced: 31 Oct 2024

https://github.com/rodrigopivi/chatito

🎯🗯 Dataset generation for AI chatbots, NLP tasks, named entity recognition or text classification models using a simple DSL!

chatbot chatbots chatito dataset dataset-generation named-entity-recognition nlg nlp nlu text-classification

Last synced: 21 Dec 2024

https://github.com/ilivans/tf-rnn-attention

Tensorflow implementation of attention mechanism for text classification tasks.

attention rnn sentiment-analysis tensorflow text-classification

Last synced: 16 Nov 2024

https://github.com/xuyige/bert4doc-classification

Code and source for paper ``How to Fine-Tune BERT for Text Classification?``

bert natural-language-processing text-classification

Last synced: 19 Dec 2024

https://github.com/xuyige/BERT4doc-Classification

Code and source for paper ``How to Fine-Tune BERT for Text Classification?``

bert natural-language-processing text-classification

Last synced: 16 Nov 2024

https://github.com/gaoisbest/NLP-Projects

word2vec, sentence2vec, machine reading comprehension, dialog system, text classification, pretrained language model (i.e., XLNet, BERT, ELMo, GPT), sequence labeling, information retrieval, information extraction (i.e., entity, relation and event extraction), knowledge graph, text generation, network embedding

dialogue-systems information-extraction information-retrieval knowledge-graph machine-reading-comprehension network-embedding pretrained-language-model sentence2vec sequence-labeling text-classification text-generation word2vec

Last synced: 06 Nov 2024

https://github.com/dongjun-Lee/text-classification-models-tf

Tensorflow implementations of Text Classification Models.

tensorflow text-classification

Last synced: 27 Nov 2024

https://github.com/shibing624/pytextclassifier

pytextclassifier is a toolkit for text classification. 文本分类,LR,Xgboost,TextCNN,FastText,TextRNN,BERT等分类模型实现,开箱即用。

bert classification focalloss-pytorch hierarchical machine-learning nlp pytextclassifier python pytorch softmax text-classification text-classifier

Last synced: 20 Dec 2024

https://github.com/jind11/TextFooler

A Model for Natural Language Attack on Text Classification and Inference

adversarial-attacks bert bert-model natural-language-inference natural-language-processing text-classification

Last synced: 09 Nov 2024

https://github.com/yuanxiaosc/BERT-for-Sequence-Labeling-and-Text-Classification

This is the template code to use BERT for sequence lableing and text classification, in order to facilitate BERT for more tasks. Currently, the template code has included conll-2003 named entity identification, Snips Slot Filling and Intent Prediction.

atis-dataset bert conll-2003 sequence-labeling snips-dataset template-project text-classification

Last synced: 02 Nov 2024

https://github.com/eBay/Sequence-Semantic-Embedding

Tools and recipes to train deep learning models and build services for NLP tasks such as text classification, semantic search ranking and recall fetching, cross-lingual information retrieval, and question answering etc.

classification-task information-retrieval nlp-tasks sse-embeddings text-classification

Last synced: 27 Nov 2024

https://github.com/sourcedexter/tfClassifier

Tensorflow based training and classification scripts for text, images, etc

image-classification python tensorflow tensorflow-classifier text-classification

Last synced: 12 Nov 2024

https://github.com/chancefocus/PIXIU

This repository introduces PIXIU, an open-source resource featuring the first financial large language models (LLMs), instruction tuning data, and evaluation benchmarks to holistically assess financial LLMs. Our goal is to continually push forward the open-source development of financial artificial intelligence (AI).

aifinance chatgpt fintech gpt-4 large-language-models llama machine-learning named-entity-recognition natural-language-processing nlp pixiu question-answering sentiment-analysis stock-price-prediction text-classification

Last synced: 27 Nov 2024

https://github.com/The-FinAI/PIXIU

This repository introduces PIXIU, an open-source resource featuring the first financial large language models (LLMs), instruction tuning data, and evaluation benchmarks to holistically assess financial LLMs. Our goal is to continually push forward the open-source development of financial artificial intelligence (AI).

aifinance chatgpt fintech gpt-4 large-language-models llama machine-learning named-entity-recognition natural-language-processing nlp pixiu question-answering sentiment-analysis stock-price-prediction text-classification

Last synced: 24 Oct 2024

https://github.com/chancefocus/pixiu

This repository introduces PIXIU, an open-source resource featuring the first financial large language models (LLMs), instruction tuning data, and evaluation benchmarks to holistically assess financial LLMs. Our goal is to continually push forward the open-source development of financial artificial intelligence (AI).

aifinance chatgpt fintech gpt-4 large-language-models llama machine-learning named-entity-recognition natural-language-processing nlp pixiu question-answering sentiment-analysis stock-price-prediction text-classification

Last synced: 13 Dec 2024

https://github.com/the-finai/pixiu

This repository introduces PIXIU, an open-source resource featuring the first financial large language models (LLMs), instruction tuning data, and evaluation benchmarks to holistically assess financial LLMs. Our goal is to continually push forward the open-source development of financial artificial intelligence (AI).

aifinance chatgpt fintech gpt-4 large-language-models llama machine-learning named-entity-recognition natural-language-processing nlp pixiu question-answering sentiment-analysis stock-price-prediction text-classification

Last synced: 09 Nov 2024

https://github.com/yongyehuang/zhihu-text-classification

[2017知乎看山杯 多标签 文本分类] ye组(第六名) 解题方案

han lstm multi-label tensorflow text-classification textcnn

Last synced: 16 Dec 2024

https://github.com/shibing624/nlp-tutorial

自然语言处理(NLP)教程,包括:词向量,词法分析,预训练语言模型,文本分类,文本语义匹配,信息抽取,翻译,对话。

dialogue language-model machine-translation nlp seq2seq text-classification text-generation torch word-embedding

Last synced: 16 Dec 2024

https://github.com/kermitt2/delft

a Deep Learning Framework for Text https://delft.readthedocs.io/

deep-learning keras ner nlp sequence-labeling text-classification

Last synced: 19 Dec 2024