All Projects → Load_forecasting → Similar Projects or Alternatives

6408 Open source projects that are alternatives of or similar to Load_forecasting

Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+2036.25%)
Mutual labels:  jupyter-notebook, lstm, rnn, gru
Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (+129.38%)
Mutual labels:  jupyter-notebook, lstm, rnn, gru
Rnn Notebooks
RNN(SimpleRNN, LSTM, GRU) Tensorflow2.0 & Keras Notebooks (Workshop materials)
Stars: ✭ 48 (-70%)
Mutual labels:  jupyter-notebook, lstm, rnn, gru
Haste
Haste: a fast, simple, and open RNN library
Stars: ✭ 214 (+33.75%)
Mutual labels:  lstm, rnn, gru
tf-ran-cell
Recurrent Additive Networks for Tensorflow
Stars: ✭ 16 (-90%)
Mutual labels:  lstm, gru, rnn
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (+38.75%)
Mutual labels:  jupyter-notebook, lstm, rnn
Video Classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Stars: ✭ 543 (+239.38%)
Mutual labels:  jupyter-notebook, lstm, rnn
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (-40%)
Mutual labels:  jupyter-notebook, lstm, rnn
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-39.37%)
Mutual labels:  jupyter-notebook, lstm, rnn
Ml Ai Experiments
All my experiments with AI and ML
Stars: ✭ 107 (-33.12%)
Mutual labels:  jupyter-notebook, 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 (-25.62%)
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 (+1739.38%)
Mutual labels:  jupyter-notebook, lstm, rnn
See Rnn
RNN and general weights, gradients, & activations visualization in Keras & TensorFlow
Stars: ✭ 102 (-36.25%)
Mutual labels:  lstm, rnn, gru
Gdax Orderbook Ml
Application of machine learning to the Coinbase (GDAX) orderbook
Stars: ✭ 60 (-62.5%)
Mutual labels:  jupyter-notebook, lstm, gru
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%)
Mutual labels:  jupyter-notebook, lstm, rnn
Lstm chem
Implementation of the paper - Generative Recurrent Networks for De Novo Drug Design.
Stars: ✭ 87 (-45.62%)
Mutual labels:  jupyter-notebook, lstm, rnn
Deeplearning.ai Assignments
Stars: ✭ 268 (+67.5%)
Mutual labels:  jupyter-notebook, lstm, rnn
Poetry Seq2seq
Chinese Poetry Generation
Stars: ✭ 159 (-0.62%)
Mutual labels:  jupyter-notebook, lstm, rnn
Eeg Dl
A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.
Stars: ✭ 165 (+3.13%)
Mutual labels:  lstm, rnn, gru
Pytorch Rnn Text Classification
Word Embedding + LSTM + FC
Stars: ✭ 112 (-30%)
Mutual labels:  lstm, rnn, gru
Stylenet
A cute multi-layer LSTM that can perform like a human 🎶
Stars: ✭ 187 (+16.88%)
Mutual labels:  jupyter-notebook, lstm, rnn
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+1905.63%)
Mutual labels:  jupyter-notebook, lstm, rnn
Chinese Chatbot
中文聊天机器人,基于10万组对白训练而成,采用注意力机制,对一般问题都会生成一个有意义的答复。已上传模型,可直接运行,跑不起来直播吃键盘。
Stars: ✭ 124 (-22.5%)
Mutual labels:  jupyter-notebook, lstm, rnn
theano-recurrence
Recurrent Neural Networks (RNN, GRU, LSTM) and their Bidirectional versions (BiRNN, BiGRU, BiLSTM) for word & character level language modelling in Theano
Stars: ✭ 40 (-75%)
Mutual labels:  lstm, gru, rnn
myDL
Deep Learning
Stars: ✭ 18 (-88.75%)
Mutual labels:  lstm, gru, rnn
Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (+115.63%)
Mutual labels:  jupyter-notebook, lstm, rnn
Cryptocurrencyprediction
Predict Cryptocurrency Price with Deep Learning
Stars: ✭ 453 (+183.13%)
Mutual labels:  jupyter-notebook, lstm, gru
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 (+268.13%)
Mutual labels:  jupyter-notebook, lstm, rnn
ConvLSTM-PyTorch
ConvLSTM/ConvGRU (Encoder-Decoder) with PyTorch on Moving-MNIST
Stars: ✭ 202 (+26.25%)
Mutual labels:  lstm, gru, rnn
Lstm Sentiment Analysis
Sentiment Analysis with LSTMs in Tensorflow
Stars: ✭ 886 (+453.75%)
Mutual labels:  jupyter-notebook, lstm, rnn
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (-58.12%)
Mutual labels:  jupyter-notebook, 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 (+37.5%)
Mutual labels:  lstm, rnn, gru
Machine Learning
My Attempt(s) In The World Of ML/DL....
Stars: ✭ 78 (-51.25%)
Mutual labels:  jupyter-notebook, 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 (+1210.63%)
Mutual labels:  lstm, rnn, gru
Pytorch-POS-Tagger
Part-of-Speech Tagger and custom implementations of LSTM, GRU and Vanilla RNN
Stars: ✭ 24 (-85%)
Mutual labels:  lstm, gru, rnn
Stockpriceprediction
Stock Price Prediction using Machine Learning Techniques
Stars: ✭ 700 (+337.5%)
Mutual labels:  jupyter-notebook, lstm, rnn
Neural Networks
All about Neural Networks!
Stars: ✭ 34 (-78.75%)
Mutual labels:  jupyter-notebook, lstm, rnn
Tensorflow Lstm Sin
TensorFlow 1.3 experiment with LSTM (and GRU) RNNs for sine prediction
Stars: ✭ 52 (-67.5%)
Mutual labels:  lstm, gru
Ner blstm Crf
LSTM-CRF for NER with ConLL-2002 dataset
Stars: ✭ 51 (-68.12%)
Mutual labels:  jupyter-notebook, lstm
Tensorflow Tutorials For Time Series
TensorFlow Tutorial for Time Series Prediction
Stars: ✭ 1,067 (+566.88%)
Mutual labels:  jupyter-notebook, rnn
Char rnn lm zh
language model in Chinese,基于Pytorch官方文档实现
Stars: ✭ 57 (-64.37%)
Mutual labels:  lstm, rnn
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 (-68.75%)
Mutual labels:  jupyter-notebook, lstm
Time Attention
Implementation of RNN for Time Series prediction from the paper https://arxiv.org/abs/1704.02971
Stars: ✭ 52 (-67.5%)
Mutual labels:  lstm, rnn
Sentiment Analysis Nltk Ml Lstm
Sentiment Analysis on the First Republic Party debate in 2016 based on Python,NLTK and ML.
Stars: ✭ 61 (-61.87%)
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.5%)
Mutual labels:  lstm, rnn
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (-69.37%)
Mutual labels:  lstm, rnn
Aiopen
AIOpen是一个按人工智能三要素(数据、算法、算力)进行AI开源项目分类的汇集项目,项目致力于跟踪目前人工智能(AI)的深度学习(DL)开源项目,并尽可能地罗列目前的开源项目,同时加入了一些曾经研究过的代码。通过这些开源项目,使初次接触AI的人们对人工智能(深度学习)有更清晰和更全面的了解。
Stars: ✭ 62 (-61.25%)
Mutual labels:  jupyter-notebook, lstm
Gru Svm
[ICMLC 2018] A Neural Network Architecture Combining Gated Recurrent Unit (GRU) and Support Vector Machine (SVM) for Intrusion Detection
Stars: ✭ 76 (-52.5%)
Mutual labels:  rnn, gru
Pytorch Sentiment Analysis Classification
A PyTorch Tutorials of Sentiment Analysis Classification (RNN, LSTM, Bi-LSTM, LSTM+Attention, CNN)
Stars: ✭ 80 (-50%)
Mutual labels:  lstm, rnn
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.62%)
Mutual labels:  jupyter-notebook, lstm
Speech Emotion Recognition
Detecting emotions using MFCC features of human speech using Deep Learning
Stars: ✭ 89 (-44.37%)
Mutual labels:  jupyter-notebook, rnn
Language Translation
Neural machine translator for English2German translation.
Stars: ✭ 82 (-48.75%)
Mutual labels:  jupyter-notebook, lstm
Cnn lstm for text classify
CNN, LSTM, NBOW, fasttext 中文文本分类
Stars: ✭ 90 (-43.75%)
Mutual labels:  lstm, rnn
Word Rnn Tensorflow
Multi-layer Recurrent Neural Networks (LSTM, RNN) for word-level language models in Python using TensorFlow.
Stars: ✭ 1,297 (+710.63%)
Mutual labels:  lstm, rnn
Copper price forecast
copper price(time series) prediction using bpnn and lstm
Stars: ✭ 81 (-49.37%)
Mutual labels:  lstm, rnn
Text predictor
Char-level RNN LSTM text generator📄.
Stars: ✭ 99 (-38.12%)
Mutual labels:  lstm, rnn
Amazon Product Recommender System
Sentiment analysis on Amazon Review Dataset available at http://snap.stanford.edu/data/web-Amazon.html
Stars: ✭ 158 (-1.25%)
Mutual labels:  jupyter-notebook, lstm
Codesearchnet
Datasets, tools, and benchmarks for representation learning of code.
Stars: ✭ 1,378 (+761.25%)
Mutual labels:  jupyter-notebook, rnn
Rnn Text Classification Tf
Tensorflow Implementation of Recurrent Neural Network (Vanilla, LSTM, GRU) for Text Classification
Stars: ✭ 114 (-28.75%)
Mutual labels:  lstm, gru
Char Rnn Pytorch
使用PyTorch实现Char RNN生成古诗和周杰伦的歌词
Stars: ✭ 114 (-28.75%)
Mutual labels:  jupyter-notebook, rnn
1-60 of 6408 similar projects