GitHub topics: bidirectional-lstm
Sitaras/Twitter-Covid-Vaccination-Data-Sentiment-Analysis
🦠| Sentiment analysis on tweets about covid-19 vaccinations using Soft-max Regression, FNN, RNN and BERT-Base-uncased.
Language: Jupyter Notebook - Size: 2.95 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

Vibhor-Kolte/Abstractive-Text-Summarizer
Automatic text summarization is the task of producing a concise and fluent summary while preserving key information content and overall meaning. In this project, the task was to design a deep learning based model to obtain abstractive text summarization
Language: Jupyter Notebook - Size: 19.5 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

soheilabadifard/Predicting-the-next-word
Language: Jupyter Notebook - Size: 41 KB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

GauravPahwa2021/Fake_News_Prediction
In this Project I basically develop a deep learning algorithm to identify that which article might be fake news or which is not.
Language: Jupyter Notebook - Size: 10.6 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

alik604/bioMedical-imaging
Many-in-one repo: The "MNIST" of Brain Digits - Thought classification, Motor movement classification, 3D cancer detection, and Covid detection
Language: Jupyter Notebook - Size: 760 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 7 - Forks: 2

AdiShirsath/Lyrics-Generator
Lyrics Generation using GPT2 and own created Bidirectional-lstm model
Language: Jupyter Notebook - Size: 80.1 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

hosseindamavandi/Fake-News-Detection
This repository contains AI models that identify deceptive content and combat misinformation
Language: Jupyter Notebook - Size: 100 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 15 - Forks: 0

noernimat/deep_learning_for_nlp
Sentiment analysis using deep learning
Language: Jupyter Notebook - Size: 276 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

peace195/aspect-based-sentiment-analysis
Aspect Based Sentiment Analysis
Language: C++ - Size: 60.4 MB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 106 - Forks: 38

philgookang/simple_bilstm_model
A simple many-to-one string generating Bidirectional LSTM using pytorch
Language: Python - Size: 25.2 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

irenepisani/Pattern_Recognition
Intelligent system for pattern recognition: image, signal and text processing with deep learning and generative learning models.
Language: Jupyter Notebook - Size: 73.7 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

Shivang-Shrivastav/Natural-Language-Processing
Chatbot, LSTM, Bidirectional LSTM, NLP Classification
Language: HTML - Size: 942 KB - Last synced at: 3 months ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 1

deeptangshu29/Tweet-Sentiment-Analysis
Analyze tweets with Bidirectional LSTM for sentiment. Accurately gauge public opinions, enhance brand insights, and track sentiment shifts in real-time.
Language: Jupyter Notebook - Size: 11.5 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 1

ngoquanghuy99/POS-Tagging-BiLSTM-CRF
A Tensorflow 2, Keras implementation of POS tagging using Bidirectional LSTM-CRF on Penn Treebank corpus (WSJ)
Language: Python - Size: 27.8 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 30 - Forks: 1

chloequinto/COVID-19-LSTM
Originally CPE 695 Final Project but extended work to focus on COVID-19
Language: Jupyter Notebook - Size: 1.85 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

xenaritu/Natural_Language_Processing
This repository aims is dedicated to exploring NLP problems using deep learning
Language: Python - Size: 5.86 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

rid17pawar/Sentiment-Analysis-Model-Experiments
Experiments in the field of Sentiment Analysis using ML Algorithms namely Logistic Regression, Naive Bayes along with tfidf, one hot encoding, bag of words vectorization. Different MLP and RNN models viz. LSTM, GRU, Bidirectional LSTM. Lastly, state of the art BERT model
Language: Jupyter Notebook - Size: 1.8 MB - Last synced at: 6 months ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 1

awiksshiith-narang/model_learns_and_tries-to_communicate_in_hindi
This model generates text in Hindi. The data used for training is from Kaggle. Some sentences may be meaningless but the prediction of word after word is done. Bidirectional LSTM is used in model and Dropouts are used for better training.
Language: Jupyter Notebook - Size: 30.3 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

orestxherija/smm4h2018
Code for my submission to the Shared Task of the 2018 workshop on Social Media Mining for Health Applications
Language: Jupyter Notebook - Size: 67.6 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 0

