All Projects → ArrowLuo → Doer

ArrowLuo / Doer

The implementation of ACL 2019 paper DOER: Dual Cross-Shared RNN for Aspect Term-Polarity Co-Extraction

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Doer

Twitter sentiment analysis word2vec convnet
Twitter Sentiment Analysis with Gensim Word2Vec and Keras Convolutional Network
Stars: ✭ 24 (-56.36%)
Mutual labels:  sentiment-analysis
Twitter Sentiment Analysis
Sentiment analysis on tweets using Naive Bayes, SVM, CNN, LSTM, etc.
Stars: ✭ 978 (+1678.18%)
Mutual labels:  sentiment-analysis
Stocksight
Stock market analyzer and predictor using Elasticsearch, Twitter, News headlines and Python natural language processing and sentiment analysis
Stars: ✭ 1,037 (+1785.45%)
Mutual labels:  sentiment-analysis
Lstm Sentiment Analysis
Sentiment Analysis with LSTMs in Tensorflow
Stars: ✭ 886 (+1510.91%)
Mutual labels:  sentiment-analysis
Tensorflow Sentiment Analysis On Amazon Reviews Data
Implementing different RNN models (LSTM,GRU) & Convolution models (Conv1D, Conv2D) on a subset of Amazon Reviews data with TensorFlow on Python 3. A sentiment analysis project.
Stars: ✭ 34 (-38.18%)
Mutual labels:  sentiment-analysis
Sentiment Analyser
ML that can extract german and english sentiment
Stars: ✭ 35 (-36.36%)
Mutual labels:  sentiment-analysis
Amazon Mobile Sentiment Analysis
Opinion mining of Mobile reviews on Amazon platform
Stars: ✭ 19 (-65.45%)
Mutual labels:  sentiment-analysis
Meta Learning Bert
Meta learning with BERT as a learner
Stars: ✭ 52 (-5.45%)
Mutual labels:  sentiment-analysis
Neural Networks
All about Neural Networks!
Stars: ✭ 34 (-38.18%)
Mutual labels:  sentiment-analysis
Kaggle Sentiment Popcorn
Code for the Kaggle competition "Bag of Words Meets Bags of Popcorn"
Stars: ✭ 45 (-18.18%)
Mutual labels:  sentiment-analysis
Tweetmap
A real time Tweet Trend Map and Sentiment Analysis web application with kafka, Angular, Spring Boot, Flink, Elasticsearch, Kibana, Docker and Kubernetes deployed on the cloud
Stars: ✭ 28 (-49.09%)
Mutual labels:  sentiment-analysis
Harvesttext
文本挖掘和预处理工具(文本清洗、新词发现、情感分析、实体识别链接、关键词抽取、知识抽取、句法分析等),无监督或弱监督方法
Stars: ✭ 956 (+1638.18%)
Mutual labels:  sentiment-analysis
Ml Classify Text Js
Machine learning based text classification in JavaScript using n-grams and cosine similarity
Stars: ✭ 38 (-30.91%)
Mutual labels:  sentiment-analysis
Happiness Prediction
Sentimental analysis using keras in python
Stars: ✭ 25 (-54.55%)
Mutual labels:  sentiment-analysis
Oseti
Dictionary based Sentiment Analysis for Japanese
Stars: ✭ 49 (-10.91%)
Mutual labels:  sentiment-analysis
Nlp With Ruby
Curated List: Practical Natural Language Processing done in Ruby
Stars: ✭ 907 (+1549.09%)
Mutual labels:  sentiment-analysis
French Sentiment Analysis Dataset
A collection of over 1.5 Million tweets data translated to French, with their sentiment.
Stars: ✭ 35 (-36.36%)
Mutual labels:  sentiment-analysis
Text Classification Keras
📚 Text classification library with Keras
Stars: ✭ 53 (-3.64%)
Mutual labels:  sentiment-analysis
Pattern
Web mining module for Python, with tools for scraping, natural language processing, machine learning, network analysis and visualization.
Stars: ✭ 8,112 (+14649.09%)
Mutual labels:  sentiment-analysis
Machine Learning From Scratch
Succinct Machine Learning algorithm implementations from scratch in Python, solving real-world problems (Notebooks and Book). Examples of Logistic Regression, Linear Regression, Decision Trees, K-means clustering, Sentiment Analysis, Recommender Systems, Neural Networks and Reinforcement Learning.
Stars: ✭ 42 (-23.64%)
Mutual labels:  sentiment-analysis

DOER

The implementation of

DOER: Dual Cross-Shared RNN for Aspect Term-Polarity Co-Extraction. Huaishao Luo, Tianrui Li, Bing Liu, Junbo Zhang. ACL, 2019.

This paper focuses on two related subtasks of aspect-based sentiment analysis, namely aspect term extraction (ATE) and aspect sentiment classification (ASC), which we call aspect term-polarity co-extraction.

Requirements

  • python 2.7
  • tensorflow==1.2.0
pip install -r requirements.txt

Running

preprocess
python main.py --do_preprocess --data_sets laptops_2014
train
python main.py \
    --do_train --do_evaluate \
    --data_sets laptops_2014 \
    --choice_rnncell regu \
    --use_mpqa \
    --use_labels_length \
    --do_cross_share --lr 0.001 \
    --batch_size 16

See main.py for more training arguments.

word embedding

Amazon Embedding can be found in amazon, and Yelp Embedding can be found in yelp.

Citation

If this work is helpful, please cite as:

@Inproceedings{Luo2019doer,
    author = {Huaishao Luo and Tianrui Li and Bing Liu and Junbo Zhang},
    title = {DOER: Dual Cross-Shared RNN for Aspect Term-Polarity Co-Extraction},
    booktitle = {ACL},
    year = {2019}
}
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].