Ecosyste.ms: Awesome

An open API service indexing awesome lists of open source software.

Awesome Lists | Featured Topics | Projects

Projects in Awesome Lists tagged with recurrent-neural-networks

A curated list of projects in awesome lists tagged with recurrent-neural-networks .

https://github.com/brainjs/brain.js

🤖 GPU accelerated Neural networks in JavaScript for Browsers and Node.js

api brain browser convolutional-neural-networks easy-to-use hacktoberfest neural-network node nodejs recurrent-neural-networks stream web

Last synced: 29 Sep 2024

https://github.com/nelsonzhao/zhihu

This repo contains the source code in my personal column (https://zhuanlan.zhihu.com/zhaoyeyu), implemented using Python 3.6. Including Natural Language Processing and Computer Vision projects, such as text generation, machine translation, deep convolution GAN and other actual combat code.

autoencoder convolutional-neural-networks deep-learning gan machine-translation natural-language-processing recurrent-neural-networks style-transfer tensorflow-examples

Last synced: 26 Sep 2024

https://github.com/NELSONZHAO/zhihu

This repo contains the source code in my personal column (https://zhuanlan.zhihu.com/zhaoyeyu), implemented using Python 3.6. Including Natural Language Processing and Computer Vision projects, such as text generation, machine translation, deep convolution GAN and other actual combat code.

autoencoder convolutional-neural-networks deep-learning gan machine-translation natural-language-processing recurrent-neural-networks style-transfer tensorflow-examples

Last synced: 04 Aug 2024

https://github.com/guillaume-chevalier/lstm-human-activity-recognition

Human Activity Recognition example using TensorFlow on smartphone sensors dataset and an LSTM RNN. Classifying the type of movement amongst six activity categories - Guillaume Chevalier

activity-recognition deep-learning human-activity-recognition lstm machine-learning neural-network recurrent-neural-networks rnn tensorflow

Last synced: 30 Sep 2024

https://github.com/guillaume-chevalier/LSTM-Human-Activity-Recognition

Human Activity Recognition example using TensorFlow on smartphone sensors dataset and an LSTM RNN. Classifying the type of movement amongst six activity categories - Guillaume Chevalier

activity-recognition deep-learning human-activity-recognition lstm machine-learning neural-network recurrent-neural-networks rnn tensorflow

Last synced: 31 Jul 2024

https://github.com/amanchadha/coursera-deep-learning-specialization

Notes, programming assignments and quizzes from all courses within the Coursera Deep Learning specialization offered by deeplearning.ai: (i) Neural Networks and Deep Learning; (ii) Improving Deep Neural Networks: Hyperparameter tuning, Regularization and Optimization; (iii) Structuring Machine Learning Projects; (iv) Convolutional Neural Networks; (v) Sequence Models

andrew-ng andrew-ng-course cnns convolutional-neural-network convolutional-neural-networks coursera coursera-assignment coursera-machine-learning coursera-specialization deep-learning hyperparameter-optimization hyperparameter-tuning neural-machine-translation neural-network neural-networks neural-style-transfer recurrent-neural-network recurrent-neural-networks regularization rnns

Last synced: 30 Sep 2024

https://github.com/mravanelli/pytorch-kaldi

pytorch-kaldi is a project for developing state-of-the-art DNN/RNN hybrid speech recognition systems. The DNN part is managed by pytorch, while feature extraction, label computation, and decoding are performed with the kaldi toolkit.

asr deep-learning deep-neural-networks dnn dnn-hmm gru kaldi lstm lstm-neural-networks multilayer-perceptron-network pytorch recurrent-neural-networks rnn rnn-model speech speech-recognition timit

Last synced: 30 Sep 2024

https://github.com/asappresearch/sru

Training RNNs as Fast as CNNs (https://arxiv.org/abs/1709.02755)

deep-learning nlp pytorch recurrent-neural-networks

Last synced: 30 Sep 2024

https://github.com/githubharald/simplehtr

Handwritten Text Recognition (HTR) system implemented with TensorFlow.

deep-learning handwritten-text-recognition machine-learning ocr recurrent-neural-networks tensorflow

Last synced: 30 Sep 2024

https://github.com/githubharald/SimpleHTR

Handwritten Text Recognition (HTR) system implemented with TensorFlow.

deep-learning handwritten-text-recognition machine-learning ocr recurrent-neural-networks tensorflow

Last synced: 31 Jul 2024

https://github.com/HendrikStrobelt/LSTMVis

Visualization Toolbox for Long Short Term Memory networks (LSTMs)

lstm neural-network recurrent-neural-networks visualization

Last synced: 31 Jul 2024

https://github.com/richliao/textClassifier

Text classifier for Hierarchical Attention Networks for Document Classification

attention-mechanism convolutional-neural-networks hierarchical-attention-networks recurrent-neural-networks text-classification

Last synced: 01 Aug 2024

https://github.com/ottokart/punctuator2

A bidirectional recurrent neural network model with attention mechanism for restoring missing punctuation in unsegmented text

attention demo punctuation recurrent-neural-networks theano

Last synced: 03 Aug 2024

https://github.com/sotelo/parrot

RNN-based generative models for speech.

blocks deep-learning recurrent-neural-networks speech-synthesis theano

Last synced: 01 Aug 2024

https://github.com/jostmey/rwa

Machine Learning on Sequential Data Using a Recurrent Weighted Average

deep-memory recurrent-neural-networks recurrent-weighted-average research rwa-model sequential-data time-series

Last synced: 07 Aug 2024

https://github.com/nschaetti/EchoTorch

A Python toolkit for Reservoir Computing and Echo State Network experimentation based on pyTorch. EchoTorch is the only Python module available to easily create Deep Reservoir Computing models.

artificial-intelligence artificial-neural-networks echo-state-networks machine-learning machine-learning-algorithms machinelearning neural-networks python python-toolkit pytorch recurrent-networks recurrent-neural-networks reservoir-computing torch

Last synced: 03 Aug 2024

https://github.com/rwth-i6/returnn

The RWTH extensible training framework for universal recurrent neural networks

deep-learning gpu recurrent-neural-networks tensorflow theano

Last synced: 29 Sep 2024

https://github.com/sekwiatkowski/Komputation

Komputation is a neural network framework for the Java Virtual Machine written in Kotlin and CUDA C.

artificial-intelligence convolutional-neural-networks cuda framework gpu jvm kotlin machine-learning neural-networks nlp nvidia recurrent-neural-networks seq2seq

Last synced: 01 Aug 2024

https://github.com/zhongkaifu/RNNSharp

RNNSharp is a toolkit of deep recurrent neural network which is widely used for many different kinds of tasks, such as sequence labeling, sequence-to-sequence and so on. It's written by C# language and based on .NET framework 4.6 or above versions. RNNSharp supports many different types of networks, such as forward and bi-directional network, sequence-to-sequence network, and different types of layers, such as LSTM, Softmax, sampled Softmax and others.

c-sharp crf deep-learning dotnet lstm machine-learning nlp recurrent-neural-networks rnn rnn-model sequence-labeling

Last synced: 17 Aug 2024

https://github.com/jimfleming/recurrent-entity-networks

TensorFlow implementation of "Tracking the World State with Recurrent Entity Networks".

deep-learning machine-learning natural-language-processing recurrent-neural-networks tensorflow

Last synced: 07 Aug 2024

https://github.com/L0SG/relational-rnn-pytorch

An implementation of DeepMind's Relational Recurrent Neural Networks (NeurIPS 2018) in PyTorch.

deep-learning deepmind language-model language-modeling pytorch recurrent-neural-networks self-attention transformer word-language-model

Last synced: 07 Aug 2024

https://github.com/bogatyy/cs224d

Code for Stanford CS224D: deep learning for natural language understanding

deep-learning natural-language recurrent-neural-networks tensorflow tensorflow-examples tensorflow-tutorials

Last synced: 26 Sep 2024

https://github.com/rakeshvar/rnn_ctc

Recurrent Neural Network and Long Short Term Memory (LSTM) with Connectionist Temporal Classification implemented in Theano. Includes a Toy training example.

captcha ctc ctc-loss deep-learning gru lstm neural-network ocr python recurrent-neural-networks rnn rnn-ctc speech-recognition speech-to-text theano

Last synced: 02 Aug 2024

https://github.com/nengo/keras-lmu

Keras implementation of Legendre Memory Units

keras legendre lmu lstm nengo recurrent-neural-networks tensorflow

Last synced: 27 Sep 2024

https://github.com/hengluchang/deep-news-summarization

News summarization using sequence to sequence model with attention in TensorFlow.

deep-learning encoder-decoder gigaword lstm news-summarization recurrent-neural-networks seq2seq tensorflow tensorflow-models

Last synced: 26 Sep 2024

https://github.com/Js-Mim/mss_pytorch

Singing Voice Separation via Recurrent Inference and Skip-Filtering Connections - PyTorch Implementation. Demo:

deep-learning mss-pytorch music-source-separation pytorch recurrent-neural-networks skip-filtering-connections

Last synced: 03 Aug 2024

https://github.com/sanyam5/arc-pytorch

The first public PyTorch implementation of Attentive Recurrent Comparators

computer-vision deep-learning deep-neural-networks machine-learning pytorch recurrent-neural-networks

Last synced: 07 Aug 2024

https://github.com/guillaume-chevalier/Linear-Attention-Recurrent-Neural-Network

A recurrent attention module consisting of an LSTM cell which can query its own past cell states by the means of windowed multi-head attention. The formulas are derived from the BN-LSTM and the Transformer Network. The LARNN cell with attention can be easily used inside a loop on the cell state, just like any other RNN. (LARNN)

attention-is-all-you-need attention-mechanism attention-model lstm pytorch recurrent-neural-networks rnn

Last synced: 01 Aug 2024

https://github.com/proger/accelerated-scan

Accelerated First Order Parallel Associative Scan

cuda cumulative-sum recurrent-neural-networks state-space-model torch

Last synced: 01 Aug 2024

https://github.com/palle-k/DL4S

Accelerated tensor operations and dynamic neural networks based on reverse mode automatic differentiation for every device that can run Swift - from watchOS to Linux

autograd automatic-differentiation convolutional-neural-networks deep-learning deep-neural-networks derivatives gradient-descent machine-learning neural-networks optimizers recurrent-networks recurrent-neural-networks swift swift-machine-learning tensor

Last synced: 17 Aug 2024

https://github.com/ehsanik/dogTorch

Who Let The Dogs Out? Modeling Dog Behavior From Visual Data https://arxiv.org/pdf/1803.10827.pdf

computer-vision dog dog-movements ego-centric-videos imitation-learning modeling-dog recurrent-neural-networks representation-learning

Last synced: 31 Jul 2024

https://github.com/jinyeom/neat

NEAT (NeuroEvolution of Augmenting Topologies) implemented in Go

genetic-algorithm go neat neural-network neuroevolution recurrent-neural-networks reinforcement-learning topologies

Last synced: 30 Jul 2024

https://github.com/siddk/entity-network

Tensorflow implementation of "Tracking the World State with Recurrent Entity Networks" [https://arxiv.org/abs/1612.03969] by Henaff, Weston, Szlam, Bordes, and LeCun.

embeddings key-vectors recurrent-entity-networks recurrent-neural-networks tensorflow tensorflow-models

Last synced: 26 Sep 2024

https://github.com/neural-nuts/cam2caption

[DEPRECATED] An Android application which converts camera feed to captions in real time

android-application convolutional-neural-networks image-captioning recurrent-neural-networks tensorflow-android tensorflow-models

Last synced: 26 Sep 2024

https://github.com/MrinmoiHossain/Udacity-Deep-Learning-Nanodegree

The course is contained knowledge that are useful to work on deep learning as an engineer. Simple neural networks & training, CNN, Autoencoders and feature extraction, Transfer learning, RNN, LSTM, NLP, Data augmentation, GANs, Hyperparameter tuning, Model deployment and serving are included in the course.

convolutional-networks convolutional-neural-networks deep-learning gans generative-adversarial-network long-short-term-memory-models lstms machine-learning nanodegree neural-network nlp pytorch recurrent-neural-networks rnn sentiment-analysis style-transfer transfer-learning udacity udacity-nanodegree

Last synced: 07 Aug 2024

https://github.com/shlizee/NeuroAI

NeuroAI-UW seminar, a regular weekly seminar for the UW community, organized by NeuroAI Shlizerman Lab.

ai cvpr data-science deep-learning eccv icml neural-networks neurips neuroscience-methods recurrent-neural-networks sfn

Last synced: 02 Aug 2024

https://github.com/Curt-Park/cs231n_assignments

[Assignments] CS231N: Convolutional Neural Networks for Visual Recognition (2016 & 2017)

convolutional-neural-networks image-captioning recurrent-neural-networks visual-recognition

Last synced: 02 Aug 2024

https://github.com/ekzhang/char-rnn-keras

TensorFlow implementation of multi-layer recurrent neural networks for training and sampling from texts

char-rnn keras lstm recurrent-neural-networks tensorflow

Last synced: 02 Aug 2024

https://github.com/KrakenAI/SynThai

Thai Word Segmentation and Part-of-Speech Tagging with Deep Learning

deep-learning pos-tagging recurrent-neural-networks thai-nlp word-segmentation

Last synced: 02 Aug 2024

https://github.com/anastassia-b/imessage-chatbot

💬 Recurrent neural network -- generates messages in your style of speech! Trained on imessage data. Sqlite3, TensorFlow, Flask, Twilio SMS, AWS.

flask imessage recurrent-neural-networks sqlite3 tensorflow twilio

Last synced: 02 Oct 2024

https://github.com/UCA-Datalab/nilm-thresholding

:warning: This repository is no longer actively maintained. It previously dealt with Non-Intrusive Load Monitoring (NILM), focusing on predicting household appliance status from aggregated power load data. We explored different thresholding methods and evaluated deep learning models for regression and classification tasks.

convolutional-neural-networks deep-learning domestic-appliances gru monitoring neural-network nilm nilm-algorithms pytorch recurrent-neural-networks tensorflow thresholding thresholding-methods

Last synced: 01 Aug 2024

https://github.com/fabridamicelli/echoes

Machine Learning with Echo State Networks, a scikit-learn compatible package.

echo-state-networks machine-learning neural-network python recurrent-neural-networks reservoir-computing shallow-learning

Last synced: 02 Aug 2024

https://github.com/lucidrains/light-recurrent-unit-pytorch

Implementation of a Light Recurrent Unit in Pytorch

artificial-intelligence deep-learning recurrent-neural-networks

Last synced: 03 Oct 2024

https://github.com/anujdutt9/recurrentneuralnetwork

Recurrent Neural Network from scratch using Python and Numpy

numpy python-3-5 recurrent-neural-networks rnn

Last synced: 01 Oct 2024

https://github.com/igitugraz/h-mem

Code for Limbacher, T. and Legenstein, R. (2020). H-Mem: Harnessing synaptic plasticity with Hebbian Memory Networks

hebbian-learning memory-networks neural-networks python recurrent-neural-networks tensorflow-experiments

Last synced: 26 Sep 2024

https://github.com/x-raylaser/multi-directional-mdrnn

Custom Keras layers for implementing multi-dimensional recurrent neural networks (MDRNNs) described in Alex Graves's paper https://arxiv.org/pdf/0705.2011.pdf

deep-learning keras lstm machine-learning mdrnn multi-dimensional-rnn neural-networks paper-implementations recurrent-neural-networks rnn tensorflow

Last synced: 27 Sep 2024

https://github.com/beegass/cs-541-deep-learning

CS-541 Deep Learning is a graduate class that teaches both a theoretical and practical approach to deep learning. You will be able to see this in the different homework files in the form of workable code that can be tested as well as proofs and explanations as to where the code is coming from.

artificial-neural-networks convolutional-neural-networks deep-learning deep-neural-networks generative-adversarial-network recurrent-neural-networks

Last synced: 03 Oct 2024

https://github.com/ShaunakSen/AI-for-Web-Accessibility

This is the GitHub repository for my Masters dissertation titled: Artificial Intelligence for Web Accessibility which I completed as a part of my MSc in Data Science course in the University of Southampton, UK under the supervision of Prof. Mike Wald

artificial-intelligence convolutional-neural-networks deep-learning image-captioning natural-language-processing recurrent-neural-networks transfer-learning web-accessibility word2vec

Last synced: 29 Jul 2024

https://github.com/webpolis/musai

Machine learning-powered music generation. Full-featured tokenizer, customization options, and high-quality output files. Integration with music production tools.

deep-learning generative-art large-language-models llm machine-learning midi music music-generation nlp recurrent-neural-networks rnn text-generation tokenizer vae variational-autoencoder

Last synced: 05 Aug 2024

https://github.com/antonior92/attractors-and-smoothness-rnn

Companion code to the 2020 AISTATS paper: ''Beyond exploding and vanishing gradients: analysing RNN training using attractors and smoothness"

deep-learning pytorch recurrent-neural-networks

Last synced: 01 Oct 2024

https://github.com/ltfschoen/aind2-rnn

Term 2 Project 2 RNN and LSTM for time-series prediction and text generation

jupyter-notebook keras lstm-networks multi-class-classification recurrent-neural-networks

Last synced: 01 Oct 2024