GitHub topics: sentence-classification
TUKIiq9/assertive
Assortative extra light sugar for @NodeJS assert.
Size: 1000 Bytes - Last synced at: 6 minutes ago - Pushed at: about 2 hours ago - Stars: 0 - Forks: 0

khetansarvesh/NLP
Implemented projects from noncontextual word embeddings like Word2Vec to contextual word embeddings like ELMO, GPT, BERT to solving NLP tasks Sentence Level Classification (sentimental analysis & Toxic comment classification), Token Level Classification (POS Tagging, NER Tagging), Machine Translation (MT)
Language: Jupyter Notebook - Size: 36.5 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 0 - Forks: 0

unitaryai/detoxify
Trained models & code to predict toxic comments on all 3 Jigsaw Toxic Comment Challenges. Built using ⚡ Pytorch Lightning and 🤗 Transformers. For access to our API, please email us at contact@unitary.ai.
Language: Python - Size: 50.8 MB - Last synced at: 2 days ago - Pushed at: about 1 month ago - Stars: 1,098 - Forks: 130

sergioburdisso/pyss3
A Python package implementing a new interpretable machine learning model for text classification (with visualization tools for Explainable AI :octocat:)
Language: Python - Size: 102 MB - Last synced at: 6 days ago - Pushed at: 19 days ago - Stars: 344 - Forks: 44

hyunwoongko/kochat
Opensource Korean chatbot framework
Language: Python - Size: 310 MB - Last synced at: 8 days ago - Pushed at: over 2 years ago - Stars: 458 - Forks: 184

jfilter/text-classification-keras 📦
📚 Text classification library with Keras
Language: Python - Size: 11.8 MB - Last synced at: 7 days ago - Pushed at: about 5 years ago - Stars: 53 - Forks: 11

labteral/ernie
Simple State-of-the-Art BERT-Based Sentence Classification with Keras / TensorFlow 2. Built with HuggingFace's Transformers.
Language: Python - Size: 326 KB - Last synced at: 5 days ago - Pushed at: over 1 year ago - Stars: 201 - Forks: 31

lucianoscarpaci/Transformer-Sentence-Classification
This project aims to develop a Transformer-based model to accurately classify sentences from the PubMed 20k dataset into five categories 'Background', 'Conclusions', 'Methods', 'Objective', 'Results'. This project can make information retrieval and summarization of Biomedical Research more efficient.
Language: Jupyter Notebook - Size: 61.5 KB - Last synced at: about 9 hours ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

yuchenlin/lstm_sentence_classifier
LSTM-based Models for Sentence Classification in PyTorch
Language: Python - Size: 103 MB - Last synced at: about 2 months ago - Pushed at: almost 5 years ago - Stars: 78 - Forks: 31

DavidBelicza/TextRank
:wink: :cyclone: :strawberry: TextRank implementation in Golang with extendable features (summarization, phrase extraction) and multithreading (goroutine).
Language: Go - Size: 1.31 MB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 214 - Forks: 22

titipata/detecting-scientific-claim
Extracting scientific claims from biomedical abstracts (powered by AllenNLP)
Language: Python - Size: 1.66 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 142 - Forks: 18

brightmart/text_classification
all kinds of text classification models and more with deep learning
Language: Python - Size: 14.1 MB - Last synced at: 4 months ago - Pushed at: almost 2 years ago - Stars: 7,910 - Forks: 2,566

CLUEbenchmark/CLUEPretrainedModels
高质量中文预训练模型集合:最先进大模型、最快小模型、相似度专门模型
Language: Python - Size: 789 KB - Last synced at: 4 months ago - Pushed at: about 5 years ago - Stars: 817 - Forks: 96

threelittlemonkeys/cnn-classification-pytorch
CNNs for Classification in PyTorch
Language: Python - Size: 86.9 KB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 20 - Forks: 5

sunyilgdx/NSP-BERT
The code for our paper "NSP-BERT: A Prompt-based Zero-Shot Learner Through an Original Pre-training Task —— Next Sentence Prediction"
Language: Python - Size: 32.1 MB - Last synced at: 4 months ago - Pushed at: almost 3 years ago - Stars: 229 - Forks: 40

leohsuofnthu/Pytorch-TextCNN
Pytorch implementation of the paper Convolutional Neural Networks for Sentence Classification
Language: Python - Size: 24.9 MB - Last synced at: 4 months ago - Pushed at: over 5 years ago - Stars: 21 - Forks: 5

