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 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:
- 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☆15Updated 4 years ago
- Retrieving 'Topics' (concept) from corpus using (1) Latent Dirichlet Allocation (Genism) for modelling. Perplexity and Coherence score we…☆12Updated 6 years ago
- Classifying movie reviews as positive or negative using Word2Vec Embeddings & LSTM network☆79Updated 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
- Malay Fake News Classification using CNN, BiLSTM, C-LSTM, RCNN, FT-BERT and BERTCNN.☆21Updated 4 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…☆66Updated 3 years ago
- 用TensorFlow搭建CNN/RNN/LSTM/GRU/BiRNN/BiLSTM/BiGRU/Capsule Network等deep learning模型☆59Updated 6 years ago
- I predict air quality index of a city in China using a Long Short Term Memory (LSTM) neural network. for a year. Executed time series ana…☆28Updated 5 years ago
- Text classification using different neural networks (CNN, LSTM, Bi-LSTM, C-LSTM).☆209Updated 7 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
- Identification of road surfaces and 12 different classes like speed bumps, paved, unpaved, markings, water puddles, potholes, etc.☆15Updated 2 years ago
- BiLSTM with Multi-Headed Self Attention for sentiment classification of Twitter data, implemented in Keras and PyTorch.☆27Updated 4 years ago
- An analysis of electric vehicle charging times given usage data☆12Updated 9 years ago
- CNN, LSTM, RNN, GRU, DNN, BERT, Transformer, ULMFiT☆34Updated 4 months ago
- It is a Natural Language Processing Problem where Sentiment Analysis is done by Classifying the Positive tweets from negative tweets by m…☆254Updated last year
- Pytorch Bert+BiLstm二分类☆41Updated 4 years ago
- To predict the air quality index using meterological data using machine learning algorithms and LSTM(Long Short Term Memory)☆10Updated 6 years ago
- Covid-19 fake news detection using BERT, BERT+CNN, and BERT+BiLSTM☆19Updated 4 years ago
- Twitter tweets play an important role in every organisation. This project is based on analysing the English tweets and categorizing the t…☆15Updated 5 years ago
- An Improved LSTM Model for Behavior Recognition of Intelligent Vehicles.A total of four experiments have done,including vehivle behavior …☆20Updated 4 years ago
- realization of paper 《Attention-based LSTM for Aspect-level Sentiment Classification》☆24Updated 4 years ago
- 基于pytorch框架,针对文本分类的机器学习项目,集成多种算法(xgboost, lstm, bert, mezha等等),提供基础数据集,开箱即用,方便自己二次拓展,持续更新☆33Updated 2 years ago
- 利用CNN,LSTM,CNN_LSTM,TextCNN,Bi-LSTM和传统的机器学习算法进行情感分析,参考:https://github.com/Edward1Chou/SentimentAnalysis☆92Updated 6 years ago
- ☆211Updated 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 …☆55Updated 7 years ago
- LSTM, CNN, CNNLSTM, BiLSTM, MLP☆10Updated 7 years ago
- (BOW, TF-IDF, Word2Vec, BERT) Word Embeddings + (SVM, Naive Bayes, Decision Tree, Random Forest) Base Classifiers + Pre-trained BERT on T…☆73Updated 5 years ago