An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: gated-recurrent-units

MartinuzziFrancesco/RecurrentLayers.jl

A comprehensive collection of 30+ recurrent neural network layers for Flux.jl

Language: Julia - Size: 1.63 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 20 - Forks: 0

Shanmukhi1920/Text-Classification

Developed an NLP system using Gradio and Hugging Face to classify disaster tweets with both machine learning (ML) and deep learning (DL) models.

Language: Jupyter Notebook - Size: 8.23 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

dilettagoglia/Signal-Processing

🔁Graphical models, Recurrent Neural Networks and SIFT algorithm for image processing, signal analysis and timeseries forecasting (MD Course: Intelligent Systems for Pattern Recognition)

Language: Python - Size: 7.08 MB - Last synced at: 3 days ago - Pushed at: almost 5 years ago - Stars: 4 - Forks: 0

b0kja85/truesaight

TRUES[AI]GHT - A Deepfake Detector Tool that Utilizes a Hybridized Machine Learning Model for Temporal and Spatial Analysis

Language: Python - Size: 14.9 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 0 - Forks: 0

Faluminus/Sec-PRED

Protein secondary structure prediction from amino acid sequence using machine learning

Language: Python - Size: 200 MB - Last synced at: 23 days ago - Pushed at: 23 days ago - Stars: 7 - Forks: 0

Andersonjesusvital/Speech-Recognition-RNN

Deep learning-based subtitle generation model that processes audio datasets to generate accurate text transcriptions. Includes audio feature extraction, encoder-decoder architecture, training pipelines, and evaluation metrics for subtitle alignment.

Size: 1.95 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

MuhammedBuyukkinaci/TensorFlow-Sentiment-Analysis-on-Amazon-Reviews-Data

Implementing different RNN models (LSTM,GRU) & Convolution models (Conv1D, Conv2D) on a subset of Amazon Reviews data with TensorFlow on Python 3. A sentiment analysis project.

Language: Python - Size: 60.5 MB - Last synced at: 13 days ago - Pushed at: over 5 years ago - Stars: 54 - Forks: 17

MKun1/Stock-Price-Prediction-

A concept of using Deep Neural Networks for Stock Price Prediction

Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

IAmFarrokhnejad/Stock-Forecasting-RNN

LSTM vs GRU

Language: Python - Size: 127 KB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

NavinBondade/Identification-Of-Toxicity-Within-Text-With-CNN-Plus-GRU-System

To tackle the spread of toxicity on internet that many times leads to depression & loss of confidence I have built a deep learning system that determines whether a text contains toxicity or not.

Language: Jupyter Notebook - Size: 55.3 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

lmizner/ECE_C247_NeuralNetworks

Course work from UCLA's ECE C247 - Neural Networks

Language: Jupyter Notebook - Size: 10.2 MB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

abhaskumarsinha/GRU-varients

An implementation of classical GRU (Cho, el at. 2014) along with Optimized versions (Dey, Rahul. 2017) on TensorFlow that outperforms Native tf.keras.layers.GRU(units) implementation of Keras.

Language: Jupyter Notebook - Size: 114 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 0

SM0311/next_word_prediction

This project is a Streamlit-powered app that predicts the next word in a given text sequence using RNN models (GRU and LSTM). Trained over 50 epochs, the GRU model achieved 70.89% training accuracy and 5.03% validation accuracy.

Language: Python - Size: 11.9 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

mravanelli/theano-kaldi-rnn

THEANO-KALDI-RNNs is a project implementing various Recurrent Neural Networks (RNNs) for RNN-HMM speech recognition. The Theano Code is coupled with the Kaldi decoder.

Language: Perl - Size: 192 KB - Last synced at: about 1 month ago - Pushed at: about 7 years ago - Stars: 33 - Forks: 13

fg-research/rnn-sagemaker

SageMaker implementation of recurrent neural networks (RNNs) for time series forecasting.

Language: Jupyter Notebook - Size: 2.06 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

nawaz0x1/X-Ray-Classification

Streamlit-based web app for classifying chest X-ray images to detect COVID-19 and Pneumonia using TensorFlow and Keras