RandolphVI/Multi-Label-Text-Classification
About Muti-Label Text Classification Based on Neural Network.
Language: Python - Size: 451 KB - Last synced at: 5 months ago - Pushed at: almost 5 years ago - Stars: 556 - Forks: 143

26hzhang/Dense_BiLSTM
Tensorflow Implementation of Densely Connected Bidirectional LSTM with Applications to Sentence Classification
Language: Python - Size: 39.7 MB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 47 - Forks: 25

chaitjo/lstm-context-embeddings
Augmenting word embeddings with their surrounding context using bidirectional RNN
Language: Python - Size: 23.2 MB - Last synced at: 4 months ago - Pushed at: over 5 years ago - Stars: 60 - Forks: 18

sukhijapiyush/Fine-Tune-Bert-for-Sentence-Pair-Classification
BERT: Sentence-Pair Classification for Natural Language Understanding
Language: Jupyter Notebook - Size: 20.8 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 4 - Forks: 0

DeepK/hoDMD-experiments
EigenSent: Spectral sentence embeddings using higher-order Dynamic Mode Decomposition
Language: Python - Size: 47.8 MB - Last synced at: 6 months ago - Pushed at: about 6 years ago - Stars: 13 - Forks: 4

Franck-Dernoncourt/pubmed-rct
PubMed 200k RCT dataset: a large dataset for sequential sentence classification.
Size: 172 MB - Last synced at: 6 months ago - Pushed at: almost 2 years ago - Stars: 193 - Forks: 44

TheNigthDawn/multi-label-text-classification
Multi-label text classification in Reddit comments using statistical and learned features.
Size: 1000 Bytes - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

ajinkyaT/CNN_Intent_Classification
CNN for intent classification task in a Chatbot
Language: Jupyter Notebook - Size: 1.17 MB - Last synced at: 5 months ago - Pushed at: almost 6 years ago - Stars: 99 - Forks: 25

Antarlekhaka/code
Multi-task NLP Annotation Framework
Language: JavaScript - Size: 10.6 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 6 - Forks: 2

zhangdongxu/word-embedding-perturbation
Language: Python - Size: 6.6 MB - Last synced at: 5 months ago - Pushed at: over 6 years ago - Stars: 13 - Forks: 1

naiveHobo/HoboNet
Convolution Neural Network for classification of semantic relations in a sentence
Language: Python - Size: 50.1 MB - Last synced at: 4 months ago - Pushed at: about 8 years ago - Stars: 17 - Forks: 6

lettergram/sentence-classification
Sentence Classifications with Neural Networks
Language: Python - Size: 105 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 237 - Forks: 35

varunon9/sentence-type-classifier
Classify English sentences into assertive, negative, interrogative, imperative and exclamatory based on grammar.
Language: JavaScript - Size: 20.5 KB - Last synced at: 2 months ago - Pushed at: almost 5 years ago - Stars: 19 - Forks: 4

JerryWeiAI/COVID-Q
COVID-19 Question Dataset from the paper "What Are People Asking About COVID-19? A Question Classification Dataset"
Language: Python - Size: 26.7 MB - Last synced at: 4 months ago - Pushed at: over 4 years ago - Stars: 24 - Forks: 23

wuji3/nlpdk
Natural Language Processing(NLP) Toolbox
Language: Python - Size: 324 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 3 - Forks: 1

swajayresources/Fine_Tuning_DistilBERT_For_Sentence_Classification-
In this notebook, we will demonstrate the process of fine-tuning DistilBERT for sentiment analysis using a dataset of restaurant reviews. DistilBERT is a smaller, faster, and lighter version of BERT (Bidirectional Encoder Representations from Transformers), an encoder-based transformer model introduced by Google in 2018.
Language: Jupyter Notebook - Size: 1.15 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

nature-of-eu-rules/regulatory-statement-classification
Scripts, algorithms and files for a rule-based and ML-based approach for binary classification of regulatory / non-regulatory sentences in EU legislative documents, as well as code for evaluating the accuracy of these approaches
Language: Jupyter Notebook - Size: 12.8 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

faizan1234567/sentence-classification
Implementation of classification of grammatically correct sentences and wrong sentences, and integration of MLOps tools.
Language: Jupyter Notebook - Size: 36.7 MB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 5 - Forks: 1

TiagoMAntunes/KAREN
KAREN: Unifying Hatespeech Detection and Benchmarking
Language: Python - Size: 283 KB - Last synced at: 16 days ago - Pushed at: about 4 years ago - Stars: 19 - Forks: 3

