All Projects → Poetry Seq2seq → Similar Projects or Alternatives

6723 Open source projects that are alternatives of or similar to Poetry Seq2seq

Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (+39.62%)
Mutual labels:  jupyter-notebook, lstm, rnn, seq2seq
Chinese Chatbot
中文聊天机器人,基于10万组对白训练而成,采用注意力机制,对一般问题都会生成一个有意义的答复。已上传模型,可直接运行,跑不起来直播吃键盘。
Stars: ✭ 124 (-22.01%)
Mutual labels:  jupyter-notebook, lstm, rnn, seq2seq
Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+2049.69%)
Mutual labels:  jupyter-notebook, lstm, rnn, seq2seq
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 (-25.16%)
Deeplearning.ai Assignments
Stars: ✭ 268 (+68.55%)
Mutual labels:  jupyter-notebook, lstm, rnn
Machine Learning
My Attempt(s) In The World Of ML/DL....
Stars: ✭ 78 (-50.94%)
Mutual labels:  jupyter-notebook, 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 (+1750.94%)
Mutual labels:  jupyter-notebook, lstm, rnn
Text summurization abstractive methods
Multiple implementations for abstractive text summurization , using google colab
Stars: ✭ 359 (+125.79%)
Mutual labels:  jupyter-notebook, rnn, seq2seq
Eeg Dl
A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.
Stars: ✭ 165 (+3.77%)
Mutual labels:  lstm, rnn, attention-mechanism
Stylenet
A cute multi-layer LSTM that can perform like a human 🎶
Stars: ✭ 187 (+17.61%)
Mutual labels:  jupyter-notebook, lstm, rnn
Screenshot To Code
A neural network that transforms a design mock-up into a static website.
Stars: ✭ 13,561 (+8428.93%)
Mutual labels:  jupyter-notebook, lstm, seq2seq
Load forecasting
Load forcasting on Delhi area electric power load using ARIMA, RNN, LSTM and GRU models
Stars: ✭ 160 (+0.63%)
Mutual labels:  jupyter-notebook, lstm, rnn
Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (+116.98%)
Mutual labels:  jupyter-notebook, lstm, rnn
Nlp made easy
Explains nlp building blocks in a simple manner.
Stars: ✭ 232 (+45.91%)
Mutual labels:  beam-search, jupyter-notebook, seq2seq
minimal-nmt
A minimal nmt example to serve as an seq2seq+attention reference.
Stars: ✭ 36 (-77.36%)
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-38.99%)
Mutual labels:  jupyter-notebook, lstm, rnn
Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (+130.82%)
Mutual labels:  jupyter-notebook, lstm, rnn
Ml Ai Experiments
All my experiments with AI and ML
Stars: ✭ 107 (-32.7%)
Mutual labels:  jupyter-notebook, lstm, rnn
Video Classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Stars: ✭ 543 (+241.51%)
Mutual labels:  jupyter-notebook, lstm, rnn
Kaggle Web Traffic
1st place solution
Stars: ✭ 1,641 (+932.08%)
Mutual labels:  jupyter-notebook, rnn, seq2seq
automatic-personality-prediction
[AAAI 2020] Modeling Personality with Attentive Networks and Contextual Embeddings
Stars: ✭ 43 (-72.96%)
Mutual labels:  lstm, rnn, attention-mechanism
Image Caption Generator
A neural network to generate captions for an image using CNN and RNN with BEAM Search.
Stars: ✭ 126 (-20.75%)
Mutual labels:  beam-search, lstm, attention-mechanism
Image Captioning
Image Captioning using InceptionV3 and beam search
Stars: ✭ 290 (+82.39%)
Mutual labels:  beam-search, jupyter-notebook, lstm
Base-On-Relation-Method-Extract-News-DA-RNN-Model-For-Stock-Prediction--Pytorch
基於關聯式新聞提取方法之雙階段注意力機制模型用於股票預測
Stars: ✭ 33 (-79.25%)
Mutual labels:  lstm, rnn, seq2seq
Seq2seq chatbot
基于seq2seq模型的简单对话系统的tf实现,具有embedding、attention、beam_search等功能,数据集是Cornell Movie Dialogs
Stars: ✭ 308 (+93.71%)
Abstractive Summarization
Implementation of abstractive summarization using LSTM in the encoder-decoder architecture with local attention.
Stars: ✭ 128 (-19.5%)
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (-57.86%)
Mutual labels:  jupyter-notebook, lstm, rnn
Rnn For Joint Nlu
Pytorch implementation of "Attention-Based Recurrent Neural Network Models for Joint Intent Detection and Slot Filling" (https://arxiv.org/abs/1609.01454)
Stars: ✭ 176 (+10.69%)
Mutual labels:  jupyter-notebook, lstm, rnn
Telemanom
A framework for using LSTMs to detect anomalies in multivariate time series data. Includes spacecraft anomaly data and experiments from the Mars Science Laboratory and SMAP missions.
Stars: ✭ 589 (+270.44%)
Mutual labels:  jupyter-notebook, lstm, rnn
Stockpriceprediction
Stock Price Prediction using Machine Learning Techniques
Stars: ✭ 700 (+340.25%)
Mutual labels:  jupyter-notebook, lstm, rnn
Awesome Speech Recognition Speech Synthesis Papers
Automatic Speech Recognition (ASR), Speaker Verification, Speech Synthesis, Text-to-Speech (TTS), Language Modelling, Singing Voice Synthesis (SVS), Voice Conversion (VC)
Stars: ✭ 2,085 (+1211.32%)
Mutual labels:  rnn, attention-mechanism, seq2seq
Neural Networks
All about Neural Networks!
Stars: ✭ 34 (-78.62%)
Mutual labels:  jupyter-notebook, lstm, rnn
Lstm chem
Implementation of the paper - Generative Recurrent Networks for De Novo Drug Design.
Stars: ✭ 87 (-45.28%)
Mutual labels:  jupyter-notebook, lstm, rnn
Seq2seq chatbot new
基于seq2seq模型的简单对话系统的tf实现,具有embedding、attention、beam_search等功能,数据集是Cornell Movie Dialogs
Stars: ✭ 144 (-9.43%)
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (-39.62%)
Mutual labels:  jupyter-notebook, lstm, rnn
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+1918.24%)
Mutual labels:  jupyter-notebook, lstm, rnn
Stock Prediction Models
Gathers machine learning and deep learning models for Stock forecasting including trading bots and simulations
Stars: ✭ 4,660 (+2830.82%)
Mutual labels:  jupyter-notebook, lstm, seq2seq
Lstm Sentiment Analysis
Sentiment Analysis with LSTMs in Tensorflow
Stars: ✭ 886 (+457.23%)
Mutual labels:  jupyter-notebook, lstm, rnn
Rnn Notebooks
RNN(SimpleRNN, LSTM, GRU) Tensorflow2.0 & Keras Notebooks (Workshop materials)
Stars: ✭ 48 (-69.81%)
Mutual labels:  jupyter-notebook, lstm, rnn
Gdax Orderbook Ml
Application of machine learning to the Coinbase (GDAX) orderbook
Stars: ✭ 60 (-62.26%)
Mutual labels:  jupyter-notebook, lstm
Tensorflow On Android For Human Activity Recognition With Lstms
iPython notebook and Android app that shows how to build LSTM model in TensorFlow and deploy it on Android
Stars: ✭ 157 (-1.26%)
Mutual labels:  jupyter-notebook, lstm
Aiopen
AIOpen是一个按人工智能三要素(数据、算法、算力)进行AI开源项目分类的汇集项目,项目致力于跟踪目前人工智能(AI)的深度学习(DL)开源项目,并尽可能地罗列目前的开源项目,同时加入了一些曾经研究过的代码。通过这些开源项目,使初次接触AI的人们对人工智能(深度学习)有更清晰和更全面的了解。
Stars: ✭ 62 (-61.01%)
Mutual labels:  jupyter-notebook, lstm
Hred Attention Tensorflow
An extension on the Hierachical Recurrent Encoder-Decoder for Generative Context-Aware Query Suggestion, our implementation is in Tensorflow and uses an attention mechanism.
Stars: ✭ 68 (-57.23%)
Mutual labels:  lstm, rnn
Group Level Emotion Recognition
Model submitted for the ICMI 2018 EmotiW Group-Level Emotion Recognition Challenge
Stars: ✭ 70 (-55.97%)
Tensorflow seq2seq chatbot
Stars: ✭ 81 (-49.06%)
Mutual labels:  lstm, seq2seq
Copper price forecast
copper price(time series) prediction using bpnn and lstm
Stars: ✭ 81 (-49.06%)
Mutual labels:  lstm, rnn
Attend infer repeat
A Tensorfflow implementation of Attend, Infer, Repeat
Stars: ✭ 82 (-48.43%)
Mutual labels:  rnn, attention-mechanism
Sentiment Analysis Nltk Ml Lstm
Sentiment Analysis on the First Republic Party debate in 2016 based on Python,NLTK and ML.
Stars: ✭ 61 (-61.64%)
Mutual labels:  jupyter-notebook, lstm
Pytorch Sentiment Analysis Classification
A PyTorch Tutorials of Sentiment Analysis Classification (RNN, LSTM, Bi-LSTM, LSTM+Attention, CNN)
Stars: ✭ 80 (-49.69%)
Mutual labels:  lstm, rnn
Language Translation
Neural machine translator for English2German translation.
Stars: ✭ 82 (-48.43%)
Mutual labels:  jupyter-notebook, lstm
End To End Sequence Labeling Via Bi Directional Lstm Cnns Crf Tutorial
Tutorial for End-to-end Sequence Labeling via Bi-directional LSTM-CNNs-CRF
Stars: ✭ 87 (-45.28%)
Mutual labels:  jupyter-notebook, lstm
Word Rnn Tensorflow
Multi-layer Recurrent Neural Networks (LSTM, RNN) for word-level language models in Python using TensorFlow.
Stars: ✭ 1,297 (+715.72%)
Mutual labels:  lstm, rnn
Codesearchnet
Datasets, tools, and benchmarks for representation learning of code.
Stars: ✭ 1,378 (+766.67%)
Mutual labels:  jupyter-notebook, rnn
Cnn lstm for text classify
CNN, LSTM, NBOW, fasttext 中文文本分类
Stars: ✭ 90 (-43.4%)
Mutual labels:  lstm, rnn
Text predictor
Char-level RNN LSTM text generator📄.
Stars: ✭ 99 (-37.74%)
Mutual labels:  lstm, rnn
See Rnn
RNN and general weights, gradients, & activations visualization in Keras & TensorFlow
Stars: ✭ 102 (-35.85%)
Mutual labels:  lstm, rnn
Lstms.pth
PyTorch implementations of LSTM Variants (Dropout + Layer Norm)
Stars: ✭ 111 (-30.19%)
Mutual labels:  lstm, rnn
Deeplearning tutorials
The deeplearning algorithms implemented by tensorflow
Stars: ✭ 1,580 (+893.71%)
Mutual labels:  jupyter-notebook, lstm
Pytorch Rnn Text Classification
Word Embedding + LSTM + FC
Stars: ✭ 112 (-29.56%)
Mutual labels:  lstm, rnn
Attentional Interfaces
🔍 Attentional interfaces in TensorFlow.
Stars: ✭ 58 (-63.52%)
1-60 of 6723 similar projects