All Projects → Siamese Lstm → Similar Projects or Alternatives

398 Open source projects that are alternatives of or similar to Siamese Lstm

Charades Algorithms
Activity Recognition Algorithms for the Charades Dataset
Stars: ✭ 181 (-16.59%)
Mutual labels:  lstm
Abstractive Summarization
Implementation of abstractive summarization using LSTM in the encoder-decoder architecture with local attention.
Stars: ✭ 128 (-41.01%)
Mutual labels:  lstm
Sequitur
Library of autoencoders for sequential data
Stars: ✭ 162 (-25.35%)
Mutual labels:  lstm
Chinese Chatbot
中文聊天机器人,基于10万组对白训练而成,采用注意力机制,对一般问题都会生成一个有意义的答复。已上传模型,可直接运行,跑不起来直播吃键盘。
Stars: ✭ 124 (-42.86%)
Mutual labels:  lstm
Deepsleepnet
DeepSleepNet: a Model for Automatic Sleep Stage Scoring based on Raw Single-Channel EEG
Stars: ✭ 200 (-7.83%)
Mutual labels:  lstm
Multilstm
keras attentional bi-LSTM-CRF for Joint NLU (slot-filling and intent detection) with ATIS
Stars: ✭ 122 (-43.78%)
Mutual labels:  lstm
Keras Lmu
Keras implementation of Legendre Memory Units
Stars: ✭ 160 (-26.27%)
Mutual labels:  lstm
Context
ConText v4: Neural networks for text categorization
Stars: ✭ 120 (-44.7%)
Mutual labels:  lstm
Lstm anomaly thesis
Anomaly detection for temporal data using LSTMs
Stars: ✭ 178 (-17.97%)
Mutual labels:  lstm
Pointer Networks
Pointer Networks Implementation in Keras
Stars: ✭ 118 (-45.62%)
Mutual labels:  lstm
Amazon Product Recommender System
Sentiment analysis on Amazon Review Dataset available at http://snap.stanford.edu/data/web-Amazon.html
Stars: ✭ 158 (-27.19%)
Mutual labels:  lstm
Nlp Models Tensorflow
Gathers machine learning and Tensorflow deep learning models for NLP problems, 1.13 < Tensorflow < 2.0
Stars: ✭ 1,603 (+638.71%)
Mutual labels:  lstm
Graph convolutional lstm
Traffic Graph Convolutional Recurrent Neural Network
Stars: ✭ 210 (-3.23%)
Mutual labels:  lstm
Rnn Text Classification Tf
Tensorflow Implementation of Recurrent Neural Network (Vanilla, LSTM, GRU) for Text Classification
Stars: ✭ 114 (-47.47%)
Mutual labels:  lstm
Nspm
🤖 Neural SPARQL Machines for Knowledge Graph Question Answering.
Stars: ✭ 156 (-28.11%)
Mutual labels:  lstm
Lstm Gru Pytorch
LSTM and GRU in PyTorch
Stars: ✭ 109 (-49.77%)
Mutual labels:  lstm
Deep Algotrading
A resource for learning about deep learning techniques from regression to LSTM and Reinforcement Learning using financial data and the fitness functions of algorithmic trading
Stars: ✭ 173 (-20.28%)
Mutual labels:  lstm
Robust Lane Detection
Stars: ✭ 110 (-49.31%)
Mutual labels:  lstm
Tensorflow Multi Dimensional Lstm
Multi dimensional LSTM as described in Alex Graves' Paper https://arxiv.org/pdf/0705.2011.pdf
Stars: ✭ 154 (-29.03%)
Mutual labels:  lstm
Twitter Emotion Recognition
Models for predicting emotions from English tweets.
Stars: ✭ 111 (-48.85%)
Mutual labels:  lstm
Char Rnn Chinese
Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch. Based on code of https://github.com/karpathy/char-rnn. Support Chinese and other things.
Stars: ✭ 192 (-11.52%)
Mutual labels:  lstm
Deep Learning Based Ecg Annotator
Annotation of ECG signals using deep learning, tensorflow’ Keras
Stars: ✭ 110 (-49.31%)
Mutual labels:  lstm
Mimick
Code for Mimicking Word Embeddings using Subword RNNs (EMNLP 2017)
Stars: ✭ 152 (-29.95%)
Mutual labels:  lstm
Tesseract
This package contains an OCR engine - libtesseract and a command line program - tesseract. Tesseract 4 adds a new neural net (LSTM) based OCR engine which is focused on line recognition, but also still supports the legacy Tesseract OCR engine of Tesseract 3 which works by recognizing character patterns. Compatibility with Tesseract 3 is enabled by using the Legacy OCR Engine mode (--oem 0). It also needs traineddata files which support the legacy engine, for example those from the tessdata repository.
Stars: ✭ 43,199 (+19807.37%)
Mutual labels:  lstm
Multimodal Sentiment Analysis
Attention-based multimodal fusion for sentiment analysis
Stars: ✭ 172 (-20.74%)
Mutual labels:  lstm
Ml Ai Experiments
All my experiments with AI and ML
Stars: ✭ 107 (-50.69%)
Mutual labels:  lstm
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 (-32.72%)
Mutual labels:  lstm
Jlm
A fast LSTM Language Model for large vocabulary language like Japanese and Chinese
Stars: ✭ 105 (-51.61%)
Mutual labels:  lstm
Haste
Haste: a fast, simple, and open RNN library
Stars: ✭ 214 (-1.38%)
Mutual labels:  lstm
See Rnn
RNN and general weights, gradients, & activations visualization in Keras & TensorFlow
Stars: ✭ 102 (-53%)
Mutual labels:  lstm
Pytorch Image Comp Rnn
PyTorch implementation of Full Resolution Image Compression with Recurrent Neural Networks
Stars: ✭ 146 (-32.72%)
Mutual labels:  lstm
Deep Generation
I used in this project a reccurent neural network to generate c code based on a dataset of c files from the linux repository.
Stars: ✭ 101 (-53.46%)
Mutual labels:  lstm
Kaggle Competition Favorita
5th place solution for Kaggle competition Favorita Grocery Sales Forecasting
Stars: ✭ 169 (-22.12%)
Mutual labels:  lstm
Keras Timeseries Prediction
Time series prediction with Sequential Model and LSTM units
Stars: ✭ 100 (-53.92%)
Mutual labels:  lstm
Rnn poetry generator
基于RNN生成古诗
Stars: ✭ 143 (-34.1%)
Mutual labels:  lstm
A Recsys
A Tensorflow based implicit recommender system
Stars: ✭ 99 (-54.38%)
Mutual labels:  lstm
Stylenet
A cute multi-layer LSTM that can perform like a human 🎶
Stars: ✭ 187 (-13.82%)
Mutual labels:  lstm
Text predictor
Char-level RNN LSTM text generator📄.
Stars: ✭ 99 (-54.38%)
Mutual labels:  lstm
Deep Learning Resources
A Collection of resources I have found useful on my journey finding my way through the world of Deep Learning.
Stars: ✭ 141 (-35.02%)
Mutual labels:  lstm
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (-55.76%)
Mutual labels:  lstm
Eeg Dl
A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.
Stars: ✭ 165 (-23.96%)
Mutual labels:  lstm
Word Rnn Tensorflow
Multi-layer Recurrent Neural Networks (LSTM, RNN) for word-level language models in Python using TensorFlow.
Stars: ✭ 1,297 (+497.7%)
Mutual labels:  lstm
Actionrecognition
Explore Action Recognition
Stars: ✭ 139 (-35.94%)
Mutual labels:  lstm
Pytorch Sentiment Classification
LSTM and CNN sentiment analysis
Stars: ✭ 89 (-58.99%)
Mutual labels:  lstm
Icdar 2019 Sroie
ICDAR 2019 Robust Reading Challenge on Scanned Receipts OCR and Information Extraction
Stars: ✭ 202 (-6.91%)
Mutual labels:  lstm
Lstm chem
Implementation of the paper - Generative Recurrent Networks for De Novo Drug Design.
Stars: ✭ 87 (-59.91%)
Mutual labels:  lstm
Document Classifier Lstm
A bidirectional LSTM with attention for multiclass/multilabel text classification.
Stars: ✭ 136 (-37.33%)
Mutual labels:  lstm
Self Attention Classification
document classification using LSTM + self attention
Stars: ✭ 84 (-61.29%)
Mutual labels:  lstm
Deep News Summarization
News summarization using sequence to sequence model with attention in TensorFlow.
Stars: ✭ 167 (-23.04%)
Mutual labels:  lstm
Tensorflow seq2seq chatbot
Stars: ✭ 81 (-62.67%)
Mutual labels:  lstm
Vpilot
Scripts and tools to easily communicate with DeepGTAV. In the future a self-driving agent will be implemented.
Stars: ✭ 136 (-37.33%)
Mutual labels:  lstm
Pytorch Sentiment Analysis Classification
A PyTorch Tutorials of Sentiment Analysis Classification (RNN, LSTM, Bi-LSTM, LSTM+Attention, CNN)
Stars: ✭ 80 (-63.13%)
Mutual labels:  lstm
Datastories Semeval2017 Task4
Deep-learning model presented in "DataStories at SemEval-2017 Task 4: Deep LSTM with Attention for Message-level and Topic-based Sentiment Analysis".
Stars: ✭ 184 (-15.21%)
Mutual labels:  lstm
Deeplearningfornlpinpytorch
An IPython Notebook tutorial on deep learning for natural language processing, including structure prediction.
Stars: ✭ 1,744 (+703.69%)
Mutual labels:  lstm
Sign Language Gesture Recognition
Sign Language Gesture Recognition From Video Sequences Using RNN And CNN
Stars: ✭ 214 (-1.38%)
Mutual labels:  lstm
Tts Cube
End-2-end speech synthesis with recurrent neural networks
Stars: ✭ 213 (-1.84%)
Mutual labels:  lstm
Chameleon recsys
Source code of CHAMELEON - A Deep Learning Meta-Architecture for News Recommender Systems
Stars: ✭ 202 (-6.91%)
Mutual labels:  lstm
Deep Time Series Prediction
Seq2Seq, Bert, Transformer, WaveNet for time series prediction.
Stars: ✭ 183 (-15.67%)
Mutual labels:  lstm
Lstm Music Genre Classification
Music genre classification with LSTM Recurrent Neural Nets in Keras & PyTorch
Stars: ✭ 166 (-23.5%)
Mutual labels:  lstm
Handwriting Synthesis
Implementation of "Generating Sequences With Recurrent Neural Networks" https://arxiv.org/abs/1308.0850
Stars: ✭ 135 (-37.79%)
Mutual labels:  lstm
61-120 of 398 similar projects