All Projects → SpeakerDiarization_RNN_CNN_LSTM → Similar Projects or Alternatives

791 Open source projects that are alternatives of or similar to SpeakerDiarization_RNN_CNN_LSTM

Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (+73.21%)
Mutual labels:  recurrent-neural-networks, lstm, rnn
automatic-personality-prediction
[AAAI 2020] Modeling Personality with Attentive Networks and Contextual Embeddings
Stars: ✭ 43 (-23.21%)
Mutual labels:  recurrent-neural-networks, lstm, rnn
sequence-rnn-py
Sequence analyzing using Recurrent Neural Networks (RNN) based on Keras
Stars: ✭ 28 (-50%)
Mutual labels:  recurrent-neural-networks, lstm, 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 (+3644.64%)
Mutual labels:  recurrent-neural-networks, lstm, 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 (+292.86%)
Mutual labels:  recurrent-neural-networks, lstm, rnn
tiny-rnn
Lightweight C++11 library for building deep recurrent neural networks
Stars: ✭ 41 (-26.79%)
Mutual labels:  recurrent-neural-networks, lstm, rnn
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (-12.5%)
Mutual labels:  recurrent-neural-networks, lstm, rnn
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (+19.64%)
Mutual labels:  recurrent-neural-networks, lstm, rnn
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (+71.43%)
Mutual labels:  recurrent-neural-networks, lstm, 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 (+112.5%)
Mutual labels:  recurrent-neural-networks, lstm, 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 (+394.64%)
Mutual labels:  recurrent-neural-networks, lstm, rnn
sgrnn
Tensorflow implementation of Synthetic Gradient for RNN (LSTM)
Stars: ✭ 40 (-28.57%)
Mutual labels:  recurrent-neural-networks, lstm, 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 (+5155.36%)
Mutual labels:  recurrent-neural-networks, lstm, rnn
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+5630.36%)
Mutual labels:  recurrent-neural-networks, lstm, rnn
Sangita
A Natural Language Toolkit for Indian Languages
Stars: ✭ 43 (-23.21%)
Mutual labels:  recurrent-neural-networks, lstm
Paper-Implementation-DSTP-RNN-For-Stock-Prediction-Based-On-DA-RNN
基於DA-RNN之DSTP-RNN論文試做(Ver1.0)
Stars: ✭ 62 (+10.71%)
Mutual labels:  lstm, rnn
Gdax Orderbook Ml
Application of machine learning to the Coinbase (GDAX) orderbook
Stars: ✭ 60 (+7.14%)
Mutual labels:  recurrent-neural-networks, lstm
Tensorflow Lstm Sin
TensorFlow 1.3 experiment with LSTM (and GRU) RNNs for sine prediction
Stars: ✭ 52 (-7.14%)
Mutual labels:  recurrent-neural-networks, lstm
Chicksexer
A Python package for gender classification.
Stars: ✭ 64 (+14.29%)
Mutual labels:  recurrent-neural-networks, lstm
datastories-semeval2017-task6
Deep-learning model presented in "DataStories at SemEval-2017 Task 6: Siamese LSTM with Attention for Humorous Text Comparison".
Stars: ✭ 20 (-64.29%)
Mutual labels:  recurrent-neural-networks, lstm
LSTM-Time-Series-Analysis
Using LSTM network for time series forecasting
Stars: ✭ 41 (-26.79%)
Mutual labels:  recurrent-neural-networks, lstm
Language Translation
Neural machine translator for English2German translation.
Stars: ✭ 82 (+46.43%)
Mutual labels:  recurrent-neural-networks, lstm
Easyesn
Python library for Reservoir Computing using Echo State Networks
Stars: ✭ 93 (+66.07%)
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 (-62.5%)
Mutual labels:  recurrent-neural-networks, rnn
Deep Learning Time Series
List of papers, code and experiments using deep learning for time series forecasting
Stars: ✭ 796 (+1321.43%)
Mutual labels:  recurrent-neural-networks, lstm
Lstm Ctc Ocr
using rnn (lstm or gru) and ctc to convert line image into text, based on torch7 and warp-ctc
Stars: ✭ 70 (+25%)
Mutual labels:  recurrent-neural-networks, lstm
keras-malicious-url-detector
Malicious URL detector using keras recurrent networks and scikit-learn classifiers
Stars: ✭ 24 (-57.14%)
Mutual labels:  recurrent-neural-networks, lstm
ArrayLSTM
GPU/CPU (CUDA) Implementation of "Recurrent Memory Array Structures", Simple RNN, LSTM, Array LSTM..
Stars: ✭ 21 (-62.5%)
Mutual labels:  lstm, rnn
Char Rnn Keras
TensorFlow implementation of multi-layer recurrent neural networks for training and sampling from texts
Stars: ✭ 40 (-28.57%)
Mutual labels:  recurrent-neural-networks, lstm
Lstmvis
Visualization Toolbox for Long Short Term Memory networks (LSTMs)
Stars: ✭ 959 (+1612.5%)
Mutual labels:  recurrent-neural-networks, lstm
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 (-44.64%)
Mutual labels:  recurrent-neural-networks, rnn
Sentiment Analysis Nltk Ml Lstm
Sentiment Analysis on the First Republic Party debate in 2016 based on Python,NLTK and ML.
Stars: ✭ 61 (+8.93%)
Mutual labels:  recurrent-neural-networks, lstm
Image Captioning
Image Captioning: Implementing the Neural Image Caption Generator with python
Stars: ✭ 52 (-7.14%)
Mutual labels:  recurrent-neural-networks, lstm
Chainer Rnn Ner
Named Entity Recognition with RNN, implemented by Chainer
Stars: ✭ 19 (-66.07%)
Mutual labels:  recurrent-neural-networks, lstm
Ai Reading Materials
Some of the ML and DL related reading materials, research papers that I've read
Stars: ✭ 79 (+41.07%)
Mutual labels:  recurrent-neural-networks, lstm
Gru Svm
[ICMLC 2018] A Neural Network Architecture Combining Gated Recurrent Unit (GRU) and Support Vector Machine (SVM) for Intrusion Detection
Stars: ✭ 76 (+35.71%)
Mutual labels:  recurrent-neural-networks, rnn
Multitask sentiment analysis
Multitask Deep Learning for Sentiment Analysis using Character-Level Language Model, Bi-LSTMs for POS Tag, Chunking and Unsupervised Dependency Parsing. Inspired by this great article https://arxiv.org/abs/1611.01587
Stars: ✭ 93 (+66.07%)
Mutual labels:  recurrent-neural-networks, lstm
Codegan
[Deprecated] Source Code Generation using Sequence Generative Adversarial Networks
Stars: ✭ 73 (+30.36%)
Mutual labels:  recurrent-neural-networks, rnn
Rnn Text Classification Tf
Tensorflow Implementation of Recurrent Neural Network (Vanilla, LSTM, GRU) for Text Classification
Stars: ✭ 114 (+103.57%)
Mutual labels:  recurrent-neural-networks, lstm
MachineLearning
Implementations of machine learning algorithm by Python 3
Stars: ✭ 16 (-71.43%)
Mutual labels:  lstm, mlp
Stock Price Predictor
This project seeks to utilize Deep Learning models, Long-Short Term Memory (LSTM) Neural Network algorithm, to predict stock prices.
Stars: ✭ 146 (+160.71%)
Mutual labels:  recurrent-neural-networks, lstm
Deep News Summarization
News summarization using sequence to sequence model with attention in TensorFlow.
Stars: ✭ 167 (+198.21%)
Mutual labels:  recurrent-neural-networks, lstm
Image Caption Generator
[DEPRECATED] A Neural Network based generative model for captioning images using Tensorflow
Stars: ✭ 141 (+151.79%)
Mutual labels:  recurrent-neural-networks, lstm
Document Classifier Lstm
A bidirectional LSTM with attention for multiclass/multilabel text classification.
Stars: ✭ 136 (+142.86%)
Mutual labels:  recurrent-neural-networks, lstm
Keras Lmu
Keras implementation of Legendre Memory Units
Stars: ✭ 160 (+185.71%)
Mutual labels:  recurrent-neural-networks, lstm
Stockprediction
Plain Stock Close-Price Prediction via Graves LSTM RNNs
Stars: ✭ 134 (+139.29%)
Mutual labels:  recurrent-neural-networks, lstm
EBIM-NLI
Enhanced BiLSTM Inference Model for Natural Language Inference
Stars: ✭ 24 (-57.14%)
Mutual labels:  lstm, rnn
Lstm anomaly thesis
Anomaly detection for temporal data using LSTMs
Stars: ✭ 178 (+217.86%)
Mutual labels:  recurrent-neural-networks, lstm
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (+248.21%)
Mutual labels:  recurrent-neural-networks, rnn
Image Caption Generator
A neural network to generate captions for an image using CNN and RNN with BEAM Search.
Stars: ✭ 126 (+125%)
Mutual labels:  recurrent-neural-networks, lstm
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 (+260.71%)
Mutual labels:  recurrent-neural-networks, rnn
novel writer
Train LSTM to writer novel (HongLouMeng here) in Pytorch.
Stars: ✭ 14 (-75%)
Mutual labels:  lstm, rnn
Probabilistic-RNN-DA-Classifier
Probabilistic Dialogue Act Classification for the Switchboard Corpus using an LSTM model
Stars: ✭ 22 (-60.71%)
Mutual labels:  recurrent-neural-networks, rnn
ACT
Alternative approach for Adaptive Computation Time in TensorFlow
Stars: ✭ 16 (-71.43%)
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 (-71.43%)
Mutual labels:  recurrent-neural-networks, rnn
dltf
Hands-on in-person workshop for Deep Learning with TensorFlow
Stars: ✭ 14 (-75%)
Mutual labels:  lstm, rnn
danifojo-2018-repeatrnn
Comparing Fixed and Adaptive Computation Time for Recurrent Neural Networks
Stars: ✭ 32 (-42.86%)
Mutual labels:  recurrent-neural-networks, rnn
lstm har
LSTM based human activity recognition using smart phone sensor dataset
Stars: ✭ 20 (-64.29%)
Mutual labels:  lstm, rnn
5baa61e4c9b93f3f0682250b6cf8331b7ee68fd8
RNN-LSTM that learns passwords from a starting list
Stars: ✭ 35 (-37.5%)
Mutual labels:  lstm, rnn
1-60 of 791 similar projects