All Projects → Attentive Neural Processes → Similar Projects or Alternatives

6428 Open source projects that are alternatives of or similar to Attentive Neural Processes

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 (+433.33%)
Mutual labels:  jupyter-notebook, rnn, attention
Base-On-Relation-Method-Extract-News-DA-RNN-Model-For-Stock-Prediction--Pytorch
基於關聯式新聞提取方法之雙階段注意力機制模型用於股票預測
Stars: ✭ 33 (+0%)
Mutual labels:  prediction, rnn, attention
Chinese Chatbot
中文聊天机器人,基于10万组对白训练而成,采用注意力机制,对一般问题都会生成一个有意义的答复。已上传模型,可直接运行,跑不起来直播吃键盘。
Stars: ✭ 124 (+275.76%)
Mutual labels:  jupyter-notebook, rnn, attention
Doc Han Att
Hierarchical Attention Networks for Chinese Sentiment Classification
Stars: ✭ 206 (+524.24%)
Mutual labels:  jupyter-notebook, rnn, attention
Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+10257.58%)
Mutual labels:  jupyter-notebook, rnn, attention
Machine Learning
My Attempt(s) In The World Of ML/DL....
Stars: ✭ 78 (+136.36%)
Mutual labels:  jupyter-notebook, rnn, attention
Hey Jetson
Deep Learning based Automatic Speech Recognition with attention for the Nvidia Jetson.
Stars: ✭ 161 (+387.88%)
Mutual labels:  jupyter-notebook, attention
Tensorflow2 Docs Zh
TF2.0 / TensorFlow 2.0 / TensorFlow2.0 官方文档中文版
Stars: ✭ 177 (+436.36%)
Mutual labels:  jupyter-notebook, rnn
Graph attention pool
Attention over nodes in Graph Neural Networks using PyTorch (NeurIPS 2019)
Stars: ✭ 186 (+463.64%)
Mutual labels:  jupyter-notebook, attention
Deepnlp Models Pytorch
Pytorch implementations of various Deep NLP models in cs-224n(Stanford Univ)
Stars: ✭ 2,760 (+8263.64%)
Mutual labels:  jupyter-notebook, rnn
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+9624.24%)
Mutual labels:  jupyter-notebook, rnn
keras-utility-layer-collection
Collection of custom layers and utility functions for Keras which are missing in the main framework.
Stars: ✭ 63 (+90.91%)
Mutual labels:  rnn, attention
Recurrent-Neural-Network-for-BitCoin-price-prediction
Recurrent Neural Network (LSTM) by using TensorFlow and Keras in Python for BitCoin price prediction
Stars: ✭ 53 (+60.61%)
Mutual labels:  prediction, rnn
Multihead Siamese Nets
Implementation of Siamese Neural Networks built upon multihead attention mechanism for text semantic similarity task.
Stars: ✭ 144 (+336.36%)
Mutual labels:  jupyter-notebook, attention
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 (+342.42%)
Mutual labels:  jupyter-notebook, prediction
Attentionn
All about attention in neural networks. Soft attention, attention maps, local and global attention and multi-head attention.
Stars: ✭ 175 (+430.3%)
Mutual labels:  jupyter-notebook, attention
Load forecasting
Load forcasting on Delhi area electric power load using ARIMA, RNN, LSTM and GRU models
Stars: ✭ 160 (+384.85%)
Mutual labels:  jupyter-notebook, rnn
Tcdf
Temporal Causal Discovery Framework (PyTorch): discovering causal relationships between time series
Stars: ✭ 217 (+557.58%)
Mutual labels:  jupyter-notebook, prediction
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (+572.73%)
Mutual labels:  jupyter-notebook, rnn
Market-Trend-Prediction
This is a project of build knowledge graph course. The project leverages historical stock price, and integrates social media listening from customers to predict market Trend On Dow Jones Industrial Average (DJIA).
Stars: ✭ 57 (+72.73%)
Mutual labels:  prediction, rnn
Stylenet
A cute multi-layer LSTM that can perform like a human 🎶
Stars: ✭ 187 (+466.67%)
Mutual labels:  jupyter-notebook, rnn
Deeplearning.ai Assignments
Stars: ✭ 268 (+712.12%)
Mutual labels:  jupyter-notebook, rnn
Python
This repository helps you understand python from the scratch.
Stars: ✭ 285 (+763.64%)
Mutual labels:  jupyter-notebook, prediction
Ner Bert
BERT-NER (nert-bert) with google bert https://github.com/google-research.
Stars: ✭ 339 (+927.27%)
Mutual labels:  jupyter-notebook, attention
Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (+1012.12%)
Mutual labels:  jupyter-notebook, rnn
Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (+945.45%)
Mutual labels:  jupyter-notebook, rnn
Deep learning nlp
Keras, PyTorch, and NumPy Implementations of Deep Learning Architectures for NLP
Stars: ✭ 407 (+1133.33%)
Mutual labels:  jupyter-notebook, attention
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 (+1145.45%)
Mutual labels:  jupyter-notebook, attention
Kaggle Web Traffic
1st place solution
Stars: ✭ 1,641 (+4872.73%)
Mutual labels:  jupyter-notebook, rnn
Poetry Seq2seq
Chinese Poetry Generation
Stars: ✭ 159 (+381.82%)
Mutual labels:  jupyter-notebook, 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 (+260.61%)
Mutual labels:  jupyter-notebook, rnn
Clinicalbert
ClinicalBERT: Modeling Clinical Notes and Predicting Hospital Readmission (CHIL 2020 Workshop)
Stars: ✭ 175 (+430.3%)
Mutual labels:  jupyter-notebook, prediction
Keraspp
코딩셰프의 3분 딥러닝, 케라스맛
Stars: ✭ 178 (+439.39%)
Mutual labels:  jupyter-notebook, rnn
Nlp Models Tensorflow
Gathers machine learning and Tensorflow deep learning models for NLP problems, 1.13 < Tensorflow < 2.0
Stars: ✭ 1,603 (+4757.58%)
Mutual labels:  jupyter-notebook, attention
Stockpriceprediction
Stock Price Prediction using Machine Learning Techniques
Stars: ✭ 700 (+2021.21%)
Mutual labels:  jupyter-notebook, rnn
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (+490.91%)
Mutual labels:  jupyter-notebook, rnn
Jddc solution 4th
2018-JDDC大赛第4名的解决方案
Stars: ✭ 235 (+612.12%)
Mutual labels:  jupyter-notebook, attention
Nn compression
Stars: ✭ 193 (+484.85%)
Mutual labels:  jupyter-notebook, rnn
Deep Learning Machine Learning Stock
Stock for Deep Learning and Machine Learning
Stars: ✭ 240 (+627.27%)
Mutual labels:  jupyter-notebook, prediction
Tensorflow cookbook
Code for Tensorflow Machine Learning Cookbook
Stars: ✭ 5,984 (+18033.33%)
Mutual labels:  jupyter-notebook, rnn
Tf Rnn Attention
Tensorflow implementation of attention mechanism for text classification tasks.
Stars: ✭ 735 (+2127.27%)
Mutual labels:  rnn, attention
DeepMove
Codes for WWW'18 Paper-DeepMove: Predicting Human Mobility with Attentional Recurrent Network
Stars: ✭ 120 (+263.64%)
Mutual labels:  prediction, attention
Char Rnn Pytorch
使用PyTorch实现Char RNN生成古诗和周杰伦的歌词
Stars: ✭ 114 (+245.45%)
Mutual labels:  jupyter-notebook, 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 (+8818.18%)
Mutual labels:  jupyter-notebook, rnn
Stock Analysis
Regression, Scrapers, and Visualization
Stars: ✭ 255 (+672.73%)
Mutual labels:  jupyter-notebook, prediction
Sars tutorial
Repository for the tutorial on Sequence-Aware Recommender Systems held at TheWebConf 2019 and ACM RecSys 2018
Stars: ✭ 320 (+869.7%)
Mutual labels:  jupyter-notebook, rnn
Text summurization abstractive methods
Multiple implementations for abstractive text summurization , using google colab
Stars: ✭ 359 (+987.88%)
Mutual labels:  jupyter-notebook, rnn
Fast Pytorch
Pytorch Tutorial, Pytorch with Google Colab, Pytorch Implementations: CNN, RNN, DCGAN, Transfer Learning, Chatbot, Pytorch Sample Codes
Stars: ✭ 346 (+948.48%)
Mutual labels:  jupyter-notebook, rnn
Tsai
Time series Timeseries Deep Learning Pytorch fastai - State-of-the-art Deep Learning with Time Series and Sequences in Pytorch / fastai
Stars: ✭ 407 (+1133.33%)
Mutual labels:  jupyter-notebook, rnn
automatic-personality-prediction
[AAAI 2020] Modeling Personality with Attentive Networks and Contextual Embeddings
Stars: ✭ 43 (+30.3%)
Mutual labels:  rnn, attention
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 (+1684.85%)
Mutual labels:  jupyter-notebook, rnn
Video Classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Stars: ✭ 543 (+1545.45%)
Mutual labels:  jupyter-notebook, rnn
Rnn Time Series Anomaly Detection
RNN based Time-series Anomaly detector model implemented in Pytorch.
Stars: ✭ 718 (+2075.76%)
Mutual labels:  rnn, prediction
Deeplearning
深度学习入门教程, 优秀文章, Deep Learning Tutorial
Stars: ✭ 6,783 (+20454.55%)
Mutual labels:  jupyter-notebook, rnn
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 (+2651.52%)
Mutual labels:  jupyter-notebook, attention
Ml Ai Experiments
All my experiments with AI and ML
Stars: ✭ 107 (+224.24%)
Mutual labels:  jupyter-notebook, rnn
Bertqa Attention On Steroids
BertQA - Attention on Steroids
Stars: ✭ 112 (+239.39%)
Mutual labels:  jupyter-notebook, attention
EBIM-NLI
Enhanced BiLSTM Inference Model for Natural Language Inference
Stars: ✭ 24 (-27.27%)
Mutual labels:  rnn, attention
Headlines
Automatically generate headlines to short articles
Stars: ✭ 516 (+1463.64%)
Mutual labels:  jupyter-notebook, rnn
Deep Learning Time Series
List of papers, code and experiments using deep learning for time series forecasting
Stars: ✭ 796 (+2312.12%)
Mutual labels:  jupyter-notebook, prediction
1-60 of 6428 similar projects