GitHub topics: bidirectional-rnn
Vaishnavi-vi/Fake_News_Classifier_-
The Fake News Classifier is a deep learning-based project aimed at identifying whether a given news article is real or fake automatic detection of fake news has become an essential task in the field of Natural Language Processing (NLP).
langage: Jupyter Notebook - taille: 11,2 Mo - dernière synchronisation: il y a 2 mois - enregistré: il y a 2 mois - étoiles: 1 - forks: 0

Parth-D3/Memory-Retaining-Neural-Networks
Repository for neural network which retain memory from sequential data like RNN, LSTM, GRU, etc.
taille: 1000 octets - dernière synchronisation: il y a 3 mois - enregistré: il y a 3 mois - étoiles: 0 - forks: 0

uyaseen/theano-recurrence
Recurrent Neural Networks (RNN, GRU, LSTM) and their Bidirectional versions (BiRNN, BiGRU, BiLSTM) for word & character level language modelling in Theano
langage: Python - taille: 277 ko - dernière synchronisation: il y a environ 2 mois - enregistré: il y a presque 9 ans - étoiles: 44 - forks: 24

Soumya-Chakraborty/Unsupervised-video-summarization-with-deep-GAN-reinforcement-learning
Unsupervised video summarization with deep(GAN) reinforcement learning
langage: Python - taille: 243 ko - dernière synchronisation: il y a 4 mois - enregistré: il y a environ un an - étoiles: 6 - forks: 1

abeed04/Sentiment-Analysis-using-Recurrent-Neural-Networks
Bidirectional RNNs are used to analyze the sentiment (positive, negative, neutral) of movie reviews. .
langage: Jupyter Notebook - taille: 24,8 Mo - dernière synchronisation: il y a 7 mois - enregistré: il y a environ un an - étoiles: 0 - forks: 0

Ohara124c41/NLP-Machine_Translation
Build a deep neural network that functions as part of an end-to-end machine translation pipeline. Your completed pipeline will accept English text as input and return the French translation. You’ll be able to explore several recurrent neural network architectures and compare their performance.
langage: HTML - taille: 4,21 Mo - dernière synchronisation: il y a plus d'un an - enregistré: il y a plus de 5 ans - étoiles: 0 - forks: 0

reshalfahsi/action-recognition
Action Recognition Using CNN + Bidirectional RNN
langage: Jupyter Notebook - taille: 8,65 Mo - dernière synchronisation: il y a 3 mois - enregistré: il y a plus d'un an - étoiles: 0 - forks: 0

mohadeseh-ghafoori/Coursera-Deep-Learning-Specialization
langage: Jupyter Notebook - taille: 4,83 Mo - dernière synchronisation: il y a plus d'un an - enregistré: il y a plus d'un an - étoiles: 1 - forks: 0

boxreb14/aind2-nlp-capstone
Udacity Artificial Intelligence Nanodegree Capstone Project. A Machine Translator for the translation of english to french. Trained four models Simple RNN, Embedded RNN, Bidirectional RNN and one with all three features with the later having maximum accuracy.
langage: Jupyter Notebook - taille: 2,35 Mo - dernière synchronisation: il y a plus d'un an - enregistré: il y a plus de 7 ans - étoiles: 0 - forks: 0

tonylay7/bouldering_route_classification
A third year project that revolves around classification of climbing routes using image processing and deep learning techniques
langage: Jupyter Notebook - taille: 202 Mo - dernière synchronisation: il y a plus d'un an - enregistré: il y a plus d'un an - étoiles: 0 - forks: 0

tooth2/Machine-Translation
A deep neural network that functions as part of an end-to-end machine translation pipeline.
langage: Jupyter Notebook - taille: 1,07 Mo - dernière synchronisation: il y a plus d'un an - enregistré: il y a plus de 4 ans - étoiles: 0 - forks: 0

gyunggyung/Keras-Applications
Keras 응용(CNN, RNN, GAN, DNN, ETC...) 사용법 예시
taille: 348 Mo - dernière synchronisation: il y a presque 2 ans - enregistré: il y a plus de 4 ans - étoiles: 9 - forks: 7

arunarn2/CharacterModelswithRNN-LSTM
Character level recurrent neural networks for Sentiment Analysis
langage: Python - taille: 1,25 Mo - dernière synchronisation: il y a presque 2 ans - enregistré: il y a presque 7 ans - étoiles: 5 - forks: 1

ntrang086/nlp_machine_translation
build a deep neural network that functions as part of an end-to-end machine translation pipeline; the completed pipeline accepts English text as input and returns the French translation.
langage: Python - taille: 2,39 Mo - dernière synchronisation: il y a presque 2 ans - enregistré: il y a plus de 7 ans - étoiles: 3 - forks: 2

