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…☆15Updated 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
- 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
- Retrieving 'Topics' (concept) from corpus using (1) Latent Dirichlet Allocation (Genism) for modelling. Perplexity and Coherence score we…☆12Updated 7 years ago
- A Bonferroni Mean Based Fuzzy K-Nearest Centroid Neighbor (BM-FKNCN), BM-FKNN, FKNCN, FKNN, KNN Classifier☆10Updated 4 years ago
- Classifying movie reviews as positive or negative using Word2Vec Embeddings & LSTM network☆81Updated 3 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
- Convolutional Neural Network (CNN) was trained on 48x48 pixel grayscale images to predict 5 different emotions from images. Ten different…☆11Updated 3 years ago
- LSTM, CNN, CNNLSTM, BiLSTM, MLP☆10Updated 7 years ago
- Complementary Jupyter notebooks for load forecasting tutorial.☆12Updated 5 years ago
- (BOW, TF-IDF, Word2Vec, BERT) Word Embeddings + (SVM, Naive Bayes, Decision Tree, Random Forest) Base Classifiers + Pre-trained BERT on T…☆74Updated 6 years ago
- 利用CNN,LSTM,CNN_LSTM,TextCNN,Bi-LSTM和传统的机器学习算法进行情感分析,参考:https://github.com/Edward1Chou/SentimentAnalysis☆93Updated 7 years ago
- 基于电影评论数据的中文情感分析(含训练数据、验证数据) Machine Learning and Deep Learning implementations.☆82Updated 3 years ago
- Text classification using different neural networks (CNN, LSTM, Bi-LSTM, C-LSTM).☆210Updated 7 years ago
- This project optimizes EV charging station placement and capacity using MATLAB. It calculates optimal locations based on voltage stabilit…☆16Updated last year
- Malay Fake News Classification using CNN, BiLSTM, C-LSTM, RCNN, FT-BERT and BERTCNN.☆22Updated 5 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…☆29Updated 5 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
- Topic Modeling with Non-Negative Matrix Factorization (NMF)☆12Updated 6 years ago
- A multi-task learning method for multi-energy load forecasting based on synthesis correlation analysis and load participation factor☆13Updated 2 years ago
- ☆211Updated 2 years ago
- Train unsupervised LDA Topic Model on raw Yelp review text, use topic distributions as feature inputs to supervised classifier of review …☆76Updated 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
- 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
- Text Classification through CNN, RNN & HAN using Keras☆238Updated 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
- The Smart Security System For Homes using Internet of Things has been experimentally proven to work satisfactorily by connecting simple a…☆15Updated 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 5 years ago
- BiLSTM with Multi-Headed Self Attention for sentiment classification of Twitter data, implemented in Keras and PyTorch.☆27Updated 4 years ago