All Projects → barissayil → Sentimentanalysis

barissayil / Sentimentanalysis

Licence: mit
Sentiment analysis neural network trained by fine-tuning BERT, ALBERT, or DistilBERT on the Stanford Sentiment Treebank.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Sentimentanalysis

Onnxt5
Summarization, translation, sentiment-analysis, text-generation and more at blazing speed using a T5 version implemented in ONNX.
Stars: ✭ 143 (-23.12%)
Mutual labels:  sentiment-analysis, transformer
COVID-19-Tweet-Classification-using-Roberta-and-Bert-Simple-Transformers
Rank 1 / 216
Stars: ✭ 24 (-87.1%)
Mutual labels:  sentiment-analysis, transformer
german-sentiment
A data set and model for german sentiment classification.
Stars: ✭ 37 (-80.11%)
Mutual labels:  sentiment-analysis, transformer
Rust Bert
Rust native ready-to-use NLP pipelines and transformer-based models (BERT, DistilBERT, GPT2,...)
Stars: ✭ 510 (+174.19%)
Mutual labels:  sentiment-analysis, transformer
Stock Market Prediction Web App Using Machine Learning And Sentiment Analysis
Stock Market Prediction Web App based on Machine Learning and Sentiment Analysis of Tweets (API keys included in code). The front end of the Web App is based on Flask and Wordpress. The App forecasts stock prices of the next seven days for any given stock under NASDAQ or NSE as input by the user. Predictions are made using three algorithms: ARIMA, LSTM, Linear Regression. The Web App combines the predicted prices of the next seven days with the sentiment analysis of tweets to give recommendation whether the price is going to rise or fall
Stars: ✭ 101 (-45.7%)
Mutual labels:  flask, sentiment-analysis
Getting Things Done With Pytorch
Jupyter Notebook tutorials on solving real-world problems with Machine Learning & Deep Learning using PyTorch. Topics: Face detection with Detectron 2, Time Series anomaly detection with LSTM Autoencoders, Object Detection with YOLO v5, Build your first Neural Network, Time Series forecasting for Coronavirus daily cases, Sentiment Analysis with BERT.
Stars: ✭ 738 (+296.77%)
Mutual labels:  sentiment-analysis, transformer
ai challenger 2018 sentiment analysis
Fine-grained Sentiment Analysis of User Reviews --- AI CHALLENGER 2018
Stars: ✭ 16 (-91.4%)
Mutual labels:  sentiment-analysis, transformer
Labeled Tweet Generator
Search for tweets and download the data labeled with its polarity in CSV format
Stars: ✭ 111 (-40.32%)
Mutual labels:  flask, sentiment-analysis
Hey Jetson
Deep Learning based Automatic Speech Recognition with attention for the Nvidia Jetson.
Stars: ✭ 161 (-13.44%)
Mutual labels:  flask, sentiment-analysis
Machine Learning Deployment
Launch machine learning models into production using flask, docker etc.
Stars: ✭ 177 (-4.84%)
Mutual labels:  flask
Udata
Customizable and skinnable social platform dedicated to open data.
Stars: ✭ 181 (-2.69%)
Mutual labels:  flask
Flask api
Creating a Machine Learning API using Flask - Repository for AV Article
Stars: ✭ 177 (-4.84%)
Mutual labels:  flask
Pyecharts App
pyecharts 体验网站(已弃用)
Stars: ✭ 178 (-4.3%)
Mutual labels:  flask
Crypto trader
Q-Learning Based Cryptocurrency Trader and Portfolio Optimizer for the Poloniex Exchange
Stars: ✭ 184 (-1.08%)
Mutual labels:  sentiment-analysis
Flask Meld
Meld is a full-stack framework for Flask that allows you to create dynamic frontends in Flask using Python and the Jinja2 templating engine.
Stars: ✭ 177 (-4.84%)
Mutual labels:  flask
Dtale
Visualizer for pandas data structures
Stars: ✭ 2,864 (+1439.78%)
Mutual labels:  flask
Saltshaker api
saltshaker_plus restful api
Stars: ✭ 177 (-4.84%)
Mutual labels:  flask
Tensorflow Ml Nlp
텐서플로우와 머신러닝으로 시작하는 자연어처리(로지스틱회귀부터 트랜스포머 챗봇까지)
Stars: ✭ 176 (-5.38%)
Mutual labels:  transformer
Flango
A Django template for using Flask for the frontend, Django for the backend.
Stars: ✭ 188 (+1.08%)
Mutual labels:  flask
Datastories Semeval2017 Task4
Deep-learning model presented in "DataStories at SemEval-2017 Task 4: Deep LSTM with Attention for Message-level and Topic-based Sentiment Analysis".
Stars: ✭ 184 (-1.08%)
Mutual labels:  sentiment-analysis

Sentiment Analysis

Sentiment analysis neural network trained by fine-tuning BERT, ALBERT, or DistilBERT on the Stanford Sentiment Treebank.

https://i.imgur.com/XPQFCix.mp4

Install requirements

pip install numpy pandas torch transformers

Analyze your inputs with the model that I've uploaded on s3

python analyze.py

Train model

python train.py --model_name_or_path bert-base-uncased --output_dir my_model --num_eps 2

bert-base-uncased, albert-base-v2, distilbert-base-uncased, and other similar models are supported.

Evaluate the model that you have trained

python evaluate.py --model_name_or_path my_model

Analyze your inputs with the model you have trained

python analyze.py --model_name_or_path my_model

Setup server

pip install flask flask_cors

Run server

python server.py --model_name_or_path my_model

Setup client

cd client
npm install

Run client

cd client
npm run serve
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].