bilalaziz786 / Analysis-of-Political-Sentiments-on-Twitter-using-Deep-LearningLinks
Aim was to develop a machine learning model which can analyze sentiments on twitter and to predict the winner of Lok Sabha Elections 2019. Web scraping was used for comments and then applied feature extraction, TF-IDF, Word2Vec, ANN and LSTM to improve the accuracy of model. Softmax function was used for multiclass classification. Learning cur…
☆16Updated 4 years ago
Alternatives and similar repositories for Analysis-of-Political-Sentiments-on-Twitter-using-Deep-Learning
Users that are interested in Analysis-of-Political-Sentiments-on-Twitter-using-Deep-Learning are comparing it to the libraries listed below
Sorting:
- Retrieving 'Topics' (concept) from corpus using (1) Latent Dirichlet Allocation (Genism) for modelling. Perplexity and Coherence score we…☆12Updated 6 years ago
- Submission of an in-class NLP sentiment analysis competition held at Microsoft AI Singapore group. This submission entry explores the per…☆14Updated 2 years ago
- This is a project of twitter sentiment analysis using machine learning(Support Vector Machines,Naive Bayes), deep learning(LSTM), Transfo…☆20Updated 3 years ago
- Using NLP and LDA for Topic Modeling and Sentiment Analysis☆43Updated 4 years ago
- (BOW, TF-IDF, Word2Vec, BERT) Word Embeddings + (SVM, Naive Bayes, Decision Tree, Random Forest) Base Classifiers + Pre-trained BERT on T…☆71Updated 5 years ago
- Malay Fake News Classification using CNN, BiLSTM, C-LSTM, RCNN, FT-BERT and BERTCNN.☆21Updated 4 years ago
- Implementing different RNN models (LSTM,GRU) & Convolution models (Conv1D, Conv2D) on a subset of Amazon Reviews data with TensorFlow on …☆53Updated 5 years ago
- Text classification using different neural networks (CNN, LSTM, Bi-LSTM, C-LSTM).☆206Updated 6 years ago
- Using topic models to discover evolution of worldwide health issues☆24Updated 6 years ago
- Classifying movie reviews as positive or negative using Word2Vec Embeddings & LSTM network☆79Updated 3 years ago
- ashishsalunkhe / DeepSpamReview-Detection-of-Fake-Reviews-on-Online-Review-Platforms-using-DeepLearning-ArchitecturesDeepSpamReview: Detection of Fake Reviews on Online Review Platforms using Deep Learning Architectures. Summer Internship project at Cor…☆67Updated 3 years ago
- Aspect-Based Opinion Mining involves extracting aspects or features of an entity and figuring out opinions about those aspects. It's a me…☆23Updated 4 years ago
- Covid-19 fake news detection using BERT, BERT+CNN, and BERT+BiLSTM☆19Updated 3 years ago
- # Topic modeling with BERT, LDA and Clustering. Latent Dirichlet Allocation(LDA) probabilistic topic assignment and pre-trained sentence …☆53Updated 4 years ago
- BiLSTM with Multi-Headed Self Attention for sentiment classification of Twitter data, implemented in Keras and PyTorch.☆27Updated 4 years ago
- Detecting Fake Reviews using Semi-Supervised Learning from the Yelp Restaurant Reviews Dataset☆65Updated 2 years ago
- Sentiment Analysis: Deep Bi-LSTM+attention model☆44Updated 3 years ago
- ABSA Toolkit☆11Updated 7 years ago
- Tweet sentiment analysis using various deep learning algorithms ranging from MLP, CNN, RNN to Transformers☆15Updated 4 years ago
- A bidirectional encoder-decoder LSTM neural network is trained for text summarization on the cnn/dailymail dataset. (MIT808 project)☆79Updated 6 years ago
- Performed Aspect Based Sentiment Analysis using Topic Modeling(LDA) and sentiment analysis and Regression analysis using Python and Spark…☆19Updated 7 years ago
- Multi-class sentiment analysis lstm, finetuned bert☆219Updated 5 years ago
- Sarcasm detection on tweets using neural network☆130Updated last year
- Summarize opinions of users about a product from a set of reviews. Extract the most common product features mentioned, most common opinio…☆23Updated 7 years ago
- Checks for the Stance detection in a unlabeled news dataset.☆13Updated 4 years ago
- Project using Naive Bayes, SVM, CNN, LSTM, etc.☆16Updated 3 years ago
- realization of paper 《Attention-based LSTM for Aspect-level Sentiment Classification》☆24Updated 4 years ago
- 基于BERT模型的中文文本情感分类☆38Updated 2 years ago
- A SVM model that classifies the reviews as real or fake. Used both the review text and the additional features contained in the data set …☆54Updated 7 years ago
- Library of Joint Topic-Sentiment Models☆33Updated 4 years ago