Time Series Analysis is a way of studying the characteristics of the response variable concerning time as the independent variable. To estimate the target variable in predicting or forecasting, use the time variable as the reference point. TSA represents a series of time-based orders, it would be Years, Months, Weeks, Days, Horus, Minutes, and Seconds. It is an observation from the sequence of discrete time of successive intervals. Some real-world application of TSA includes weather forecasting models, stock market predictions, signal processing, and control systems. Since TSA involves producing the set of information in a particular sequence, this makes it distinct from spatial and other analyses. We could predict the future using AR, MA, ARMA, and ARIMA models. In this article, we will be decoding time series analysis for you.
In this article, you will explore time series analysis, uncovering what time series analysis is and how it applies to time series forecasting. We will delve into various time series models and their significance in machine learning, providing insights into effective time series forecasting techniques. Join us as we navigate about the time series analysis in machine learning!
This article was published as a part of the Data Science Blogathon.
Time series analysis is a statistical technique used to analyze data points gathered at consistent intervals over a time span in order to detect patterns and trends. Understanding the fundamental framework of the data can assist in predicting future data points and making knowledgeable choices.
To perform the time series analysis, we have to follow the following steps:
TSA is the backbone for prediction and forecasting analysis, specific to time-based problem statements.
With the help of “Time Series,” we can prepare numerous time-based analyses and results.
Let’s look at the various components of Time Series Analysis:
Time series has the below-mentioned limitations; we have to take care of those during our data analysis.
Let’s discuss the time series’ data types and their influence. While discussing TS data types, there are two major types – stationary and non-stationary.
Stationary: A dataset should follow the below thumb rules without having Trend, Seasonality, Cyclical, and Irregularity components of the time series.
Non- Stationary: If either the mean-variance or covariance is changing with respect to time, the dataset is called non-stationary.
During the TSA model preparation workflow, we must assess whether the dataset is stationary or not. This is done using Statistical Tests. There are two tests available to test if the dataset is stationary:
The ADF test is the most popular statistical test. It is done with the following assumptions:
These tests assess a NULL Hypothesis (HO), perceiving the time series as stationary around a deterministic trend, in contrast to the alternative of a unit root. Since TSA is looking for Stationary Data for its further analysis, we have to ensure that the dataset is stationary.
Let’s discuss quickly how to convert non-stationary to stationary for effective time series modeling. There are three methods available for this conversion – detrending, differencing, and transformation.
It involves removing the trend effects from the given dataset and showing only the differences in values from the trend. It always allows cyclical patterns to be identified.
This is a simple transformation of the series into a new time series, which we use to remove the series dependence on time and stabilize the mean of the time series, so trend and seasonality are reduced during this transformation.
This includes three different methods they are Power Transform, Square Root, and Log Transfer. The most commonly used one is Log Transfer.
The commonly used time series method is the Moving Average. This method is slick with random short-term variations. Relatively associated with the components of time series.
The Moving Average (MA) (or) Rolling Mean: The value of MA is calculated by taking average data of the time-series within k periods.
Let’s see the types of moving averages:
The Simple Moving Average (SMA) calculates the unweighted mean of the previous M or N points. We prefer selecting sliding window data points based on the amount of smoothing, as increasing the value of M or N improves smoothing but reduces accuracy.
To understand better, I will use the air temperature dataset.
Code
import pandas as pd
from matplotlib import pyplot as plt
from statsmodels.graphics.tsaplots import plot_acf
df_temperature = pd.read_csv('temperature_TSA.csv', encoding='utf-8')
df_temperature.head()
Output
Code
df_temperature.info()
Output
Code
# set index for year column
df_temperature.set_index('Any', inplace=True)
df_temperature.index.name = 'year'
# Yearly average air temperature - calculation
df_temperature['average_temperature'] = df_temperature.mean(axis=1)
# drop unwanted columns and resetting the datafreame
df_temperature = df_temperature[['average_temperature']]
df_temperature.head()
Output
Code
# SMA over a period of 10 and 20 years
df_temperature['SMA_10'] = df_temperature.average_temperature.rolling(10, min_periods=1).mean()
df_temperature['SMA_20'] = df_temperature.average_temperature.rolling(20, min_periods=1).mean()
# Grean = Avg Air Temp, RED = 10 yrs, ORANG colors for the line plot
colors = ['green', 'red', 'orange']
# Line plot
df_temperature.plot(color=colors, linewidth=3, figsize=(12,6))
plt.xticks(fontsize=14)
plt.yticks(fontsize=14)
plt.legend(labels =['Average air temperature', '10-years SMA', '20-years SMA'], fontsize=14)
plt.title('The yearly average air temperature in city', fontsize=20)
plt.xlabel('Year', fontsize=16)
plt.ylabel('Temperature [°C]', fontsize=16)
Output
The CMA is the unweighted mean of past values till the current time.
Code
# CMA Air temperature
df_temperature['CMA'] = df_temperature.average_temperature.expanding().mean()
# green -Avg Air Temp and Orange -CMA
colors = ['green', 'orange']
# line plot
df_temperature[['average_temperature', 'CMA']].plot(color=colors, linewidth=3, figsize=(12,6))
plt.xticks(fontsize=14)
plt.yticks(fontsize=14)
plt.legend(labels =['Average Air Temperature', 'CMA'], fontsize=14)
plt.title('The yearly average air temperature in city', fontsize=20)
plt.xlabel('Year', fontsize=16)
plt.ylabel('Temperature [°C]', fontsize=16)
Output
EMA is mainly used to identify trends and filter out noise. The weight of elements is decreased gradually over time. This means It gives weight to recent data points, not historical ones. Compared with SMA, the EMA is faster to change and more sensitive.
α –>Smoothing Factor.
Let’s apply the exponential moving averages with a smoothing factor of 0.1 and 0.3 in the given dataset.
Code
# EMA Air Temperature
# Let's smoothing factor - 0.1
df_temperature['EMA_0.1'] = df_temperature.average_temperature.ewm(alpha=0.1, adjust=False).mean()
# Let's smoothing factor - 0.3
df_temperature['EMA_0.3'] = df_temperature.average_temperature.ewm(alpha=0.3, adjust=False).mean()
# green - Avg Air Temp, red- smoothing factor - 0.1, yellow - smoothing factor - 0.3
colors = ['green', 'red', 'yellow']
df_temperature[['average_temperature', 'EMA_0.1', 'EMA_0.3']].plot(color=colors, linewidth=3, figsize=(12,6), alpha=0.8)
plt.xticks(fontsize=14)
plt.yticks(fontsize=14)
plt.legend(labels=['Average air temperature', 'EMA - alpha=0.1', 'EMA - alpha=0.3'], fontsize=14)
plt.title('The yearly average air temperature in city', fontsize=20)
plt.xlabel('Year', fontsize=16)
plt.ylabel('Temperature [°C]', fontsize=16)
Output
When dealing with TSA in Data Science and Machine Learning, there are multiple model options are available. In which the Autoregressive–Moving-Average (ARMA) models with [p, d, and q].
Before we get to know about Arima, first, you should understand the below terms better.
ACF indicates how similar a value is within a given time series and the previous value. (OR) It measures the degree of the similarity between a given time series and the lagged version of that time series at the various intervals we observed.
Python Statsmodels library calculates autocorrelation. It identifies a set of trends in the given dataset and the influence of former observed values on the currently observed values.
PACF is similar to Auto-Correlation Function and is a little challenging to understand. It always shows the correlation of the sequence with itself with some number of time units per sequence order in which only the direct effect has been shown, and all other intermediary effects are removed from the given time series.
Code
plot_acf(df_temperature)
plt.show()
plot_acf(df_temperature, lags=30)
plt.show()
Output
Observation
The previous temperature influences the current temperature, but the significance of that influence decreases and slightly increases from the above visualization along with the temperature with regular time intervals.
ACF | PACF | Perfect ML -Model |
Plot declines gradually | Plot drops instantly | Auto Regressive model. |
Plot drops instantly | Plot declines gradually | Moving Average model |
Plot decline gradually | Plot Decline gradually | ARMA |
Plot drop instantly | Plot drop instantly | You wouldn’t perform any model |
Remember that both ACF and PACF require stationary time series for analysis.
An auto-regressive model is a simple model that predicts future performance based on past performance. It is mainly used for forecasting when there is some correlation between values in a given time series and those that precede and succeed (back and forth).
An AR is a Linear Regression model that uses lagged variables as input. By indicating the input, the Linear Regression model can be easily built using the scikit-learn library. Statsmodels library provides autoregression model-specific functions where you must specify an appropriate lag value and train the model. It is provided in the AutoTeg class to get the results using simple steps.
The equation for the AR model (Let’s compare Y=mX+c)
Yt =C+b1 Yt-1+ b2 Yt-2+……+ bp Yt-p+ Ert
Key Parameters
Lets’s check whether the given data set or time series is random or not.
Code
from matplotlib import pyplot
from pandas.plotting import lag_plot
lag_plot(df_temperature)
pyplot.show()
Output
Observation
Yes, it looks random and scattered.
Code
#import libraries
from matplotlib import pyplot
from statsmodels.tsa.ar_model import AutoReg
from sklearn.metrics import mean_squared_error
from math import sqrt
# load csv as dataset
#series = read_csv('daily-min-temperatures.csv', header=0, index_col=0, parse_dates=True, squeeze=True)
# split dataset for test and training
X = df_temperature.values
train, test = X[1:len(X)-7], X[len(X)-7:]
# train autoregression
model = AutoReg(train, lags=20)
model_fit = model.fit()
print('Coefficients: %s' % model_fit.params)
# Predictions
predictions = model_fit.predict(start=len(train), end=len(train)+len(test)-1, dynamic=False)
for i in range(len(predictions)):
print('predicted=%f, expected=%f' % (predictions[i], test[i]))
rmse = sqrt(mean_squared_error(test, predictions))
print('Test RMSE: %.3f' % rmse)
# plot results
pyplot.plot(test)
pyplot.plot(predictions, color='red')
pyplot.show()
Output
predicted=15.893972, expected=16.275000
predicted=15.917959, expected=16.600000
predicted=15.812741, expected=16.475000
predicted=15.787555, expected=16.375000
predicted=16.023780, expected=16.283333
predicted=15.940271, expected=16.525000
predicted=15.831538, expected=16.758333
Test RMSE: 0.617
Observation
Expected (blue) Against Predicted (red). The forecast looks good on the 4th and the deviation on the 6th day.
Code
import numpy as np
alpha= 0.3
n = 10
w_sma = np.repeat(1/n, n)
colors = ['green', 'yellow']
# weights - exponential moving average alpha=0.3 adjust=False
w_ema = [(1-ALPHA)**i if i==N-1 else alpha*(1-alpha)**i for i in range(n)]
pd.DataFrame({'w_sma': w_sma, 'w_ema': w_ema}).plot(color=colors, kind='bar', figsize=(8,5))
plt.xticks([])
plt.yticks(fontsize=10)
plt.legend(labels=['Simple moving average', 'Exponential moving average (α=0.3)'], fontsize=10)
# title and labels
plt.title('Moving Average Weights', fontsize=10)
plt.ylabel('Weights', fontsize=10)
Output
ARMA is a combination of the Auto-Regressive and Moving Average models for forecasting. This model provides a weakly stationary stochastic process in terms of two polynomials, one for the Auto-Regressive and the second for the Moving Average.
ARMA is best for predicting stationary series. ARIMA was thus developed to support both stationary as well as non-stationary series.
AR+I+MA= ARIMA
We have already discussed steps 1-5 which will remain the same; let’s focus on the rest here.
Code
from statsmodels.tsa.arima_model import ARIMA
model = ARIMA(df_temperature, order=(0, 1, 1))
results_ARIMA = model.fit()
results_ARIMA.summary()
Output
Code
results_ARIMA.forecast(3)[0]
Output
array([16.47648941, 16.48621826, 16.49594711])
Code
results_ARIMA.plot_predict(start=200)
plt.show()
Output
In recent years, the use of Deep Learning for Time Series Analysis and Forecasting has increased to resolve problem statements that couldn’t be handled using Machine Learning techniques. Let’s discuss this briefly.
Recurrent Neural Networks (RNN) is the most traditional and accepted architecture fitment for Time-Series forecasting-based problems.
RNN is organized into successive layers and divided into
Each layer has equal weight, and every neuron has to be assigned to fixed time steps. Do remember that every one of them is fully connected with a hidden layer (Input and Output) with the same time steps, and the hidden layers are forwarded and time-dependent in direction.
internally weight matrix W is formed by the hidden layer neurons of time t-1 and t+1. Following this, the hidden layer with to the output vector y(t) of time t by a V (weight matrix); all the weight matrices U, W, and V are constant for each time step.
A time series is constructed by data that is measured over time at evenly spaced intervals. I hope this comprehensive guide has helped you all understand the time series, its flow, and how it works. Although the TSA is widely used to handle data science problems, it has certain limitations, such as not supporting missing values. Note that the data points must be linear in their relationship for Time Series Analysis to be done.
Hope you like the article! Time series analysis is crucial for understanding sequential data over time. It involves time series forecasting using machine learning models to predict future values based on historical trends, answering the question, “What is time series analysis?” Various time series models enhance accuracy in forecasting outcomes in diverse applications, from finance to weather predictions.
Ready to dive deeper into Time Series Analysis? Enhance your skills with Analytics Vidhya’s comprehensive courses and unlock new possibilities in your data science careers. Check out our courses today!
The media shown in this article are not owned by Analytics Vidhya and is used at the Author’s discretion.
A. The four main components of time series are Trend, Seasonality, Cyclical, and Irregularity.
A. To perform time series analysis, follow these steps: collect and preprocess data, visualize data for patterns, decompose the series into components, select and fit a model, validate the model, and make predictions based on the analysis.
A. The three fundamental steps to model a time series are: identify the data patterns, choose an appropriate model, and validate the model’s accuracy using historical data before making predictions.
A. The parameters of a time series include trend, seasonality, and noise. Trend represents the long-term movement, seasonality captures repeating patterns, and noise accounts for random variations in the data.
A. The time series method of forecasting involves analyzing historical data points collected over time to identify patterns and trends. By applying statistical techniques and models, such as ARIMA, Exponential Smoothing, or Seasonal Decomposition, it predicts future values based on these identified patterns.
I like the article A Comprehensive Guide to Time Series analysis. Please may you send me the dataset you used on this article Thanks
Very well justified by writing simple codes and a story like illustration.
The article is good, however you should provide the source dataset i.e. "temperature_TSA.csv" so that one can replicate the codes. without this its difficult to understand just by reading.