All Projects → wikke → TimeSeriesPrediction

wikke / TimeSeriesPrediction

Licence: other
Time Series Prediction, Stateful LSTM; 时间序列预测,洗发水销量/股票走势预测,有状态循环神经网络

Programming Languages

Jupyter Notebook
11667 projects

Projects that are alternatives of or similar to TimeSeriesPrediction

Repo 2016
R, Python and Mathematica Codes in Machine Learning, Deep Learning, Artificial Intelligence, NLP and Geolocation
Stars: ✭ 103 (+202.94%)
Mutual labels:  timeseries, lstm-neural-networks
Predictive Maintenance Using Lstm
Example of Multiple Multivariate Time Series Prediction with LSTM Recurrent Neural Networks in Python with Keras.
Stars: ✭ 352 (+935.29%)
Mutual labels:  timeseries, lstm-neural-networks
cnosdb
An Open Source Distributed Time Series Database with high performance, high compression ratio and high usability.
Stars: ✭ 858 (+2423.53%)
Mutual labels:  timeseries
pyts-repro
A repository to compare the performance between the algorithms implemented in pyts and the performance reported in the literature
Stars: ✭ 15 (-55.88%)
Mutual labels:  timeseries
iotdb-client-go
Apache IoTDB Client for Go
Stars: ✭ 24 (-29.41%)
Mutual labels:  timeseries
Deep-Learning-Coursera
Projects from the Deep Learning Specialization from deeplearning.ai provided by Coursera
Stars: ✭ 123 (+261.76%)
Mutual labels:  lstm-neural-networks
OCR
Optical character recognition Using Deep Learning
Stars: ✭ 25 (-26.47%)
Mutual labels:  lstm-neural-networks
Predict-next-word
An LSTM example using tensorflow to predict the next word in a text
Stars: ✭ 37 (+8.82%)
Mutual labels:  lstm-neural-networks
phpRedisTimeSeries
📈 Use Redis Time Series in PHP!
Stars: ✭ 23 (-32.35%)
Mutual labels:  timeseries
Human Activity Recognition
A new and computationally cheap method to perform human activity recognition using PoseNet and LSTM. Where we use PoseNet for Preprocessing and LSTM for understand the sequence.
Stars: ✭ 25 (-26.47%)
Mutual labels:  lstm-neural-networks
A-Deep-Learning-Based-Illegal-Insider-Trading-Detection-and-Prediction-Technique-in-Stock-Market
Illegal insider trading of stocks is based on releasing non-public information (e.g., new product launch, quarterly financial report, acquisition or merger plan) before the information is made public. Detecting illegal insider trading is difficult due to the complex, nonlinear, and non-stationary nature of the stock market. In this work, we pres…
Stars: ✭ 66 (+94.12%)
Mutual labels:  lstm-neural-networks
lstm-electric-load-forecast
Electric load forecast using Long-Short-Term-Memory (LSTM) recurrent neural network
Stars: ✭ 56 (+64.71%)
Mutual labels:  lstm-neural-networks
Sequence-to-Sequence-Learning-of-Financial-Time-Series-in-Algorithmic-Trading
My bachelor's thesis—analyzing the application of LSTM-based RNNs on financial markets. 🤓
Stars: ✭ 64 (+88.24%)
Mutual labels:  lstm-neural-networks
Deep-Learning
This repo provides projects on deep-learning mainly using Tensorflow 2.0
Stars: ✭ 22 (-35.29%)
Mutual labels:  lstm-neural-networks
Deep-Drug-Coder
A tensorflow.keras generative neural network for de novo drug design, first-authored in Nature Machine Intelligence while working at AstraZeneca.
Stars: ✭ 143 (+320.59%)
Mutual labels:  lstm-neural-networks
NTUA-slp-nlp
💻Speech and Natural Language Processing (SLP & NLP) Lab Assignments for ECE NTUA
Stars: ✭ 19 (-44.12%)
Mutual labels:  lstm-neural-networks
downsample
Collection of several downsampling methods for time series visualisation purposes.
Stars: ✭ 50 (+47.06%)
Mutual labels:  timeseries
stock-market-scraper
Scraps historical stock market data from Yahoo Finance (https://finance.yahoo.com/)
Stars: ✭ 110 (+223.53%)
Mutual labels:  lstm-neural-networks
Conversational-AI-Chatbot-using-Practical-Seq2Seq
A simple open domain generative based chatbot based on Recurrent Neural Networks
Stars: ✭ 17 (-50%)
Mutual labels:  lstm-neural-networks
arima
ARIMA, SARIMA, SARIMAX and AutoARIMA models for time series analysis and forecasting in the browser and Node.js
Stars: ✭ 31 (-8.82%)
Mutual labels:  timeseries

Time Series Predictions

Play with time

1. Shampoo Sales Prediction

ShampooSales.ipynb

sales goes like this, need to predict according to history.

A wonderful tutorial to convert time series prediction to supervised problem: Time Series Forecasting as Supervised Learning

Result

best fit before overfitting:

Stateful LSTM

Core code

model = Sequential()
model.add(LSTM(4, batch_input_shape=(BATCH_SIZE, X.shape[1], X.shape[2]), stateful=True))
model.add(Dropout(0.5))
model.add(Dense(1, activation='linear'))

model.compile(loss='mse', optimizer='adadelta')

# way 1
for i in range(EPOCHS):
    model.fit(X, y, epochs=1, shuffle=False, batch_size=BATCH_SIZE)
    model.reset_states()

# way 2
class StatusResetCallback(Callback):
    def on_batch_begin(self, batch, logs={}):
        self.model.reset_states()

model.fit(X, y, epochs=EPOCHS, batch_size=BATCH_SIZE,
		shuffle=False, callbacks=[StatusResetCallback()])

2. Stateful LSTM in Keras

StatefulLSTM.ipynb

Learning from Stateful LSTM in Keras by Philippe Remy, which is a wonderful and simple tutorial. The composed dataset is simple and clean:

     X           y
1 0 0 ... 0      1
0 0 0 ... 0      0
0 0 0 ... 0      0
1 0 0 ... 0      1
1 0 0 ... 0      1
...

Obviously, if the first of X seq is 1, y = 1, else 0. We will see if the 1 status will pass along to predict the result.

Stateless LSTM Can't Converge

model = Sequential()
model.add(LSTM(LSTM_UNITS, input_shape=X_train.shape[1:], return_sequences=False, stateful=False))
model.add(Dense(1, activation='sigmoid'))
model.compile(loss='binary_crossentropy', optimizer='adam', metrics=['accuracy'])

Stateful LSTM

it works. Talk is cheap, see the code.

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].