vinayakumarr/Deep-learning-for-Programmers
Learn to code deep learning algorithms
langage: Jupyter Notebook - taille: 18,6 ko - dernière synchronisation: il y a presque 2 ans - enregistré: il y a plus de 6 ans - étoiles: 8 - forks: 16

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.
langage: Jupyter Notebook - taille: 2,95 Mo - dernière synchronisation: il y a presque 2 ans - enregistré: il y a plus de 3 ans - étoiles: 2 - forks: 0

sea-boat/DeepLearning-Lab
Code lab for deep learning. Including rnn,seq2seq,word2vec,cross entropy,bidirectional rnn,convolution operation,pooling operation,InceptionV3,transfer learning.
langage: Python - taille: 18,3 Mo - dernière synchronisation: il y a presque 2 ans - enregistré: il y a plus de 6 ans - étoiles: 84 - forks: 53

alexaapo/Bidirectional-stacked-RNN-with-LSTM-GRU
Sentiment Classifier using a bidirectional stacked RNN with LSTM/GRU cells for the Twitter sentiment analysis dataset
langage: Jupyter Notebook - taille: 96,7 ko - dernière synchronisation: il y a presque 2 ans - enregistré: il y a plus de 4 ans - étoiles: 2 - forks: 1

spChalk/Vaccine-Sentiment-Classifier
:syringe: Vaccine Sentiment Classifier is a deep learning classifier trained on real world twitter data, that distinguishes 3 types of tweets: Neutral, Anti-vax & Pro-vax.
langage: Jupyter Notebook - taille: 10 Mo - dernière synchronisation: il y a environ 2 ans - enregistré: il y a presque 3 ans - étoiles: 4 - forks: 0

Russolves/Sentiment-Analysis-with-GRU
This repository contains three variants of a Sentiment Analysis model that uses a GRU (Gated Recurrent Unit) to predict the sentiment of a given text as either positive or negative. The models were built using PyTorch, and the training and testing data came from DLStudio
langage: Python - taille: 50,8 ko - dernière synchronisation: il y a plus d'un an - enregistré: il y a plus d'un an - étoiles: 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.
langage: Jupyter Notebook - taille: 435 ko - dernière synchronisation: il y a 6 mois - enregistré: il y a presque 2 ans - étoiles: 0 - forks: 0

DataSenseiAryan/TS3000_TheChatBOT
Its a social networking chat-bot trained on Reddit dataset . It supports open bounded queries developed on the concept of Neural Machine Translation. Beware of its being sarcastic just like its creator :stuck_out_tongue_closed_eyes: BDW it uses Pytorch framework and Python3.
langage: Python - taille: 704 ko - dernière synchronisation: il y a plus de 2 ans - enregistré: il y a plus de 4 ans - étoiles: 23 - forks: 5

ProjectXMG999/ProjectXMG999-NLP-Text-generation-classification
Some mini projects and training code
langage: Jupyter Notebook - taille: 2,27 Mo - dernière synchronisation: il y a plus de 2 ans - enregistré: il y a plus de 2 ans - étoiles: 1 - forks: 0

bilsengroup/deep-triage Fork de hacetin/deep-triage 📦
Implementation of 'DeepTriage: Exploring the Effectiveness of Deep Learning for Bug Triaging'
langage: Python - taille: 102 Mo - dernière synchronisation: il y a 12 mois - enregistré: il y a plus de 6 ans - étoiles: 0 - forks: 0

mohadeseh-ghafoori/Neural-Machine-Translation
langage: Jupyter Notebook - taille: 4,88 ko - dernière synchronisation: il y a plus de 2 ans - enregistré: il y a presque 3 ans - étoiles: 0 - forks: 0

mohadeseh-ghafoori/Trigger-Word-Detection
langage: Jupyter Notebook - taille: 1,82 Mo - dernière synchronisation: il y a plus de 2 ans - enregistré: il y a presque 3 ans - étoiles: 0 - forks: 0

abhishek-niranjan/tensorflow2-rnn-tutorials
Tensorflow 2.0 tutorials for RNN based architectures for textual problems
langage: Jupyter Notebook - taille: 170 ko - dernière synchronisation: il y a plus de 2 ans - enregistré: il y a environ 5 ans - étoiles: 8 - forks: 1

yjpark1/multiagent_rl
Multi-Agent Reinforcement Learning with Particle Env. (on going)
langage: Python - taille: 629 ko - dernière synchronisation: il y a plus de 2 ans - enregistré: il y a environ 5 ans - étoiles: 5 - forks: 6