Language: Jupyter Notebook - Size: 5.9 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

Kanishk-03-Jain/Cloud-Coverage-Detection

this is a project that predicts the cloud coverage percentage int next 15, 25 and 30 minutes based on the data of past 6 hours

Language: Jupyter Notebook - Size: 5.2 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

Rohit8y/Financial-Time-Series

Developing a PyTorch-based solution for predicting future values in financial time series data, leveraging RNNs and GRUs as part of the M3 competition for time series forecasting.

Language: Python - Size: 152 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

Mohana-Murugan/Deep-Learning

Language: Jupyter Notebook - Size: 27.6 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Ludwiggle/GRUMIDI

Recurrent Neural Network for generative MIDI music

Language: Mathematica - Size: 8.79 KB - Last synced at: about 1 month ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 1

kanchan88/eminem-rap-generator-using-RNN

RNN is one of the very powerful deep-learning algorithm which works amazingly well on Sequential Data. As historical or past data plays major role in the prediction of sequential data, RNN takes these inputs of not only recent output but also past output. Here I have used GRU for the prediction of eminem's Rap.

Language: Jupyter Notebook - Size: 20.1 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

tastyminerals/coherent-text-generation-limited

Coherent text generation with limited training data

Language: Lua - Size: 359 MB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

manashpratim/Deep-Learning-From-Scratch

Language: Jupyter Notebook - Size: 1.53 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

zamani/bike_sharing_prediction

bike sharing prediction using recurrent neural network (RNN)-gated recurrent unit (GRU) implemented in python using the pytorch framework

Language: Python - Size: 4.5 MB - Last synced at: 7 months ago - Pushed at: about 3 years ago - Stars: 4 - Forks: 2

aadimangla/IMDB-Movie-Reviews-Sentiment-Analysis

It analyses the movie review entered by a user for any specific movie and analyses what is the sentiment of the review. It helps the companies rate the movie and understand crowd sentiment regarding it. Sentiment analysis is a natural language processing problem where text is understood and the underlying intent is predicted.

Language: Jupyter Notebook - Size: 63.1 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 0

AFAgarap/malware-classification

Towards Building an Intelligent Anti-Malware System: A Deep Learning Approach using Support Vector Machine for Malware Classification

Language: Python - Size: 114 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 154 - Forks: 78

pavan-mg/online-courses

Details of certified courses covered by me. Includes notes and solutions to programming exercises.

Language: MATLAB - Size: 9.4 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

mvoassis/CIC-DDoS2019-DeepLearning

:shield: A GRU deep learning system against attacks in Software Defined Networks (SDN).

Language: Jupyter Notebook - Size: 1.14 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 8 - Forks: 4

vinayakumarr/CNN-RNN

Image classification using CNN

Language: Jupyter Notebook - Size: 813 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 13 - Forks: 7

HenriqueAssumpcao/SentiMentalHealth

Pytorch implementation of a GRU-based RNN for Sentiment Analysis in Mental Disorder Online Communitites.

Language: Jupyter Notebook - Size: 1.11 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 3

deliciouscat/Blog_Text_Embedding_and_Clustering

Triplet Loss Based User Analysis

Language: Jupyter Notebook - Size: 525 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

Hallvaeb/intelligent-systems-neural-networks

Neural Networks project for Intelligent Systems course at Tecnico, Lisbon.

Language: Python - Size: 1.91 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

ankitesh97/NewsGenerator

Rnn (vanial, GRU and LSTM) from scratch

Language: Python - Size: 40 MB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 2

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

Language: Python - Size: 50.8 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

altruistcoder/Digivision

A deep learning based application which is entitled to help the visually impaired people. The application automatically generates the textual description of what's happening in front of the camera and conveys it to person through audio. It is capable of recognising faces and tell user whether a known person is present in front of him or not.

Language: Jupyter Notebook - Size: 82.4 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 1

Rumeysakeskin/Image-Captioning

Image captioning with a benchmark of CNN-based encoder and GRU-based inject-type (init-inject, pre-inject, par-inject) and merge decoder architectures

