All Projects → ACT → Similar Projects or Alternatives

479 Open source projects that are alternatives of or similar to ACT

Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (+1118.75%)
Mutual labels:  recurrent-neural-networks, rnn
Easyesn
Python library for Reservoir Computing using Echo State Networks
Stars: ✭ 93 (+481.25%)
Mutual labels:  recurrent-neural-networks, rnn
Rnn ctc
Recurrent Neural Network and Long Short Term Memory (LSTM) with Connectionist Temporal Classification implemented in Theano. Includes a Toy training example.
Stars: ✭ 220 (+1275%)
Mutual labels:  recurrent-neural-networks, rnn
Tensorflow Char Rnn
Char-RNN implemented using TensorFlow.
Stars: ✭ 429 (+2581.25%)
Mutual labels:  recurrent-neural-networks, rnn
Human-Activity-Recognition
Human activity recognition using TensorFlow on smartphone sensors dataset and an LSTM RNN. Classifying the type of movement amongst six categories (WALKING, WALKING_UPSTAIRS, WALKING_DOWNSTAIRS, SITTING, STANDING, LAYING).
Stars: ✭ 16 (+0%)
Mutual labels:  recurrent-neural-networks, rnn
EdgarAllanPoetry
Computer-generated poetry
Stars: ✭ 22 (+37.5%)
Mutual labels:  recurrent-neural-networks, rnn
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.
Stars: ✭ 2,097 (+13006.25%)
Mutual labels:  recurrent-neural-networks, rnn
rindow-neuralnetworks
Neural networks library for machine learning on PHP
Stars: ✭ 37 (+131.25%)
Mutual labels:  recurrent-neural-networks, rnn
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.
Stars: ✭ 277 (+1631.25%)
Mutual labels:  recurrent-neural-networks, rnn
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
Stars: ✭ 2,943 (+18293.75%)
Mutual labels:  recurrent-neural-networks, rnn
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (+500%)
Mutual labels:  recurrent-neural-networks, rnn
SpeakerDiarization RNN CNN LSTM
Speaker Diarization is the problem of separating speakers in an audio. There could be any number of speakers and final result should state when speaker starts and ends. In this project, we analyze given audio file with 2 channels and 2 speakers (on separate channels).
Stars: ✭ 56 (+250%)
Mutual labels:  recurrent-neural-networks, rnn
danifojo-2018-repeatrnn
Comparing Fixed and Adaptive Computation Time for Recurrent Neural Networks
Stars: ✭ 32 (+100%)
Mutual labels:  recurrent-neural-networks, rnn
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (+318.75%)
Mutual labels:  recurrent-neural-networks, rnn
tiny-rnn
Lightweight C++11 library for building deep recurrent neural networks
Stars: ✭ 41 (+156.25%)
Mutual labels:  recurrent-neural-networks, rnn
VariationalNeuralAnnealing
A variational implementation of classical and quantum annealing using recurrent neural networks for the purpose of solving optimization problems.
Stars: ✭ 21 (+31.25%)
Mutual labels:  recurrent-neural-networks, rnn
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (+206.25%)
Mutual labels:  recurrent-neural-networks, rnn
sequence-rnn-py
Sequence analyzing using Recurrent Neural Networks (RNN) based on Keras
Stars: ✭ 28 (+75%)
Mutual labels:  recurrent-neural-networks, rnn
automatic-personality-prediction
[AAAI 2020] Modeling Personality with Attentive Networks and Contextual Embeddings
Stars: ✭ 43 (+168.75%)
Mutual labels:  recurrent-neural-networks, rnn
python-machine-learning-book-2nd-edition
<머신러닝 교과서 with 파이썬, 사이킷런, 텐서플로>의 코드 저장소
Stars: ✭ 60 (+275%)
Mutual labels:  recurrent-neural-networks, rnn
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+19956.25%)
Mutual labels:  recurrent-neural-networks, rnn
sgrnn
Tensorflow implementation of Synthetic Gradient for RNN (LSTM)
Stars: ✭ 40 (+150%)
Mutual labels:  recurrent-neural-networks, rnn
Codegan
[Deprecated] Source Code Generation using Sequence Generative Adversarial Networks
Stars: ✭ 73 (+356.25%)
Mutual labels:  recurrent-neural-networks, rnn
Gru Svm
[ICMLC 2018] A Neural Network Architecture Combining Gated Recurrent Unit (GRU) and Support Vector Machine (SVM) for Intrusion Detection
Stars: ✭ 76 (+375%)
Mutual labels:  recurrent-neural-networks, rnn
Iseebetter
iSeeBetter: Spatio-Temporal Video Super Resolution using Recurrent-Generative Back-Projection Networks | Python3 | PyTorch | GANs | CNNs | ResNets | RNNs | Published in Springer Journal of Computational Visual Media, September 2020, Tsinghua University Press
Stars: ✭ 202 (+1162.5%)
Mutual labels:  recurrent-neural-networks, rnn
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)
Stars: ✭ 119 (+643.75%)
Mutual labels:  recurrent-neural-networks, rnn
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (+2243.75%)
Mutual labels:  recurrent-neural-networks, rnn
Probabilistic-RNN-DA-Classifier
Probabilistic Dialogue Act Classification for the Switchboard Corpus using an LSTM model
Stars: ✭ 22 (+37.5%)
Mutual labels:  recurrent-neural-networks, rnn
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.
Stars: ✭ 31 (+93.75%)
Mutual labels:  recurrent-neural-networks, rnn
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (+506.25%)
Mutual labels:  recurrent-neural-networks, rnn
Rnn From Scratch
Use tensorflow's tf.scan to build vanilla, GRU and LSTM RNNs
Stars: ✭ 123 (+668.75%)
Mutual labels:  recurrent-neural-networks, rnn
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.
Stars: ✭ 231 (+1343.75%)
Mutual labels:  recurrent-neural-networks
machine learning
机器学习、深度学习、NLP实战项目
Stars: ✭ 123 (+668.75%)
Mutual labels:  rnn
Variational Recurrent Autoencoder Tensorflow
A tensorflow implementation of "Generating Sentences from a Continuous Space"
Stars: ✭ 228 (+1325%)
Mutual labels:  recurrent-neural-networks
STAR Network
[PAMI 2021] Gating Revisited: Deep Multi-layer RNNs That Can Be Trained
Stars: ✭ 16 (+0%)
Mutual labels:  rnn
Selected Stories
An experimental web text editor that runs a LSTM model while you write to suggest new lines
Stars: ✭ 39 (+143.75%)
Mutual labels:  rnn
Cs224d
Code for Stanford CS224D: deep learning for natural language understanding
Stars: ✭ 222 (+1287.5%)
Mutual labels:  recurrent-neural-networks
Im2latex Tensorflow
Tensorflow implementation of the HarvardNLP paper - What You Get Is What You See: A Visual Markup Decompiler (https://arxiv.org/pdf/1609.04938v1.pdf)
Stars: ✭ 207 (+1193.75%)
Mutual labels:  recurrent-neural-networks
Attention Mechanisms
Implementations for a family of attention mechanisms, suitable for all kinds of natural language processing tasks and compatible with TensorFlow 2.0 and Keras.
Stars: ✭ 203 (+1168.75%)
Mutual labels:  recurrent-neural-networks
TCN-TF
TensorFlow Implementation of TCN (Temporal Convolutional Networks)
Stars: ✭ 107 (+568.75%)
Mutual labels:  rnn
Sentiment-Analysis-of-Netflix-Reviews
Sentiment Analysis LSTM recurrent neural network's.
Stars: ✭ 51 (+218.75%)
Mutual labels:  recurrent-neural-networks
pyradox
State of the Art Neural Networks for Deep Learning
Stars: ✭ 61 (+281.25%)
Mutual labels:  recurrent-neural-networks
Protein Sequence Embedding Iclr2019
Source code for "Learning protein sequence embeddings using information from structure" - ICLR 2019
Stars: ✭ 194 (+1112.5%)
Mutual labels:  recurrent-neural-networks
Online-Signature-Verification
Online Handwriting Signature Verification using CNN + RNN.
Stars: ✭ 16 (+0%)
Mutual labels:  rnn
Keras English Resume Parser And Analyzer
keras project that parses and analyze english resumes
Stars: ✭ 192 (+1100%)
Mutual labels:  recurrent-neural-networks
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
Stars: ✭ 188 (+1075%)
Mutual labels:  recurrent-neural-networks
TF-Speech-Recognition-Challenge-Solution
Source code of the model used in Tensorflow Speech Recognition Challenge (https://www.kaggle.com/c/tensorflow-speech-recognition-challenge). The solution ranked in top 5% in private leaderboard.
Stars: ✭ 58 (+262.5%)
Mutual labels:  recurrent-neural-networks
deeplearning.ai notes
📓 Notes for Andrew Ng's courses on deep learning
Stars: ✭ 73 (+356.25%)
Mutual labels:  rnn
Hdltex
HDLTex: Hierarchical Deep Learning for Text Classification
Stars: ✭ 191 (+1093.75%)
Mutual labels:  recurrent-neural-networks
Lstm anomaly thesis
Anomaly detection for temporal data using LSTMs
Stars: ✭ 178 (+1012.5%)
Mutual labels:  recurrent-neural-networks
SharkStock
Automate swing trading using deep reinforcement learning. The deep deterministic policy gradient-based neural network model trains to choose an action to sell, buy, or hold the stocks to maximize the gain in asset value. The paper also acknowledges the need for a system that predicts the trend in stock value to work along with the reinforcement …
Stars: ✭ 63 (+293.75%)
Mutual labels:  recurrent-neural-networks
Deep Spying
Spying using Smartwatch and Deep Learning
Stars: ✭ 172 (+975%)
Mutual labels:  recurrent-neural-networks
nemesyst
Generalised and highly customisable, hybrid-parallelism, database based, deep learning framework.
Stars: ✭ 17 (+6.25%)
Mutual labels:  rnn
Seq2Seq-chatbot
TensorFlow Implementation of Twitter Chatbot
Stars: ✭ 18 (+12.5%)
Mutual labels:  recurrent-neural-networks
Chase
Automatic trading bot (WIP)
Stars: ✭ 73 (+356.25%)
Mutual labels:  recurrent-neural-networks
Deep News Summarization
News summarization using sequence to sequence model with attention in TensorFlow.
Stars: ✭ 167 (+943.75%)
Mutual labels:  recurrent-neural-networks
Mss pytorch
Singing Voice Separation via Recurrent Inference and Skip-Filtering Connections - PyTorch Implementation. Demo:
Stars: ✭ 165 (+931.25%)
Mutual labels:  recurrent-neural-networks
deep-learning-notes
🧠👨‍💻Deep Learning Specialization • Lecture Notes • Lab Assignments
Stars: ✭ 20 (+25%)
Mutual labels:  rnn
1-60 of 479 similar projects