kaispace30098/miniTimeSeries
Create a multi-output machine learning dataframe and apply LSTM/Bidirectional LSTM with Tensorflow early stopping/model Checkpoint callbacks to predict the temperature for next several days
Language: Jupyter Notebook - Size: 54.7 KB - Last synced at: 10 months ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

LorenzoGianassi/CorNetAttentionXML
This is a Pytorch implementation of the paper "Correlation Networks for Extreme Multi-label Text Classification" by Guangxu Xun, Kishlay Jha, Jianhui Sun, Aidong Zhang.
Language: Jupyter Notebook - Size: 2.94 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

patrikasvanagas/Bi-LSTM-Glove-Sentiment-Classification
End-to-end review sentiment classification with text preprocessing, Bidirectional Long Short-Term Memory networks and Glove embeddings.
Language: Jupyter Notebook - Size: 435 KB - Last synced at: 6 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Aminullah6264/Pytorch-Action-Recognition
Action Recognition in Video Sequences using Deep Bi-directional LSTM with CNN Features
Language: Python - Size: 27.3 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 37 - Forks: 15

kaustubhbhavsar/intent-classification
Multiclass Intent Classification using MLP, LSTM, and BERT (subtask: Topic Modelling).
Language: Jupyter Notebook - Size: 4.23 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

manashpratim/Sarcasm-Detection
Can sarcastic sentences be identified?
Language: Jupyter Notebook - Size: 154 KB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 10 - Forks: 4

SCK22/UrbanSoundClassification
Classifying daily sounds
Language: Jupyter Notebook - Size: 7.19 MB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 3 - Forks: 1

skyradez/Audio-based-Indonesia-Toxic-Language-Classification-using-RNN-Speech-Recognition-and-NLP
Audio-based Indonesia Toxic Language Classification using Recurrent Neural Network, Speech Recognition and Natural Language Processing.
Language: Jupyter Notebook - Size: 301 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

Tsyhankova/Master-s-thesis
Master's thesis on the topic "Comparison of building chatbots based on machine learning"
Language: Jupyter Notebook - Size: 153 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

bmarroc/deep-learning
Jupyter notebooks implementing Deep Learning algorithms in Keras and Tensorflow
Language: Jupyter Notebook - Size: 97.3 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

s0nya21/Deep-Learning--ag_news_subset-LSTM
A news article's title and description should be classified into the following groups in order to solve this classification problem: 1-World, 2-Sports, 3-Business and 4-Science/Tech .Here is a sequence of data. This is a sequential problem, thus we may use bidirectional LSTM for classification since we have access to the data.
Language: Jupyter Notebook - Size: 10.7 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

numbstudent/Confused-Student-EEG-Brainwave-Data-Classification-using-XGBoost
EEG Classification on dataset https://www.kaggle.com/datasets/wanghaohan/confused-eeg
Language: Jupyter Notebook - Size: 8.1 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

MarlonCajamarca/Keras-LSTM-Trajectory-Prediction
A Keras multi-input multi-output LSTM-based RNN for object trajectory forecasting
Language: Python - Size: 13.8 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 93 - Forks: 15

temp3rr0r/Longsword-Stance-Model-Training
Longsword Stance Model Training Working demo: https://www.youtube.com/watch?v=v7hvOyPQ0EM Longsword Stance Model Training: Deep Learning model & training python scripts. The model is genenerated with Keras, as a multivariate Bidirectional Long-Short Term Memory (LSTM) network, for classification of longsword movement gestures. Softmax is being used as the activation function and sparse-categorical cross-entropy on the final dense layer
Language: Python - Size: 60.8 MB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 5 - Forks: 2

OthmanMohammad/AmazonReviewNLP-Sentiment-Analysis-for-Customer-Reviews
AmazonReviewNLP is a deep learning project that utilizes LSTMs for sentiment analysis on Amazon customer reviews.
Language: Python - Size: 6.84 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Anna868/Arabic-Handwritten-OCR
A deep learning model (DCNNs+Bi LSTMs+CTC Loss) for identification of Handwritten Arabic Text
Language: Jupyter Notebook - Size: 4.28 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 12 - Forks: 3

steinst/ABLTagger
Augmented bi-directonal LSTM POS tagger
Language: Python - Size: 3.7 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 1

