All Projects → melihbodr → Text_and_Audio_classification_with_Bert

melihbodr / Text_and_Audio_classification_with_Bert

Licence: other
Text Classification in Turkish Texts with Bert

Programming Languages

Jupyter Notebook
11667 projects
python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Text and Audio classification with Bert

text2text
Text2Text: Cross-lingual natural language processing and generation toolkit
Stars: ✭ 188 (+452.94%)
Mutual labels:  transformers, embeddings, bert
Pytorch-NLU
Pytorch-NLU,一个中文文本分类、序列标注工具包,支持中文长文本、短文本的多类、多标签分类任务,支持中文命名实体识别、词性标注、分词等序列标注任务。 Ptorch NLU, a Chinese text classification and sequence annotation toolkit, supports multi class and multi label classification tasks of Chinese long text and short text, and supports sequence annotation tasks such as Chinese named entity recognition, part of speech ta…
Stars: ✭ 151 (+344.12%)
Mutual labels:  text-classification, transformers, bert
TorchBlocks
A PyTorch-based toolkit for natural language processing
Stars: ✭ 85 (+150%)
Mutual labels:  text-classification, transformers, bert
text2class
Multi-class text categorization using state-of-the-art pre-trained contextualized language models, e.g. BERT
Stars: ✭ 15 (-55.88%)
Mutual labels:  text-classification, transformers, 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 (-35.29%)
Mutual labels:  text-classification, transformers, bert
backprop
Backprop makes it simple to use, finetune, and deploy state-of-the-art ML models.
Stars: ✭ 229 (+573.53%)
Mutual labels:  text-classification, transformers, bert
Spark Nlp
State of the Art Natural Language Processing
Stars: ✭ 2,518 (+7305.88%)
Mutual labels:  text-classification, transformers, bert
COVID-19-Tweet-Classification-using-Roberta-and-Bert-Simple-Transformers
Rank 1 / 216
Stars: ✭ 24 (-29.41%)
Mutual labels:  text-classification, transformers, bert
tf-faster-rcnn
Tensorflow 2 Faster-RCNN implementation from scratch supporting to the batch processing with MobileNetV2 and VGG16 backbones
Stars: ✭ 88 (+158.82%)
Mutual labels:  keras-tensorflow, tensorflow2
ganbert-pytorch
Enhancing the BERT training with Semi-supervised Generative Adversarial Networks in Pytorch/HuggingFace
Stars: ✭ 60 (+76.47%)
Mutual labels:  text-classification, bert
gcnn keras
Graph convolution with tf.keras
Stars: ✭ 47 (+38.24%)
Mutual labels:  keras-tensorflow, tensorflow2
small-text
Active Learning for Text Classification in Python
Stars: ✭ 241 (+608.82%)
Mutual labels:  text-classification, transformers
SentimentAnalysis
(BOW, TF-IDF, Word2Vec, BERT) Word Embeddings + (SVM, Naive Bayes, Decision Tree, Random Forest) Base Classifiers + Pre-trained BERT on Tensorflow Hub + 1-D CNN and Bi-Directional LSTM on IMDB Movie Reviews Dataset
Stars: ✭ 40 (+17.65%)
Mutual labels:  embeddings, bert
GoEmotions-pytorch
Pytorch Implementation of GoEmotions 😍😢😱
Stars: ✭ 95 (+179.41%)
Mutual labels:  transformers, 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 (+388.24%)
Mutual labels:  text-classification, bert
G-SimCLR
This is the code base for paper "G-SimCLR : Self-Supervised Contrastive Learning with Guided Projection via Pseudo Labelling" by Souradip Chakraborty, Aritra Roy Gosthipaty and Sayak Paul.
Stars: ✭ 69 (+102.94%)
Mutual labels:  keras-tensorflow, tensorflow2
muse-as-service
REST API for sentence tokenization and embedding using Multilingual Universal Sentence Encoder.
Stars: ✭ 45 (+32.35%)
Mutual labels:  embeddings, bert
ParsBigBird
Persian Bert For Long-Range Sequences
Stars: ✭ 58 (+70.59%)
Mutual labels:  transformers, bert
WSDM-Cup-2019
[ACM-WSDM] 3rd place solution at WSDM Cup 2019, Fake News Classification on Kaggle.
Stars: ✭ 62 (+82.35%)
Mutual labels:  text-classification, bert
ttt
A package for fine-tuning Transformers with TPUs, written in Tensorflow2.0+
Stars: ✭ 35 (+2.94%)
Mutual labels:  transformers, tensorflow2

You can watch the details of the project on my youtube channel

Youtube

Project Interface

image

Project Second Interface

image

Goal= Correctly guessing the classification of texts and audios

BERT_Text_Classification

It is a text classification task implementation transformers (by HuggingFace) with BERT. It contains several parts:

--Data pre-processing

--BERT tokenization and input formating

--Train with BERT

--Evaluation

--Save and load saved model

image

Text-classification-transformers

Text classification tasks are most easily encountered in the area of natural language processing and can be used in various ways.

However, the given data needs to be preprocessed and the model's data pipeline must be created according to the preprocessing.

The purpose of this Repository is to allow text classification to be easily performed with Transformers (BERT)-like models if text classification data has been preprocessed into a specific structure.

Implemented based on Huggingfcae transformers for quick and convenient implementation.

📝 read_dataset

image

3061 rows

Unique Categories

image

☄️ Available models

image

🏴‍☠️ Model Performance

image

Predictions Vs Actuals

image

🃏 predictor

image

97.22 📈

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].