All Projects → gakhov → Pycon Ua 2018

gakhov / Pycon Ua 2018

Licence: mit
Talk at PyCon UA 2018 (Kharkov, Ukraine)

Projects that are alternatives of or similar to Pycon Ua 2018

Multilabel Timeseries Classification With Lstm
Tensorflow implementation of paper: Learning to Diagnose with LSTM Recurrent Neural Networks.
Stars: ✭ 519 (+765%)
Mutual labels:  jupyter-notebook, time-series
Fecon235
Notebooks for financial economics. Keywords: Jupyter notebook pandas Federal Reserve FRED Ferbus GDP CPI PCE inflation unemployment wage income debt Case-Shiller housing asset portfolio equities SPX bonds TIPS rates currency FX euro EUR USD JPY yen XAU gold Brent WTI oil Holt-Winters time-series forecasting statistics econometrics
Stars: ✭ 708 (+1080%)
Mutual labels:  jupyter-notebook, time-series
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 (+881.67%)
Mutual labels:  jupyter-notebook, time-series
Data Science
Collection of useful data science topics along with code and articles
Stars: ✭ 315 (+425%)
Mutual labels:  jupyter-notebook, time-series
Kaggle Web Traffic Time Series Forecasting
Solution to Kaggle - Web Traffic Time Series Forecasting
Stars: ✭ 29 (-51.67%)
Mutual labels:  jupyter-notebook, time-series
Tsai
Time series Timeseries Deep Learning Pytorch fastai - State-of-the-art Deep Learning with Time Series and Sequences in Pytorch / fastai
Stars: ✭ 407 (+578.33%)
Mutual labels:  jupyter-notebook, time-series
H1st
The AI Application Platform We All Need. Human AND Machine Intelligence. Based on experience building AI solutions at Panasonic: robotics predictive maintenance, cold-chain energy optimization, Gigafactory battery mfg, avionics, automotive cybersecurity, and more.
Stars: ✭ 697 (+1061.67%)
Mutual labels:  jupyter-notebook, time-series
Ml sagemaker studies
Case studies, examples, and exercises for learning to deploy ML models using AWS SageMaker.
Stars: ✭ 249 (+315%)
Mutual labels:  jupyter-notebook, time-series
Awesome Ai Ml Dl
Awesome Artificial Intelligence, Machine Learning and Deep Learning as we learn it. Study notes and a curated list of awesome resources of such topics.
Stars: ✭ 831 (+1285%)
Mutual labels:  jupyter-notebook, time-series
Deep Learning Time Series
List of papers, code and experiments using deep learning for time series forecasting
Stars: ✭ 796 (+1226.67%)
Mutual labels:  jupyter-notebook, time-series
Sdv
Synthetic Data Generation for tabular, relational and time series data.
Stars: ✭ 360 (+500%)
Mutual labels:  jupyter-notebook, time-series
Wavelet networks
Code repository of the paper "Wavelet Networks: Scale Equivariant Learning From Raw Waveforms" https://arxiv.org/abs/2006.05259
Stars: ✭ 48 (-20%)
Mutual labels:  jupyter-notebook, time-series
Deltapy
DeltaPy - Tabular Data Augmentation (by @firmai)
Stars: ✭ 344 (+473.33%)
Mutual labels:  jupyter-notebook, time-series
Tensorflow Lstm Regression
Sequence prediction using recurrent neural networks(LSTM) with TensorFlow
Stars: ✭ 433 (+621.67%)
Mutual labels:  jupyter-notebook, time-series
Pycaret
An open-source, low-code machine learning library in Python
Stars: ✭ 4,594 (+7556.67%)
Mutual labels:  jupyter-notebook, time-series
Tsfresh
Automatic extraction of relevant features from time series:
Stars: ✭ 6,077 (+10028.33%)
Mutual labels:  jupyter-notebook, time-series
Auto ts
Automatically build ARIMA, SARIMAX, VAR, FB Prophet and XGBoost Models on Time Series data sets with a Single Line of Code. Now updated with Dask to handle millions of rows.
Stars: ✭ 195 (+225%)
Mutual labels:  jupyter-notebook, time-series
Unsupervisedscalablerepresentationlearningtimeseries
Unsupervised Scalable Representation Learning for Multivariate Time Series: Experiments
Stars: ✭ 205 (+241.67%)
Mutual labels:  jupyter-notebook, time-series
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 (+1130%)
Mutual labels:  jupyter-notebook, time-series
Fractional differencing gpu
Rapid large-scale fractional differencing with RAPIDS to minimize memory loss while making a time series stationary. 6x-400x speed up over CPU implementation.
Stars: ✭ 38 (-36.67%)
Mutual labels:  jupyter-notebook, time-series

Slides and demonstration examples for the talk at PyCon UA, 2018

An Introduction to Time Series Forecasting with Python

Citation