iitrsamrat/deeplearning.ai.sequence-model-papers
taille: 21,5 ko - dernière synchronisation: il y a plus de 2 ans - enregistré: il y a plus de 7 ans - étoiles: 17 - forks: 8

AdityaTheDev/TwitterSentimentAnalysis
Sentiment analysis (text mining and opinion mining) uses Natural Language Processing to determine whether data is positive, negative or neutral. Sentiment analysis is often performed on textual data to help businesses monitor brand and product sentiment in customer feedback, and understand customer needs.
langage: Jupyter Notebook - taille: 43 ko - dernière synchronisation: il y a environ 2 ans - enregistré: il y a presque 4 ans - étoiles: 0 - forks: 0

yiqiao-yin/YinPortfolioManagement
This package uses Long Short-Term Memory (LSTM) to forecast a stock price that user enters.
langage: Python - taille: 19,3 Mo - dernière synchronisation: il y a plus de 2 ans - enregistré: il y a environ 4 ans - étoiles: 0 - forks: 0

imAniketSharma/Machine-Translation
A deep neural network that functions as part of an end-to-end machine translation pipeline. The completed pipeline will accept English text as input and return the French translation.
langage: Jupyter Notebook - taille: 2,39 Mo - dernière synchronisation: il y a plus de 2 ans - enregistré: il y a environ 5 ans - étoiles: 0 - forks: 1

AnFrBo/clap_predictions
Predicting the Total Number of Claps of a Medium Blog Post Using Word Embeddings and RNNs
langage: Jupyter Notebook - taille: 395 ko - dernière synchronisation: il y a 4 mois - enregistré: il y a plus de 4 ans - étoiles: 0 - forks: 0

miraliahmadli/NLP-exercises
langage: Python - taille: 92,8 ko - dernière synchronisation: il y a plus de 2 ans - enregistré: il y a plus de 5 ans - étoiles: 2 - forks: 0

alik604/Sarcasm-Detection Fork de manashpratim/Sarcasm-Detection
Can sarcastic sentences be identified?
langage: Jupyter Notebook - taille: 241 ko - dernière synchronisation: il y a plus de 2 ans - enregistré: il y a plus de 4 ans - étoiles: 1 - forks: 0

tdaneyko/dl-sentiment
A biRNN for emotion prediction/sentiment analysis of tweets implemented with Tensorflow. Semester project for the course "Deep Learning" at the University of Tübingen in the summer semester 2017.
langage: Python - taille: 816 ko - dernière synchronisation: il y a plus de 2 ans - enregistré: il y a plus de 5 ans - étoiles: 0 - forks: 0

dongjun-Lee/rnn-text-classification-tf
Tensorflow implementation of Attention-based Bidirectional RNN text classification.
langage: Python - taille: 4,3 Mo - dernière synchronisation: il y a plus de 2 ans - enregistré: il y a environ 7 ans - étoiles: 26 - forks: 10

lepoeme20/pyTorch-RNNbase
RNN
langage: Python - taille: 5,56 Mo - dernière synchronisation: il y a plus de 2 ans - enregistré: il y a plus de 7 ans - étoiles: 3 - forks: 4

shanujshekhar/Relation_Classification_in_NLP
Given 10 predefined relations like cause-effect, product-producer, etc, the goal was to define the relation and the direction of the relation b/w 2 entities in a sentence.
langage: Python - taille: 308 ko - dernière synchronisation: il y a plus de 2 ans - enregistré: il y a environ 5 ans - étoiles: 0 - forks: 0

SSQ/Coursera-Ng-Sequence-Models
langage: HTML - taille: 31,7 Mo - dernière synchronisation: il y a plus de 2 ans - enregistré: il y a environ 6 ans - étoiles: 3 - forks: 8

Vvkmnn/touristAI
🇫🇷 English to French Translation via Python 3 and Keras RNNs.
langage: HTML - taille: 5,39 Mo - dernière synchronisation: il y a plus de 2 ans - enregistré: il y a plus de 7 ans - étoiles: 0 - forks: 0

kshitij1210/Text-Summariser
Text Summariser based on RNN-LSTM and Tensorflow
langage: Jupyter Notebook - taille: 11,1 Mo - dernière synchronisation: il y a plus de 2 ans - enregistré: il y a plus de 7 ans - étoiles: 0 - forks: 0

eldinsahbaz/NeuralMachineTranslation
Sequence-to-Sequence Deep Learning approach to Machine Translation
langage: Python - taille: 89,8 ko - dernière synchronisation: il y a plus de 2 ans - enregistré: il y a plus de 7 ans - étoiles: 0 - forks: 0
