All Projects → EdgarAllanPoetry → Similar Projects or Alternatives

577 Open source projects that are alternatives of or similar to EdgarAllanPoetry

Probabilistic-RNN-DA-Classifier
Probabilistic Dialogue Act Classification for the Switchboard Corpus using an LSTM model
Stars: ✭ 22 (+0%)
Mutual labels:  corpus, recurrent-neural-networks, rnn
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (+1604.55%)
Mutual labels:  recurrent-neural-networks, rnn
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (+204.55%)
Mutual labels:  recurrent-neural-networks, rnn
rindow-neuralnetworks
Neural networks library for machine learning on PHP
Stars: ✭ 37 (+68.18%)
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 (+9431.82%)
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 (+336.36%)
Mutual labels:  recurrent-neural-networks, rnn
ACT
Alternative approach for Adaptive Computation Time in TensorFlow
Stars: ✭ 16 (-27.27%)
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 (+154.55%)
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 (+818.18%)
Mutual labels:  recurrent-neural-networks, rnn
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (+340.91%)
Mutual labels:  recurrent-neural-networks, rnn
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+14486.36%)
Mutual labels:  recurrent-neural-networks, rnn
tiny-rnn
Lightweight C++11 library for building deep recurrent neural networks
Stars: ✭ 41 (+86.36%)
Mutual labels:  recurrent-neural-networks, rnn
Rnn From Scratch
Use tensorflow's tf.scan to build vanilla, GRU and LSTM RNNs
Stars: ✭ 123 (+459.09%)
Mutual labels:  recurrent-neural-networks, rnn
Tensorflow Char Rnn
Char-RNN implemented using TensorFlow.
Stars: ✭ 429 (+1850%)
Mutual labels:  recurrent-neural-networks, rnn
danifojo-2018-repeatrnn
Comparing Fixed and Adaptive Computation Time for Recurrent Neural Networks
Stars: ✭ 32 (+45.45%)
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 (+900%)
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 (+1159.09%)
Mutual labels:  recurrent-neural-networks, rnn
python-machine-learning-book-2nd-edition
<머신러닝 교과서 with 파이썬, 사이킷런, 텐서플로>의 코드 저장소
Stars: ✭ 60 (+172.73%)
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 (+245.45%)
Mutual labels:  recurrent-neural-networks, rnn
Easyesn
Python library for Reservoir Computing using Echo State Networks
Stars: ✭ 93 (+322.73%)
Mutual labels:  recurrent-neural-networks, rnn
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (+786.36%)
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 (+440.91%)
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 (-27.27%)
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 (-4.55%)
Mutual labels:  recurrent-neural-networks, rnn
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (+122.73%)
Mutual labels:  recurrent-neural-networks, rnn
automatic-personality-prediction
[AAAI 2020] Modeling Personality with Attentive Networks and Contextual Embeddings
Stars: ✭ 43 (+95.45%)
Mutual labels:  recurrent-neural-networks, rnn
Codegan
[Deprecated] Source Code Generation using Sequence Generative Adversarial Networks
Stars: ✭ 73 (+231.82%)
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 (+13277.27%)
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 (+40.91%)
Mutual labels:  recurrent-neural-networks, rnn
Seq2seq Chatbot
Chatbot in 200 lines of code using TensorLayer
Stars: ✭ 777 (+3431.82%)
Mutual labels:  corpus, rnn
sequence-rnn-py
Sequence analyzing using Recurrent Neural Networks (RNN) based on Keras
Stars: ✭ 28 (+27.27%)
Mutual labels:  recurrent-neural-networks, rnn
sgrnn
Tensorflow implementation of Synthetic Gradient for RNN (LSTM)
Stars: ✭ 40 (+81.82%)
Mutual labels:  recurrent-neural-networks, rnn
Dense BiLSTM
Tensorflow Implementation of Densely Connected Bidirectional LSTM with Applications to Sentence Classification
Stars: ✭ 48 (+118.18%)
Mutual labels:  rnn
Sequence-Models-coursera
Sequence Models by Andrew Ng on Coursera. Programming Assignments and Quiz Solutions.
Stars: ✭ 53 (+140.91%)
Mutual labels:  rnn
PFL-Non-IID
The origin of the Non-IID phenomenon is the personalization of users, who generate the Non-IID data. With Non-IID (Not Independent and Identically Distributed) issues existing in the federated learning setting, a myriad of approaches has been proposed to crack this hard nut. In contrast, the personalized federated learning may take the advantage…
Stars: ✭ 58 (+163.64%)
Mutual labels:  rnn
altair
Assessing Source Code Semantic Similarity with Unsupervised Learning
Stars: ✭ 42 (+90.91%)
Mutual labels:  rnn
Species-Names-Corpus
物种名称语料库。植物名,动物名。
Stars: ✭ 23 (+4.55%)
Mutual labels:  corpus
rnn-from-scratch
A Recurrent Neural Network implemented from scratch (using only numpy) in Python.
Stars: ✭ 62 (+181.82%)
Mutual labels:  recurrent-neural-networks
nyyelp
predicting yelp review rating using recurrent neural networks
Stars: ✭ 20 (-9.09%)
Mutual labels:  recurrent-neural-networks
totally humans
rnn trained on r/totallynotrobots 🤖
Stars: ✭ 23 (+4.55%)
Mutual labels:  rnn
deeptrolldetector
Deep troll uses a deep learning model that identifies whether an audio contains the Gemidao troll (AAAWN OOOWN NHAAA AWWWWN AAAAAH).
Stars: ✭ 20 (-9.09%)
Mutual labels:  recurrent-neural-networks
OpenDialog
An Open-Source Package for Chinese Open-domain Conversational Chatbot (中文闲聊对话系统,一键部署微信闲聊机器人)
Stars: ✭ 94 (+327.27%)
Mutual labels:  corpus
Pytorch-POS-Tagger
Part-of-Speech Tagger and custom implementations of LSTM, GRU and Vanilla RNN
Stars: ✭ 24 (+9.09%)
Mutual labels:  rnn
ML2017FALL
Machine Learning (EE 5184) in NTU
Stars: ✭ 66 (+200%)
Mutual labels:  rnn
DeepSentiPers
Repository for the experiments described in the paper named "DeepSentiPers: Novel Deep Learning Models Trained Over Proposed Augmented Persian Sentiment Corpus"
Stars: ✭ 17 (-22.73%)
Mutual labels:  corpus
rnn2d
CPU and GPU implementations of some 2D RNN layers
Stars: ✭ 26 (+18.18%)
Mutual labels:  rnn
medical-diagnosis-cnn-rnn-rcnn
分别使用rnn/cnn/rcnn来实现根据患者描述,进行疾病诊断
Stars: ✭ 39 (+77.27%)
Mutual labels:  rnn
seeing-without-looking
PyTorch implementation for Seeing without Looking: Contextual Rescoring of Object Detections for AP Mazimization
Stars: ✭ 28 (+27.27%)
Mutual labels:  recurrent-neural-networks
Singing-Voice-Separation-RNN
Singing-Voice Separation From Monaural Recordings Using Deep Recurrent Neural Networks
Stars: ✭ 44 (+100%)
Mutual labels:  recurrent-neural-networks
deep-improvisation
Easy-to-use Deep LSTM Neural Network to generate song sounds like containing improvisation.
Stars: ✭ 53 (+140.91%)
Mutual labels:  rnn
fastmorph
Fast corpus search engine originally made for the Corpus of Written Tatar language
Stars: ✭ 14 (-36.36%)
Mutual labels:  corpus
dialogue-datasets
collect the open dialog corpus and some useful data processing utils.
Stars: ✭ 24 (+9.09%)
Mutual labels:  corpus
OneStopEnglishCorpus
No description or website provided.
Stars: ✭ 38 (+72.73%)
Mutual labels:  corpus
dts
A Keras library for multi-step time-series forecasting.
Stars: ✭ 130 (+490.91%)
Mutual labels:  recurrent-neural-networks
Filipino-Text-Benchmarks
Open-source benchmark datasets and pretrained transformer models in the Filipino language.
Stars: ✭ 22 (+0%)
Mutual labels:  corpus
PubMed-PICO-Detection
PubMed PICO Element Detection Dataset
Stars: ✭ 37 (+68.18%)
Mutual labels:  corpus
LSTM-CTC-recaptcha
recaptcha with lstm and mxnet
Stars: ✭ 28 (+27.27%)
Mutual labels:  rnn
wordfish-python
extract relationships from standardized terms from corpus of interest with deep learning 🐟
Stars: ✭ 19 (-13.64%)
Mutual labels:  corpus
question-pair
A siamese LSTM to detect sentence/question pairs.
Stars: ✭ 25 (+13.64%)
Mutual labels:  rnn
1-60 of 577 similar projects