tdavchev/Modelling-Entailment-with-CNNs
End-to-end Siamese CNNs as feature selection for a CNN-based Entailment Modelling
Language: Python - Size: 3.04 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 1

kaisugi/datasets-for-sequential-sentence-classification
Curated list of public datasets which focus on sentence classification in academic papers or abstracts
Size: 10.7 KB - Last synced at: 5 days ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 0

guoyaohua/BERT-Classifier
A general text classifier based on BERT. Multi-process data processing, multi-gpu parallel training, rich monitoring indicators.
Language: Python - Size: 1.25 MB - Last synced at: 12 months ago - Pushed at: about 5 years ago - Stars: 18 - Forks: 4

jiegzhan/multi-class-text-classification-cnn
Classify Kaggle Consumer Finance Complaints into 11 classes. Build the model with CNN (Convolutional Neural Network) and Word Embeddings on Tensorflow.
Language: Python - Size: 296 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 427 - Forks: 200

user0706/Mixer-v2
The purpose of this program is to enable users who do not understand much about programming, that they can create a text classification model. This is an alternative, offline version of Cloud AutoMl.
Language: Python - Size: 2.31 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

dsindex/iclassifier
reference pytorch code for intent classification
Language: Python - Size: 19 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 44 - Forks: 15

eliyahabba/Judicial-Attitudes-Annotation
This repository houses the source code for a Streamlit-based annotation interface developed for classifying sentences in legal documents. The interface is a part of a broader initiative to analyze court statements, specifically focusing on assessing judicial attitudes toward victims of sexual violence in the Israeli court system.
Language: Python - Size: 45.1 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

hellohaptik/multi-task-NLP
multi_task_NLP is a utility toolkit enabling NLP developers to easily train and infer a single model for multiple tasks.
Language: Python - Size: 7.46 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 358 - Forks: 54

civictech-India/Indian-Law-Penal-Code-Json
India Law | Indian Legal Acts | Penal Code in JSON Format
Size: 981 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 15 - Forks: 7

Law-AI/semantic-segmentation
Semantic Segmentation of Legal texts that labels sentences with one of 7 rhetorical roles.
Language: Python - Size: 6.26 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 45 - Forks: 24

Destaq/chinese-sentence-miner
Find Chinese sentences based on your known vocabulary and other rules
Language: Python - Size: 3.91 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 50 - Forks: 6

ratthapon/simple-sentence-recognition
A simple sentence recognition using Hidden Markov Model, implement on MATLAB.
Language: Matlab - Size: 2.93 KB - Last synced at: over 1 year ago - Pushed at: over 9 years ago - Stars: 3 - Forks: 1

davidsbatista/ConvNets-for-Sentence-Classification
"Convolutional Neural Networks for Sentence Classification" (Kim 2014) - https://www.aclweb.org/anthology/D14-1181
Language: Jupyter Notebook - Size: 5.21 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 54 - Forks: 19

LTPhat/Medical-Abstract-Skimming-Tool
A deep learning-based web application that enables researchers skim through medical paper abstracts efficiently and get better overall information.
Language: Python - Size: 23.7 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

RandolphVI/Text-Pairs-Relation-Classification
About Text Pairs (Sentence Level) Classification (Similarity Modeling) Based on Neural Network.
Language: Python - Size: 376 KB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 190 - Forks: 55

llmrails/ember-v1
State-of-the-Art Ember embedding model for retrieval augmented generation
Size: 2.93 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

zake7749/DeepToxic
top 1% solution to toxic comment classification challenge on Kaggle.
Language: Jupyter Notebook - Size: 273 KB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 192 - Forks: 70

rktamplayo/MCFA
[IJCAI2018] Translations as Additional Contexts for Sentence Classification
Language: Python - Size: 7.24 MB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 9 - Forks: 6

zhangluoyang/deeplearning_sentence_classification
neural network for sentence classification
Language: Python - Size: 30.3 KB - Last synced at: almost 2 years ago - Pushed at: over 8 years ago - Stars: 1 - Forks: 3

roytravel/korean-chatbot
Task-oriented Korean dialogue system
Language: Python - Size: 201 KB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

jind11/PubMed-PICO-Detection
PubMed PICO Element Detection Dataset
Size: 35.2 MB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 47 - Forks: 11

bill-kalog/sent_classification_pytorch
sentence classification models implemented in pytorch
Language: Python - Size: 79.1 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

