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…
☆17Updated 5 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:
- Submission of an in-class NLP sentiment analysis competition held at Microsoft AI Singapore group. This submission entry explores the per…☆14Updated 3 years ago
- This is a project of twitter sentiment analysis using machine learning(Support Vector Machines,Naive Bayes), deep learning(LSTM), Transfo…☆20Updated 4 years ago
- Tweet sentiment analysis using various deep learning algorithms ranging from MLP, CNN, RNN to Transformers☆16Updated 4 years ago
- BiLSTM with Multi-Headed Self Attention for sentiment classification of Twitter data, implemented in Keras and PyTorch.☆27Updated 4 years ago
- Retrieving 'Topics' (concept) from corpus using (1) Latent Dirichlet Allocation (Genism) for modelling. Perplexity and Coherence score we…☆12Updated 7 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…☆68Updated 3 years ago
- Aspect Based Sentiment Analysis identifies the aspect terms and the sentiment polarity associated with each aspect term in the given revi…☆10Updated 4 years ago
- It is a Natural Language Processing Problem where Sentiment Analysis is done by Classifying the Positive tweets from negative tweets by m…☆259Updated 2 years ago
- Classifying movie reviews as positive or negative using Word2Vec Embeddings & LSTM network☆80Updated 3 years ago
- Pytorch Bert+BiLstm二分类☆40Updated 4 years ago
- Text Classification through CNN, RNN & HAN using Keras☆238Updated 6 years ago
- Using NLP and LDA for Topic Modeling and Sentiment Analysis☆43Updated 4 years ago
- Implementing different RNN models (LSTM,GRU) & Convolution models (Conv1D, Conv2D) on a subset of Amazon Reviews data with TensorFlow on …☆53Updated 6 years ago
- LSTM, CNN, CNNLSTM, BiLSTM, MLP☆10Updated 7 years ago
- 用TensorFlow搭建CNN/RNN/LSTM/GRU/BiRNN/BiLSTM/BiGRU/Capsule Network等deep learning模型☆59Updated 7 years ago
- CNN-BiGRU-Attention模型☆100Updated 3 years ago
- CNN, LSTM, RNN, GRU, DNN, BERT, Transformer, ULMFiT☆34Updated 6 months ago
- Text classification using different neural networks (CNN, LSTM, Bi-LSTM, C-LSTM).☆209Updated 7 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 …☆55Updated 7 years ago
- Malay Fake News Classification using CNN, BiLSTM, C-LSTM, RCNN, FT-BERT and BERTCNN.☆22Updated 4 years ago
- 基于pytorch进行文本多分类,主要模型为双向LSTM,预测准确率83%☆43Updated 5 years ago
- Checks for the Stance detection in a unlabeled news dataset.☆13Updated 4 years ago
- 利用CNN,LSTM,CNN_LSTM,TextCNN,Bi-LSTM和传统的机器学习算法进行情感分析,参考:https://github.com/Edward1Chou/SentimentAnalysis☆92Updated 6 years ago
- Natural Language Processing. From data preparation to building model and deploy the model to web service☆11Updated 6 years ago
- 基于pytorch框架,针对文本分类的机器学习项目,集成多种算法(xgboost, lstm, bert, mezha等等),提供基础数据集,开箱即用,方便自己二次拓展,持续更新☆33Updated 2 years ago
- ☆211Updated 2 years ago
- Sentiment analysis on tweets using Naive Bayes, SVM, CNN, LSTM, etc.☆1,631Updated 2 years ago
- A guide for binary class sentiment analysis of tweets.☆94Updated 7 years ago
- 基于电影评论数据的中文情感分析(含训练数据、验证数据) Machine Learning and Deep Learning implementations.☆82Updated 2 years ago
- Industry chain data test:Sentence classify Bi-GRU-att☆21Updated 7 years ago