All Projects → loretoparisi → bert-movie-reviews-sentiment-classifier

loretoparisi / bert-movie-reviews-sentiment-classifier

Licence: MIT license
Build a Movie Reviews Sentiment Classifier with Google's BERT Language Model

Programming Languages

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

Projects that are alternatives of or similar to bert-movie-reviews-sentiment-classifier

KoBERT-nsmc
Naver movie review sentiment classification with KoBERT
Stars: ✭ 57 (+375%)
Mutual labels:  movie-reviews, bert, sentiment-classification
Senti4SD
An emotion-polarity classifier specifically trained on developers' communication channels
Stars: ✭ 41 (+241.67%)
Mutual labels:  sentiment-classifier, sentiment-classification
FinBERT-QA
Financial Domain Question Answering with pre-trained BERT Language Model
Stars: ✭ 70 (+483.33%)
Mutual labels:  bert, bert-model
backprop
Backprop makes it simple to use, finetune, and deploy state-of-the-art ML models.
Stars: ✭ 229 (+1808.33%)
Mutual labels:  language-model, bert
Keras Bert
Implementation of BERT that could load official pre-trained models for feature extraction and prediction
Stars: ✭ 2,264 (+18766.67%)
Mutual labels:  language-model, bert
Attention Mechanisms
Implementations for a family of attention mechanisms, suitable for all kinds of natural language processing tasks and compatible with TensorFlow 2.0 and Keras.
Stars: ✭ 203 (+1591.67%)
Mutual labels:  language-model, sentiment-classification
german-sentiment-lib
An easy to use python package for deep learning-based german sentiment classification.
Stars: ✭ 33 (+175%)
Mutual labels:  sentiment-classification, bert-model
Transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
Stars: ✭ 55,742 (+464416.67%)
Mutual labels:  language-model, bert
banglabert
This repository contains the official release of the model "BanglaBERT" and associated downstream finetuning code and datasets introduced in the paper titled "BanglaBERT: Language Model Pretraining and Benchmarks for Low-Resource Language Understanding Evaluation in Bangla" accpeted in Findings of the Annual Conference of the North American Chap…
Stars: ✭ 186 (+1450%)
Mutual labels:  bert, sentiment-classification
Romanian-Transformers
This repo is the home of Romanian Transformers.
Stars: ✭ 60 (+400%)
Mutual labels:  language-model, bert
COVID-19-Tweet-Classification-using-Roberta-and-Bert-Simple-Transformers
Rank 1 / 216
Stars: ✭ 24 (+100%)
Mutual labels:  bert, sentiment-classification
Awesome Sentence Embedding
A curated list of pretrained sentence and word embedding models
Stars: ✭ 1,973 (+16341.67%)
Mutual labels:  language-model, bert
Clue
中文语言理解测评基准 Chinese Language Understanding Evaluation Benchmark: datasets, baselines, pre-trained models, corpus and leaderboard
Stars: ✭ 2,425 (+20108.33%)
Mutual labels:  language-model, bert
Text tone analyzer
Система, анализирующая тональность текстов и высказываний.
Stars: ✭ 15 (+25%)
Mutual labels:  sentiment-classifier, sentiment-classification
Haystack
🔍 Haystack is an open source NLP framework that leverages Transformer models. It enables developers to implement production-ready neural search, question answering, semantic document search and summarization for a wide range of applications.
Stars: ✭ 3,409 (+28308.33%)
Mutual labels:  language-model, bert
empythy
Automated NLP sentiment predictions- batteries included, or use your own data
Stars: ✭ 17 (+41.67%)
Mutual labels:  sentiment-classifier, sentiment-classification
wechsel
Code for WECHSEL: Effective initialization of subword embeddings for cross-lingual transfer of monolingual language models.
Stars: ✭ 39 (+225%)
Mutual labels:  language-model, bert
Tokenizers
💥 Fast State-of-the-Art Tokenizers optimized for Research and Production
Stars: ✭ 5,077 (+42208.33%)
Mutual labels:  language-model, bert
Nlp chinese corpus
大规模中文自然语言处理语料 Large Scale Chinese Corpus for NLP
Stars: ✭ 6,656 (+55366.67%)
Mutual labels:  language-model, bert
german-sentiment
A data set and model for german sentiment classification.
Stars: ✭ 37 (+208.33%)
Mutual labels:  sentiment-classification, bert-model

bert-movie-reviews-sentiment-classifier

Build a Movie Reviews Sentiment Classifier with Google's BERT Language Model

What's this?

This is a example of building a Movie Reviews Sentiment classifier with Google's BERT (Bidirectional Encoder Representations from Transformers) NLP Language Model.

Requirements

This code requires scikit-learn, tensorflow-gpu, tensorflow-hub, bert-tensorflow. The code is compatibile with TF <= 1.1.50 and latest available BERT model on Tensorflow Hub. To use the cpu version please install tensorflow==1.15.0.

pip install scikit-learn
pip install tensorflow-gpu==1.15.0
pip install tensorflow-hub
pip install bert-tensorflow

How to Run

To run this project you can

  • Open the IPython Notebook src/bert_sentiment_classifier-local.ipynb in your Juypter Notebook or

  • Import src/bert_sentiment_classifier.ipynb into Google's Colab with GPU backend.

  • Open the Pyhon Interactive src/bert_sentiment_classifier.py in VisualStudio Code. See here how it works with Jupyter Notebooks and Code.

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