If you need to cite the presentation or the code, please use DOI 10.13140/RG.2.2.18053.86249

Gakhov, A.V. (2018). An Introduction to Time Series Forecasting with Python [PDF slides]. PyCon UA 2018, April 28-29, 2018, Kharkov, Ukraine. Retrieved from https://github.com/gakhov/pycon-ua-2018 DOI 10.13140/RG.2.2.18053.86249

Talk Abstract

Time series is an important instrument to model, analyze and predict data collected over time. In this talk, we learn the basic theoretical concepts without going deep into mathematical aspects, study different models, and try them in practice using StatsModels, Prophet, scikit-learn, and keras.

Talk Description

Nowadays, it is hard to find a company that doesn’t collect various time-dependent data in different forms, for instance, it can be a daily number of visitors and monthly sales for online stores, available resources and stock for factories, number of food poisoning cases for hospitals, and so on. And the reason why all that data is carefully collected, because it can provide meaningful insides not only about the past but can be used to predict and prepare for the future.

In this presentation, we discuss how to analyze and forecast those data, that is called time series. Many people already did that many times while trying to predict the weather on the weekend, guessing the currency exchange rate for tomorrow, or just by expecting great discounts on Christmas sales. Of course, some patterns are truly obvious, like weekly or monthly changes, and overall tendency, others are not. However, all these aspects can be formalized and learned automatically using the power of mathematics and computer science.

The first part is dedicated to the theoretical introduction of time series, where listeners can learn or refresh in memory the essential aspects of time series’ representations, modeling, and forecasting. In the second part, we dive into the most popular time series forecast models - stochastic models (e.g., Autoregressive integrated moving average (ARIMA)), artificial neural networks (e.g., seasonal recurrent neural network) and Support Vector Machines (SVR). Along the way, we show at practice how these models can be applied to a real-world dataset of UK visits by providing examples using such popular Python libraries as StatsModels, Prophet, scikit-learn, and keras.

With these guidelines in mind, you should be better equipped to deal with time series in your everyday work and opt-in for the right tools to analyze them.

To follow the talk it's not required any prior knowledge of time series analysis, but the basic understanding of mathematics and machine learning approaches could be quite helpful.

GitHub repository: https://github.com/gakhov/pycon-ua-2018/

Structure

Generic dataset exploration

To demonstrate the mentioned in the presentation models, I use the following dataset:

OS visits to UK (All visits)

The dataset represents the monthly total number of visits to the UK by overseas residents (in thousands)
from January 1980 to October 2017. Source: Office for National Statistics

Stochastic Models

As a stochastic model for seasonal time series, in the presentation, I describe the Seasonal Autoregressive Integrated Moving Average (SARIMA) model.

Another example is Facebook Prophet model that implements an additive regression model which is essentially a sophisticated curve-fitting model.

Artificial Neural Networks

I consider recurrent artificial neural networks with Long Short-Term Memory (LSTM) architecture and demonstrate how to create and fit Seasonal Artificial Neural Network (SANN).

Support Vector Machines

Support Vector Machines can be used to forecast time series, particularly the Support Vector Machine Regressors (SVMR) that are demonstrated in the presentation.

Dependencies

Install with pip

Installation requires a working build environment that can be build automatically using make utility:

$ make
$ make run

After these commands your default browser should open a Jupyter notebook's index page.

License

MIT License

Source code

Author

Read More

Seasonal ARIMA with Python

TimeSeries Decomposition in Python with statsmodels and Pandas

How to Make Out-of-Sample Forecasts with ARIMA in Python

Introduction to ARIMA: nonseasonal models

[book] Time Series by A.W. van der Vaart

[github] Time series predictions with Keras

Time Series Prediction with LSTM Recurrent Neural Networks in Python with Keras

[book] Time series analysis by Jan Grandell

Seasonal Decomposition of Time Series by Loess

How To Identify Patterns in Time Series Data: Time Series Analysis

[paper] Another look at measures of forecast accuracy

[book] An Introductory Study on Time Series Modeling and Forecasting

[paper] PSO based Neural Networks vs. Traditional Statistical Models for Seasonal Time Series Forecasting

[paper] Seasonal Time Series Forecasting Models based on Artificial Neural Network

[paper] Improving artificial neural networks’ performance in seasonal time series forecasting

Forecasting strong seasonal time series with artificial neural networks

Recurrent Neural Networks. Part 1: Theory

[slides] Time Series Analysis - Moving average and ARMA processes

How to Make Out-of-Sample Forecasts with ARIMA in Python

Cryptocurrency Predictions with ARIMA

Using Facebook Prophet Forecasting Library to Predict the Weather

Forecasting Time-Series data with Prophet

Prophet: forecasting at scale

Playing with Prophet on Bike Sharing Demand in Washington, D.C.

[paper] Using support vector machines for time series prediction

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].