All Projects → Abstractive Summarization → Similar Projects or Alternatives

6479 Open source projects that are alternatives of or similar to Abstractive Summarization

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 (+37.5%)
Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+2570.31%)
Deeplearning.ai Natural Language Processing Specialization
This repository contains my full work and notes on Coursera's NLP Specialization (Natural Language Processing) taught by the instructor Younes Bensouda Mourri and Łukasz Kaiser offered by deeplearning.ai
Stars: ✭ 473 (+269.53%)
Poetry Seq2seq
Chinese Poetry Generation
Stars: ✭ 159 (+24.22%)
Screenshot To Code
A neural network that transforms a design mock-up into a static website.
Stars: ✭ 13,561 (+10494.53%)
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 (-7.03%)
Cryptocurrencyprediction
Predict Cryptocurrency Price with Deep Learning
Stars: ✭ 453 (+253.91%)
Mutual labels:  jupyter-notebook, lstm
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 (+360.16%)
Mutual labels:  jupyter-notebook, lstm
Getting Things Done With Pytorch
Jupyter Notebook tutorials on solving real-world problems with Machine Learning & Deep Learning using PyTorch. Topics: Face detection with Detectron 2, Time Series anomaly detection with LSTM Autoencoders, Object Detection with YOLO v5, Build your first Neural Network, Time Series forecasting for Coronavirus daily cases, Sentiment Analysis with BERT.
Stars: ✭ 738 (+476.56%)
Mutual labels:  jupyter-notebook, lstm
Neural Image Captioning
Implementation of Neural Image Captioning model using Keras with Theano backend
Stars: ✭ 12 (-90.62%)
Mutual labels:  jupyter-notebook, lstm
Lstm Sentiment Analysis
Sentiment Analysis with LSTMs in Tensorflow
Stars: ✭ 886 (+592.19%)
Mutual labels:  jupyter-notebook, lstm
Neural Networks
All about Neural Networks!
Stars: ✭ 34 (-73.44%)
Mutual labels:  jupyter-notebook, lstm
Image Caption Generator
A neural network to generate captions for an image using CNN and RNN with BEAM Search.
Stars: ✭ 126 (-1.56%)
Mutual labels:  lstm, attention-mechanism
Sentimentanalysis
文本情感分析
Stars: ✭ 421 (+228.91%)
Mutual labels:  jupyter-notebook, lstm
Tensorflow Lstm Regression
Sequence prediction using recurrent neural networks(LSTM) with TensorFlow
Stars: ✭ 433 (+238.28%)
Mutual labels:  jupyter-notebook, lstm
Video Classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Stars: ✭ 543 (+324.22%)
Mutual labels:  jupyter-notebook, lstm
Stockpriceprediction
Stock Price Prediction using Machine Learning Techniques
Stars: ✭ 700 (+446.88%)
Mutual labels:  jupyter-notebook, lstm
Deep Visual Attention Prediction
Keras implementation of paper 'Deep Visual Attention Prediction' which predicts human eye fixation on view-free scenes.
Stars: ✭ 19 (-85.16%)
Pytorch Gat
My implementation of the original GAT paper (Veličković et al.). I've additionally included the playground.py file for visualizing the Cora dataset, GAT embeddings, an attention mechanism, and entropy histograms. I've supported both Cora (transductive) and PPI (inductive) examples!
Stars: ✭ 908 (+609.38%)
Lstmvis
Visualization Toolbox for Long Short Term Memory networks (LSTMs)
Stars: ✭ 959 (+649.22%)
Mutual labels:  jupyter-notebook, lstm
Deep Learning Time Series
List of papers, code and experiments using deep learning for time series forecasting
Stars: ✭ 796 (+521.88%)
Mutual labels:  jupyter-notebook, lstm
Attentional Interfaces
🔍 Attentional interfaces in TensorFlow.
Stars: ✭ 58 (-54.69%)
Sentiment Analysis Nltk Ml Lstm
Sentiment Analysis on the First Republic Party debate in 2016 based on Python,NLTK and ML.
Stars: ✭ 61 (-52.34%)
Mutual labels:  jupyter-notebook, lstm
Gdax Orderbook Ml
Application of machine learning to the Coinbase (GDAX) orderbook
Stars: ✭ 60 (-53.12%)
Mutual labels:  jupyter-notebook, lstm
Language Translation
Neural machine translator for English2German translation.
Stars: ✭ 82 (-35.94%)
Mutual labels:  jupyter-notebook, lstm
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (-47.66%)
Mutual labels:  jupyter-notebook, lstm
Lstm chem
Implementation of the paper - Generative Recurrent Networks for De Novo Drug Design.
Stars: ✭ 87 (-32.03%)
Mutual labels:  jupyter-notebook, lstm
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (-25%)
Mutual labels:  jupyter-notebook, lstm
Pytorch Original Transformer
My implementation of the original transformer model (Vaswani et al.). I've additionally included the playground.py file for visualizing otherwise seemingly hard concepts. Currently included IWSLT pretrained models.
Stars: ✭ 411 (+221.09%)
Zhihu Text Classification
[2017知乎看山杯 多标签 文本分类] ye组(第六名) 解题方案
Stars: ✭ 392 (+206.25%)
Mutual labels:  jupyter-notebook, lstm
Pytorch Ntm
Neural Turing Machines (NTM) - PyTorch Implementation
Stars: ✭ 453 (+253.91%)
Mutual labels:  jupyter-notebook, lstm
Bert Multitask Learning
BERT for Multitask Learning
Stars: ✭ 380 (+196.88%)
Attention Networks For Classification
Hierarchical Attention Networks for Document Classification in PyTorch
Stars: ✭ 540 (+321.88%)
Mutual labels:  jupyter-notebook, lstm
Multilabel Timeseries Classification With Lstm
Tensorflow implementation of paper: Learning to Diagnose with LSTM Recurrent Neural Networks.
Stars: ✭ 519 (+305.47%)
Mutual labels:  jupyter-notebook, lstm
Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (+186.72%)
Mutual labels:  jupyter-notebook, lstm
Tensorflow Onnx
Convert TensorFlow models to ONNX
Stars: ✭ 900 (+603.13%)
Mutual labels:  jupyter-notebook, lstm
Music2dance
Generating Dance steps for given music with deep learning
Stars: ✭ 17 (-86.72%)
Mutual labels:  jupyter-notebook, lstm
Show Attend And Tell
TensorFlow Implementation of "Show, Attend and Tell"
Stars: ✭ 869 (+578.91%)
Tensorflow Tutorial
Some interesting TensorFlow tutorials for beginners.
Stars: ✭ 893 (+597.66%)
Mutual labels:  jupyter-notebook, lstm
Qa Rankit
QA - Answer Selection (Rank candidate answers for a given question)
Stars: ✭ 30 (-76.56%)
Mutual labels:  jupyter-notebook, lstm
Banglatranslator
Bangla Machine Translator
Stars: ✭ 21 (-83.59%)
Mutual labels:  lstm, encoder-decoder
Sockeye
Sequence-to-sequence framework with a focus on Neural Machine Translation based on Apache MXNet
Stars: ✭ 990 (+673.44%)
Text summurization abstractive methods
Multiple implementations for abstractive text summurization , using google colab
Stars: ✭ 359 (+180.47%)
Ner blstm Crf
LSTM-CRF for NER with ConLL-2002 dataset
Stars: ✭ 51 (-60.16%)
Mutual labels:  jupyter-notebook, lstm
Gym Continuousdoubleauction
A custom MARL (multi-agent reinforcement learning) environment where multiple agents trade against one another (self-play) in a zero-sum continuous double auction. Ray [RLlib] is used for training.
Stars: ✭ 50 (-60.94%)
Mutual labels:  jupyter-notebook, lstm
Aiopen
AIOpen是一个按人工智能三要素(数据、算法、算力)进行AI开源项目分类的汇集项目,项目致力于跟踪目前人工智能(AI)的深度学习(DL)开源项目,并尽可能地罗列目前的开源项目,同时加入了一些曾经研究过的代码。通过这些开源项目,使初次接触AI的人们对人工智能(深度学习)有更清晰和更全面的了解。
Stars: ✭ 62 (-51.56%)
Mutual labels:  jupyter-notebook, lstm
Rnn Notebooks
RNN(SimpleRNN, LSTM, GRU) Tensorflow2.0 & Keras Notebooks (Workshop materials)
Stars: ✭ 48 (-62.5%)
Mutual labels:  jupyter-notebook, lstm
Machine Learning
My Attempt(s) In The World Of ML/DL....
Stars: ✭ 78 (-39.06%)
Mutual labels:  jupyter-notebook, lstm
Group Level Emotion Recognition
Model submitted for the ICMI 2018 EmotiW Group-Level Emotion Recognition Challenge
Stars: ✭ 70 (-45.31%)
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 (-32.03%)
Mutual labels:  jupyter-notebook, lstm
Rnn Stocks Prediction
Another attempt to use Deep-Learning in the financial markets
Stars: ✭ 39 (-69.53%)
Mutual labels:  jupyter-notebook, lstm
Lstm Gru Pytorch
LSTM and GRU in PyTorch
Stars: ✭ 109 (-14.84%)
Mutual labels:  jupyter-notebook, lstm
Deeplearning tutorials
The deeplearning algorithms implemented by tensorflow
Stars: ✭ 1,580 (+1134.38%)
Mutual labels:  jupyter-notebook, lstm
Nlp Models Tensorflow
Gathers machine learning and Tensorflow deep learning models for NLP problems, 1.13 < Tensorflow < 2.0
Stars: ✭ 1,603 (+1152.34%)
Mutual labels:  jupyter-notebook, lstm
Reinforcementlearning Atarigame
Pytorch LSTM RNN for reinforcement learning to play Atari games from OpenAI Universe. We also use Google Deep Mind's Asynchronous Advantage Actor-Critic (A3C) Algorithm. This is much superior and efficient than DQN and obsoletes it. Can play on many games
Stars: ✭ 118 (-7.81%)
Mutual labels:  jupyter-notebook, lstm
Ml Ai Experiments
All my experiments with AI and ML
Stars: ✭ 107 (-16.41%)
Mutual labels:  jupyter-notebook, lstm
A Pytorch Tutorial To Image Captioning
Show, Attend, and Tell | a PyTorch Tutorial to Image Captioning
Stars: ✭ 1,867 (+1358.59%)
Chinese Chatbot
中文聊天机器人,基于10万组对白训练而成,采用注意力机制,对一般问题都会生成一个有意义的答复。已上传模型,可直接运行,跑不起来直播吃键盘。
Stars: ✭ 124 (-3.12%)
Mutual labels:  jupyter-notebook, lstm
Action Recognition Visual Attention
Action recognition using soft attention based deep recurrent neural networks
Stars: ✭ 350 (+173.44%)
Stock Prediction Models
Gathers machine learning and deep learning models for Stock forecasting including trading bots and simulations
Stars: ✭ 4,660 (+3540.63%)
Mutual labels:  jupyter-notebook, lstm
1-60 of 6479 similar projects