Language: Python - Size: 3.99 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

ajaykumarvarma/Doctor-Handwriting-Recognition

doctor_prescription_recognization_using_DeepLearning project for epics

Language: Jupyter Notebook - Size: 6.95 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 3 - Forks: 0

d-dawg78/MVA_RP

Master MVA - Parsimonious Representations Project

Language: Jupyter Notebook - Size: 4.1 MB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 1

nikhils10/Multivariate-Analysis--Oil-Price-Prediction-Using-LSTM-GRU-

Comparing Long Term Short Memory (LSTM) & Gated Re-current Unit (GRU) during forecasting of oil price .Exploring multivariate relationships between West Texas Intermediate and S&P 500, Dow Jones Utility Avg, US Dollar Index Futures , US 10 Yr Treasury Bonds , Gold Futures.

Language: Jupyter Notebook - Size: 26.8 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 29 - Forks: 12

muhamuttaqien/LQ-Repository

👨🏻‍💻 My own repository to explore LearnQuran tech product in particular -obviously- AI stuffs

Language: Jupyter Notebook - Size: 106 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 0

deepakrana47/GRU_implementation

Gated Recurrent Unit implementation from scratch

Language: Python - Size: 27.3 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 6 - Forks: 1

pavancm/CONVIQT

Official implementation for "CONVIQT: Contrastive Video Quality Estimator"

Language: Python - Size: 5.95 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 16 - Forks: 0

sidchaini/Astronomical-Classification-PLASTICC

With an ever-increasing amount of astronomical data being collected, manual classification has become obsolete; and machine learning is the only way forward. Keeping this in mind, the LSST Team hosted the PLAsTiCC in 2018. This repository details our approach to this problem.

Language: Python - Size: 37.5 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 0

manankshastri/Trigger-Word-Detection

Construct a speech dataset and implement an algorithm for trigger word detection (sometimes also called keyword detection, or wakeword detection).

Language: Jupyter Notebook - Size: 23.3 MB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 14 - Forks: 5

Moeinh77/Chatbot-with-TensorFlow-and-Keras

Chatbot using Seq2Seq model and Attention

Language: Jupyter Notebook - Size: 1.78 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 12 - Forks: 3

mmsaki/price_prediction_models Fork of kyleplathe/Predicting_ETH_Price

We use machine learning tools to predict the price of ethereum from historical data, economic indicators, and community sentiment on ethereum specifically from twitter.

Language: Jupyter Notebook - Size: 62.2 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

jha-prateek/Stock-Prediction-RNN

Stock Price prediction for Yahoo Inc. using GRU (Gated Recurrant Units) in Keras. Predicting closing price for Yahoo stocks

Language: Python - Size: 34.4 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 21 - Forks: 15

susantabiswas/TriggerWordAssistant

A RNN based voice application which can do tasks when it recognizes the user speaking the Trigger word. Here the trigger word is "activate".

Language: Jupyter Notebook - Size: 11.7 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 4 - Forks: 1

sourcecode369/deep-natural-language-processing

Curated implementation notebooks and scripts of deep learning based natural language processing tasks and challenges in TensorFlow.

Language: Jupyter Notebook - Size: 24.1 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 8 - Forks: 10

Barbany/Multi-speaker-Neural-Vocoder

Bachelor's thesis carried at Universitat Politecnica de Catalunya in partial fullfilment of the requirements for the degree in Telecommunications Technologies and Services Engineering

Language: Python - Size: 23.2 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 13 - Forks: 2

souvikmajumder26/Coursera-DeepLearning-AI-TensorFlow-Developer-Professional-Certificate

👾 Specialization on Deep Learning with TensorFlow on Coursera offered by DeepLearning.AI

Language: Jupyter Notebook - Size: 17.4 MB - Last synced at: about 2 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

splAcharya/RNN_Text_Generation

Generated text using RNN(Gate Recurrent Unit: GRU).

Language: Jupyter Notebook - Size: 12.7 KB - Last synced at: 6 months ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

