gated-recurrent-unit
There are 34 repositories under gated-recurrent-unit topic.
BarnesLab/Patient2Vec
Patient2Vec: A Personalized Interpretable Deep Representation of the Longitudinal Electronic Health Record
ROBINADC/BiGRU-CRF-with-Attention-for-NER
Named Entity Recognition (NER) with different combinations of BiGRU, Self-Attention and CRF
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.
jingwenshi-dev/Weather-Forecasting-by-GRU-Transformer
Predict the next 24 hours' temperatures by GRU and Transformer
georgezoto/RNN-LSTM-NLP-Sequence-Models
Sequence Models repository for all projects and programming assignments of Course 5 of 5 of the Deep Learning Specialization offered on Coursera and taught by Andrew Ng, covering topics such as Recurrent Neural Network (RNN), Gated Recurrent Unit (GRU), Long Short Term Memory (LSTM), Natural Language Processing, Word Embeddings and Attention Model.
TATU-hacker/CNN-LSTM-GRU
Next–Generation Intrusion Detection for IoT EVCS: Integrating CNN, LSTM, and GRU Models
lbasek/named-entity-recognition
Named Entity Recognition - Python - Keras
dizcza/stm32f429-chars
STM32F429 Online handwritten character classification with Gated Recurrent Unit Neural Network
denismurphy/gru-coreml
CoreML compatible GRU neural network for dynamic prediction
chuksoo/Deep-Learning-Specialization
This repository contains notes, slides, labs, assignments and projects for the Deep Learning Specialization by DeepLearning.AI and Coursera.
jo0707/sentiment-analysis
Sentiment Analysis attempt and comparison in chess.com play store review using multiple algorithm and feature extraction
RezaSaadatyar/Deep-Learning-in-python
Deep Learning in python
furk4neg3/Sales-Forecasting
Created AI models to forecast Wallmart's sales. Used different models, like dense, LSTM, GRU and naive model. Different window and horizon sizes are used too. Compared models visually at the end.
gtancev/MD-GRU
Code for Multi-dimensional Gated Recurrent Units for the Segmentation of Biomedical Data
jungsoh/gru-trigger-word-detection
Recurrent neural network with GRUs for trigger word detection from an audio clip
lekod/knowledge-graph-git
I constructed a knowledge graph of stakeholders of Bavarian state ministries and used network analysis to calculate statistics. Furthermore time-series feature forecasting and topological link prediction was employed to analyze the evolution of the network.
Mohamed-derbeli/Natural-Language-Processing-in-TensorFlow
This repository includes course assignments of Natural Language Processing in TensorFlow on Coursera by DeepLearning.AI
mrodriguezsanz/DeepLearningAI-DeepLearningSpecialization
Participants in this Specialization have the opportunity to construct and train various neural network architectures, including Convolutional Neural Networks, Recurrent Neural Networks, LSTMs, and Transformers. They learn to enhance these networks with techniques such as Dropout, BatchNorm, Xavier/He initialization, among others.
shreyas-muralidhara/Bitcoin-price-prediction
Implementation of LSTM time series tuned with GRU.
yarkin06/Neural-Network-Projects
Codes for EEE 443 Neural Networks Projects
Alvov1/Model-Inversion-Attack-with-GAN
Implementation of the model inversion attack on the Gated-Recurrent-Unit neural network
EdwardQuah/RNN-StockPrediction
Repository for Deep Learning Fundamentals Assignment 3: RNN for Stock Price Prediction
luisosorio3214/Microsoft-Stock-Analysis
Microsoft Stock Deep Learning Model Prediction and Story Timeline Analysis.
sayandeepmaity/vseven_lumi
An FPGA based solution with suitable algorithm for classification and localization of sound. The final result will be displayed on Graphic LCD.
adityaa30/machine-translator
Algorithm to convert between various languages with the help of NLP techniques
IAmFarrokhnejad/Stock-Forecasting-RNN
LSTM vs GRU
KrupalWarale/Home-Energy-Consumption-Analysis-ML
This web application for predicting household energy consumption using multiple machine learning models with best accuracy and interactive visualizations and real-time comparison capabilities.
mehdisahraeei/Intro-Gru
Introductory-Gru
nonlinear-vibes/temporal-neural-network
Modular deep learning model for multivariate time series classification
ramelica/Amazon_Analysis_Project
Amazon Sales Analytics full pipeline for forecasting and insights 🐙. Python, MySQL, Power BI, and Azure Blob handle generation, storage, dashboards, and forecasts.
saadtariq-ds/Next-Word-Prediction
This project aims to develop a deep learning model for predicting the next word in a given sequence of words. The model is built using LSTM and GRU networks, which are well-suited for sequence prediction tasks
SayamAlt/MIT-Movies-NER-using-Bidirectional-GRU-Attention
Successfully developed a Named Entity Recognition (NER) model using a Bidirectional GRU with Attention on the MIT Movies dataset to identify and classify movie-related entities like titles, actors, and genres.
willy377/Prediction-and-Analysis-of-Dogecoin-Price-Movements-using-Gated-Recurrent-Unit--GRU-
This repository contains a prediction model and simple analysis tool for dogecoin price movements using Gated Recurrent Units (GRU). The dataset used is daily Dogecoin from 25 December 2017 to 31 December 2024 (7 years 1 week) which is recorded every day.