lordtt13/Advanced-NLP
Recurrent Neural Networks and their fun little usage
Language: Python - Size: 128 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

fzschornack/bi-lstm-crf-tensorflow
Bidirectional LSTM + CRF (Conditional Random Fields) in Tensorflow
Language: Jupyter Notebook - Size: 16.6 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 55 - Forks: 19

Ankit152/Emotions-Detection-NLP
Emotions dataset for NLP classification tasks.
Language: Jupyter Notebook - Size: 13.7 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 2

KevinDepedri/Sentiment-Analysis
Subjectivity removal and Polarity classification of movie reviews employing a shallow model (Multinomial Naive Bayes) and a deep model (Bidirectional LSTM with self-attention)
Language: Jupyter Notebook - Size: 4.73 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

pranaya-mathur/Deep-Learning-Projects
Used Tensorflow and Keras Framework
Language: Jupyter Notebook - Size: 6.5 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 3 - Forks: 0

sidharthgurbani/HAR-using-PyTorch
Implement Human Activity Recognition in PyTorch using hybrid of LSTM, Bi-dir LSTM and Residual Network Models
Language: Python - Size: 57 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 11 - Forks: 8

asifahmed90/Cryptocurrency_Market_Prediction
Time Series based analysis of cryptocurrency prediction using deep learning models
Language: Jupyter Notebook - Size: 543 KB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 6 - Forks: 6

ApurbaSengupta/Text-Generation
Generating text sequences using attention-based Bi-LSTM
Language: Python - Size: 9.03 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 6 - Forks: 3

keshavbhandari/Next-Basket-Recommendations
This repository contains my research work on building the state of the art next basket recommendations using techniques such as Autoencoders, TF-IDF, Attention based BI-LSTM and Transformer Networks
Language: Python - Size: 3.48 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 6 - Forks: 2

erfunmirzaei/bi-directional-LSTM
Implemented a Neural Network based on bi-directional LSTM for the sentence-level relation classification- Deep Neural Network Course Project
Language: Jupyter Notebook - Size: 265 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

saket0510/Identifying-people-with-depression-based-on-social-media-presence-using-bidirectional-LSTM
A Bidirectional LSTM model is built to detect depressive tweets. This model is also compared with other models like GRU and LSTM
Language: Jupyter Notebook - Size: 388 KB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 1

KTong06/SentimentAnalysis
A two layered LSTM model to solve binary classification problem (positive and negative movie review)
Language: Python - Size: 11 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

KTong06/-RNN-Article_Catagorizer
An LSTM model to label articles into 5 categories.
Language: Python - Size: 38.8 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

abhishek-niranjan/tensorflow2-rnn-tutorials
Tensorflow 2.0 tutorials for RNN based architectures for textual problems
Language: Jupyter Notebook - Size: 170 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 8 - Forks: 1

Sarthak-1408/RNN-and-NLP
This Repo is totally based on RNN and NLP-related stuff.
Language: Jupyter Notebook - Size: 39.9 MB - Last synced at: 6 months ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

Mesut-Bilgin/Hotel-Reviews-Classifier
515k Hotel reviews classifier with bidirectional lstm
Language: Jupyter Notebook - Size: 555 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

phueb/DLSRL
Deep Bidirection LSTM for Semantic Role Labeling
Language: Python - Size: 3.62 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 8 - Forks: 2

Shivang-Shrivastav/Semi-Ruled-Chatbot-Capstone-Project
Semi Rule based Chatbot, LSTM, Bi-Directional LSTM, TKinter
Language: HTML - Size: 17.6 MB - Last synced at: 3 months ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 3

lollinng/LanguageTranslation-using-Attention-mechanism
Bidirectional LSTM used with attention layers to translate german sentences to english sentences
Language: Python - Size: 7.81 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

qcymkxyc/Bookshelf_recognization
BookShelf Structure损伤识别
Language: Jupyter Notebook - Size: 940 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 2

Shru-04/Raga-Classification-in-ICM
An innovative model developed in order to detect Raga of Hindustani Classical music.
Language: Python - Size: 51 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 1

mbfakourii/NLP-persian-category
NLP persian category with digimag and persian_news Dataset
Language: Jupyter Notebook - Size: 45.7 MB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