steffan267/Sentiment-Analysis-on-Danish-Social-Media
Annotated sentences to do sentiment analysis with supervised learning in the danish language. The dataset was created specifically to classify sentences to the root comments of political articles on social media.
Size: 541 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 6 - Forks: 2

hiepnguyen034/Toxic-Comments-Classifer
Detect toxic/offensive messages using various classification techniques
Language: Python - Size: 9.35 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

vishnumani2009/cnn-classifier
Keras implementation of 'Convolutional Neural Networks for Sentence Classification. EMNLP 2014. Y. Kim.
Language: Python - Size: 26.4 KB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 1 - Forks: 0

Chanrom/DARLM
Language: Python - Size: 23.4 KB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 7 - Forks: 3

Chanrom/sentence-representation-for-classification-PyTorch
A collection of deep learning models for sentence representation on classification that implemented in PyTorch
Language: Python - Size: 28.3 KB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 9 - Forks: 2

jorditruji/BERT_Toxicity_Detection
Code related to jigsaw-unintended-bias-in-toxicity-classification based on https://github.com/huggingface/pytorch-pretrained-BERT/
Language: Jupyter Notebook - Size: 26.5 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 1

apennisi/sentence_classification_cnn
Yet another CNN network for sentence classification
Language: Python - Size: 588 KB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 1 - Forks: 0

Elzawawy/DeftEval
Official Contribution for DeftEval 2020, Task 6 Subtask 1 from SemEval 2020 Competition. Solving NLP problem of "extracting term-definition pairs in free text" in multiple approaches ranging from highly simple till very complex modern ones.
Language: Jupyter Notebook - Size: 350 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 10 - Forks: 1

yoongi0428/Kor-Sentence-Classification
Sentence/Text Classification Models for Korean
Language: Python - Size: 2.43 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 1

charlieanna/project
Capsule net applied to text data
Language: Python - Size: 1.23 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 5 - Forks: 1

galsang/CNN-sentence-classification-pytorch
Implementation of Convolutional Neural Networks for Sentence Classification (Y.Kim, EMNLP 2014) on Pytorch.
Language: Python - Size: 34 MB - Last synced at: almost 2 years ago - Pushed at: almost 8 years ago - Stars: 159 - Forks: 50

MirunaPislar/multi-head-attention-labeller
Joint text classification on multiple levels with multiple labels, using a multi-head attention mechanism to wire two prediction tasks together.
Language: Python - Size: 4.13 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 15 - Forks: 2

pabitralenka/Customer-Feedback-Analysis
Multi Class Text (Feedback) Classification using CNN, GRU Network and pre trained Word2Vec embedding, word embeddings on TensorFlow.
Language: Python - Size: 428 MB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 20 - Forks: 11

pchampio/sentence-entailment
:page_with_curl: :round_pushpin: Predict how similar two sentences are using RNN, PyTorch.
Language: Jupyter Notebook - Size: 729 KB - Last synced at: 5 months ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 1

L0SG/deepest-review-challenge
The most outlandish Deepest hackathon challenge ever!
Language: Python - Size: 79.1 KB - Last synced at: 5 days ago - Pushed at: almost 7 years ago - Stars: 3 - Forks: 1

ahmedivy/parser
Program to parse english sentence with Python's Natural Language Processing Toolkit
Language: Python - Size: 3.91 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

Ankit152/Emotions-Detection-NLP
Emotions dataset for NLP classification tasks.
Language: Jupyter Notebook - Size: 13.7 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 2

RaffaeleGalliera/pytorch-cnn-text-classification
Convolutional Neural Network (CNN) for text classification implemented with PyTorch and TorchText
Language: Python - Size: 591 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 10 - Forks: 3

MengChiehLiu/AI_CUP_2022_Argument_Detection
This is an NLP task from AI CUP 2022. We redefine this task into an extractive summarization task, which can also be regarded as a sentence classification task. By calculating scores for each sentence, we decompose sentences and recompose sentences with high scores into the arguments.
Language: Jupyter Notebook - Size: 9.92 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

pAciFic132/Multi-Class-Text-Classification
Bi-LSTM, BERT Network을 사용한 한국어 문장 분류
Language: Jupyter Notebook - Size: 42.5 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

threelittlemonkeys/text-classification-pytorch
Text Classification in PyTorch
Language: Python - Size: 188 KB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 22 - Forks: 2