akshayratnawat/CommentToxicityPredictor_NLP

The model helps in predicting toxicity of Online comments, trained on Wikipedia comments data using Deep Neural Network (GRU+ GLoVe ))

Language: Jupyter Notebook - Size: 692 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

sourcecode369/deeplearning.ai-projects

This repository contains Jupyter Notebook Files of some state of the art projects that I completed during my internship program in deeplearning.ai. The project files are divided into 5 main categories or respective courses that the deeplearning.ai provides.

Language: Jupyter Notebook - Size: 23.3 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 1

ConceptCodes/Figure-of-Speech-Classifier

A simple figure of speech classifier made in a jupyter notebok using keras. Gated Recurrent Units are used inplace of LSTM's becuase of little data.

Language: Jupyter Notebook - Size: 38.1 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 1

FauzaanQureshi/music-composer

GRU DRNN model that generates classical music.

Language: Python - Size: 9.89 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

guptakhil/show-tell

Implementation of the paper "Show and Tell: A Neural Image Caption Generator" by Vinyals et al. (CVPR 2015)

Language: Python - Size: 67.7 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

narayanacharya6/SBU-NLP-HW4

Relationship Extraction using a Bi-directional GRU v/s CNN with multiple layers and max-pooling

Language: Python - Size: 57.5 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

cuteboydot/Dynamic-Memory-Networks-for-QA-System

Implementation of Dynamic Memory Networks for QA System using Tensorflow

Language: Python - Size: 3.36 MB - Last synced at: 5 months ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 1

arslansadiq/Deep-Learning-Specialization

This repository contains all the work done by me for Coursera's Deep Learning Specialization.

Language: Jupyter Notebook - Size: 359 MB - Last synced at: 6 months ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 2

deepakrana47/character-predictor

Predictes the posible full word based on given partial text.

Language: Python - Size: 3.31 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 1

Related Keywords
gated-recurrent-units 61 recurrent-neural-networks 26 deep-learning 24 gru 15 convolutional-neural-networks 15 machine-learning 15 rnn 14 python 13 tensorflow 13 lstm 10 long-short-term-memory 10 keras 9 deep-neural-networks 9 pytorch 8 neural-networks 7 natural-language-processing 7 lstm-neural-networks 7 time-series 6 long-short-term-memory-models 6 neural-network 5 sentiment-analysis 5 python3 4 cnn 4 numpy 4 attention-mechanism 4 artificial-neural-networks 4 artificial-intelligence 4 image-classification 3 nlp 3 gated-neural-network 3 chatbot 2 keras-tensorflow 2 segmentation 2 rnn-tensorflow 2 computer-vision 2 pandas 2 recurrent-neural-network 2 matplotlib 2 gated-recurrent-unit 2 word-embeddings 2 sentiment-classification 2 image-captioning 2 data-science 2 neuralnetwork 2 lstm-model 2 deep-learning-algorithms 2 deeplearning 2 nlp-machine-learning 2 seq2seq-model 2 opencv 2 image-processing 2 language-modeling 2 vanilla-rnn 2 facenet 2 classification 2 residual-networks 1 video-quality-assessment 1 multivariate-analysis 1 video-quality 1 video-processing 1 zscore 1 bigram-model 1 self-supervised-learning 1 python-script 1 quran 1 yolo 1 word2vec 1 gru-model 1 no-reference 1 blind-video-quality-assessment 1 contrastive-learning 1 contrastive-loss 1 vader-sentiment-analysis 1 graph-neural-networks 1 metric-learning 1 representation-learning 1 fuzzylogic 1 matlab 1 backpropagation-learning-algorithm 1 fakenews 1 news 1 bidirectional-rnn 1 face-recognition 1 haar-cascade 1 imagenet 1 inceptionv3 1 character-prediction 1 mongodb 1 mscoco 1 mtcnn 1 oneshotlearning 1 siamese-network 1 transfer-learning 1 vgg16 1 encoder-decoder-architecture 1 inception-v3 1 bi-lstm 1 cnn-bilstm 1 handwriting-recognition 1 sleep-apnea 1