Mehmet3793/Capstone-Project
This Repository contains the most important parts of my Capstone Project. The project was to build and then compare the performance of traditional ML Algorithms to Deep Learning Algorithms on text data. I learned a lot about Natural Language Processing. Compiled all my findings in a 30-page report as well as my power point presentation.
Size: 2.61 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

tamlthari/vietnamese_handwritten_text_recognition_cinnamon_ocr
This is a solution to Cinnamon AI Challenge (https://drive.google.com/drive/folders/1Qa2YA6w6V5MaNV-qxqhsHHoYFRK5JB39) using convolutional, attention, bidirectional LSTM, achieving CER 0.081 WER 0.188 and SER 0.89
Language: Python - Size: 128 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 8 - Forks: 5

devangi2000/Deep-Learning
A repository for deep learning implementations using TensorFlow and Keras
Language: Jupyter Notebook - Size: 38.1 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 5 - Forks: 0

adityakgp/commentToxicity
Deep Learning Bidirectional Long Short Term Memory model to classify toxic comments into various parameters of toxicity
Language: Jupyter Notebook - Size: 104 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

LeNguyenGiaBao/Predict_Next_Word
Predict The Next Word Using RNN
Language: Jupyter Notebook - Size: 80 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

bartkowiaktomasz/har-wisdm-bidirectional-lstm-rnns
Human Activity Recognition on the Wireless Sensor Data Mining (WISDM) dataset using Bidirectional LSTM Recurrent Neural Networks
Language: Python - Size: 15.6 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 5 - Forks: 0

JediRhymeTrix/COSC-6339-HW3
Language: Jupyter Notebook - Size: 122 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

manashpratim/Tweet-Classification
Detect hate speech in tweets
Language: Jupyter Notebook - Size: 208 KB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 8 - Forks: 1

kritisingh24/Image_Classification
Language: Jupyter Notebook - Size: 39.1 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

ramyananth/Tag-Recommendation-System-RNN
Language: Jupyter Notebook - Size: 323 KB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 2 - Forks: 1

jungsoh/attention-neural-machine-translation
Neural machine translation network with an attention mechanism and its application to date translation
Language: Jupyter Notebook - Size: 1.42 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

CtrlAltFly/NLP_Sarcasm_Detection
Sarcasm Detection using NLP techniques
Language: Jupyter Notebook - Size: 2.57 MB - Last synced at: 8 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 1

rayjasson98/bi-lstm-sentiment-analysis
Sentiment analysis of news headlines using bidirectional Long Short-Term Memory (LSTM).
Language: Jupyter Notebook - Size: 163 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

Ahmad-Kaddour/BiDAF
Implementation of the Bi-Directional Attention Flow Model (BiDAF) in Python using Keras
Language: Python - Size: 9.52 MB - Last synced at: 4 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

iitrsamrat/deeplearning.ai.sequence-model-papers
Size: 21.5 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 17 - Forks: 8

Best-Brain-Gang/twitter_sentiment_analysis
This uses NLP sentiment analysis to analyze the Twitter data and the behaviour of stock prices particularly for Blizzard and CodeProjekt Red.
Language: Jupyter Notebook - Size: 26.5 MB - Last synced at: 6 months ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 1

demmojo/colabrnn
Train a bidirectional or normal LSTM recurrent neural network to generate text on a free GPU using any dataset. Just upload your text file and click run!
Language: Python - Size: 9.6 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 12 - Forks: 4

kartikmadan11/MultiChartsDLL
C++ and Python Library Files of MultiCharts
Language: C++ - Size: 1.76 MB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 8 - Forks: 8

shawnhan108/Attention-LSTMs
A set of notebooks that explores the power of Recurrent Neural Networks (RNNs), with a focus on LSTM, BiLSTM, seq2seq, and Attention.
Language: Jupyter Notebook - Size: 158 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 6 - Forks: 1

ozgen/lstm-ner-ingredient
Language: Python - Size: 23.5 MB - Last synced at: 7 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

shawnhan108/nature-notebook
A set of notebooks that leverage classical ML algorithms and DL neural nets using TF, Keras and Theano to address a series of issues in the field of conservation and biology.
Language: Jupyter Notebook - Size: 124 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

ReynaraEzra/Fake-News-Detection
Build an algorithm to determine if an article is fake news or not
Language: Jupyter Notebook - Size: 75.9 MB - Last synced at: 2 months ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

R4j4n/Generating-Laxmi-Prasad-Devkotas-Poem-Using-Bidirectional-LSTM
Nepali Poem Generation
Language: Jupyter Notebook - Size: 307 KB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 1

demmojo/text-rnn
text-rnn allows you to create modern neural network architectures which use modern techniques such as skip-embedding and attention weighting. Train either a bidirectional or normal LSTM recurrent neural network to generate text using any dataset. You can continue training a pre-trained model.
Language: Python - Size: 14.8 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

OthmanMohammad/Poetry-Generation
The model is character-based, for each character the model looks up the embedding, runs the GRU one timestep with the embedding as input, and applies the dense layer to generate logits predicting the log-likelihood of the next character.
Language: Jupyter Notebook - Size: 2.13 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

Ankit152/QuestionPair
A semantic similarity of question pairs using Glove + LSTMs.
Language: Python - Size: 45.9 KB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

Jaoaud/Capstone_Energy
Vorhersage des Preis der Ausgleichenergie (imbalance_price)
Language: Jupyter Notebook - Size: 4.01 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 2

edohgoka/Stock_Market_Analysis
Stock market analysis
Language: Jupyter Notebook - Size: 82 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

asifahmed90/Yelp-Review-Analysis
Prediction of Star Rating based on Yelp Review DB
Language: Jupyter Notebook - Size: 3.91 MB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 0

LuFernandez/twin-peaks-generator
Neural Network that writes new episodes of Twin Peaks. Using Bidirectional LSTM.
Language: Jupyter Notebook - Size: 4.1 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

prateekagr21/News-Headline-Classifier
Classifying News Headlines using LSTM and Bidirectional LSTM - Recurrent Neural Network
Language: Jupyter Notebook - Size: 51.8 KB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

cjbayron/sentiment-bi-rnn.pytorch
Bi-directional LSTM implementation of SentimentRNN (from PyTorch Scholarship Challenge)
Language: Python - Size: 6.84 KB - Last synced at: 4 months ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 1

thesaahilraj/Sarcasm-detector
News Headline Sarcasm detector - A NLP Based Website used to detect whether a sentence is sarcastic or not, using Bidirectional LSTMs.
Language: Jupyter Notebook - Size: 23.6 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 0

jasmine1601/Sentiment-Analysis
Sentiment Analysis of tweets by travelers.
Language: Jupyter Notebook - Size: 34.2 KB - Last synced at: 2 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

qcymkxyc/Benchmark_recognization
一个benchmark数据的损伤识别
Language: Jupyter Notebook - Size: 259 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

giacoballoccu/DLA-SentimentAnalysis
Sentiment analysis using different types of Bidirectional Recurrent Neural Networks on Amazon reviews dataset. The results are confronted with two baseline models which are an SVM and a RF model.
Language: Jupyter Notebook - Size: 159 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

shishpalvishnoi/CRNN-Keras Fork of qjadud1994/CRNN-Keras
CRNN (CNN+RNN) for OCR using Keras / License Plate Recognition
Language: Python - Size: 370 KB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 10 - Forks: 8

amsukdu/SimplePythonRNN
Only in native python & numpy
Language: Python - Size: 714 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 10 - Forks: 1

AkashSDas/abstractive-text-summarization
Abstractive text summarization models having encoder decoder architecture built using just LSTMs, Bidirectional LSTMs and Hybrid architecture and trained on TPU. Also pre-trained word embedding is used to speed up the process.
Language: Jupyter Notebook - Size: 2.38 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

AkashSDas/text-generation
Text generation model built using Tensorflow2 and trained on TPU. The model is multilayer Bidirectional LSTM.
Language: Jupyter Notebook - Size: 925 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

rusty-sj/Natural-Language-Processing-with-Deep-Learning
Language: Python - Size: 5.16 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

markbirds/Forecasting-COVID-19-cases
Forecasting COVID-19 cases in the Philippines.
Language: Jupyter Notebook - Size: 485 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0