gandalf012/SentenceBert-20newsgroup-Classifier
Classification pipeline based on sentenceTransformer and Facebook nearest-neighbor search library
Language: Jupyter Notebook - Size: 106 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 15 - Forks: 4

abhaikollara/CNN-Sentence-Classification
A tensorflow implementation of Convolutional Neural Networks for Sentence Classification
Language: Python - Size: 479 KB - Last synced at: over 2 years ago - Pushed at: over 8 years ago - Stars: 78 - Forks: 24

arxaqapi/analogy-classifier
ML approach to analogy classification
Language: Python - Size: 221 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 6 - Forks: 1

jind11/HSLN-Joint-Sentence-Classification
Joint sentence classification-Tensorflow
Language: Python - Size: 11.3 MB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 30 - Forks: 9

abideenml/Natural-Language-Processing-Projects
Text processing, Text Summarization, Language Translation, Sentence Classification, Generating blog post and Fine tuning GPT-2 and BERT.
Language: Jupyter Notebook - Size: 5.13 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

crux82/AILC-lectures2021-lab
This is a Pytorch (+ Huggingface transformers) implementation of a "simple" text classifier defined using BERT-based models. In this lab we will see how it is simple to use BERT for a sentence classification task, obtaining state-of-the-art results in few lines of python code.
Language: Jupyter Notebook - Size: 185 KB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 18 - Forks: 5

VeroJulianaSchmalz/E2E-Sentence-Classification-on-Fluent-Speech-Commands
Intent Classification using the Fluent Speech Commands Dataset
Language: Python - Size: 43.9 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 3

vatsalsaglani/Multi-Headed-Self-Attention-Transformer
A Self-Attention transformer with multiple heads wrapped in a python package to train on a text corpus and generate texts.
Language: Python - Size: 12.7 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 6 - Forks: 1

Akawi85/Email-classification-with-bert
This repo implements sequence classification on emails using a pretrained BERT model which was finetuned to a tiny dataset for classifying emails into two desired labels/categories
Language: Jupyter Notebook - Size: 346 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

LSMeetei/sentiment
Sentiment analysis data for Manipuri language
Size: 25.4 KB - Last synced at: 19 days ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

cieske/POSTECH_DL_Sentimeter
POSTECH DL Project - Group 20
Language: Jupyter Notebook - Size: 122 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

IyatomiLab/GDCE-SSA
Official Implementation of "Text Classification Thorugh Glyph-aware Disentangled Character Embedding and Semantic Sub-character Augmentation"
Language: Jupyter Notebook - Size: 197 KB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0

LiebingYu/TextCNN-keras
Text CNN for text classification
Language: Jupyter Notebook - Size: 86.9 KB - Last synced at: 6 days ago - Pushed at: over 6 years ago - Stars: 8 - Forks: 2

Ayushk4/extract_covid_entity
Codebase accompanying the paper "Leveraging Event Specific and Chunk Span features to Extract COVID Events from tweets" - WNUT @ EMNLP 2020
Language: Python - Size: 159 KB - Last synced at: 5 months ago - Pushed at: almost 4 years ago - Stars: 5 - Forks: 2

arnavsshah/Sentence-Classification-using-1D-ConvNets
Implementation of 1D Convolutional Neural Network for Sentence Classification based on the paper by Yoon Kim(2014)
Language: Jupyter Notebook - Size: 1.49 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

utkarsh512/ganbert Fork of crux82/ganbert
Enhancing the BERT training with Semi-supervised Generative Adversarial Networks and LIME visualizations
Language: Python - Size: 5.24 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

MeryllEssig/sentence-extractor
Extracts sentences from txt files.
Language: JavaScript - Size: 2.93 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

rktamplayo/LeTraNets
[ACML2019] Text Length Adaptation in Sentiment Classification
Language: Python - Size: 12.2 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 7 - Forks: 4

sajith-rahim/transformer-classifier
A Transformer Classifier implemented from Scratch.
Language: Python - Size: 11.1 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

protagolabs/COVID-Q
COVID-19 Question Dataset from the paper "What Are People Asking About COVID-19? A Question Classification Dataset"
Language: Python - Size: 16.1 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

hellonlp/sentiment_analysis_bayes
sentiment analysis、情感分析、文本分类、python、bays、贝叶斯、classification
Language: Python - Size: 12.8 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 4 - Forks: 0

trinhdoduyhungss/classification_sentence_knn_simple
It's an example of a sentence classification project using KNN algorithm.
Language: JavaScript - Size: 49.8 KB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 0
