index

Symbols

%matplotlib inline function 218

Numerics

1D convolution 307

A

ACF (autocorrelation function) 4142, 62, 83, 103

acorr_ljungbox function 123

activation function 277

add_changepoints_to_plot method 374

add_country_holidays method 385

ADF (augmented Dickey-Fuller) test 38, 108, 147, 188, 205, 222, 362, 411

adfuller function 67, 127

AIC (Akaike information criterion) 205, 361, 411

introduction to 113114

selecting model using 114116

alpha parameter 21

Anaconda

installing 418

installing libraries in 419

antidiabetic drug prescriptions, forecasting 216229

forecasting and evaluating performance 225229

importing required libraries and loading data 218219

modeling data 220224

conducting residual analysis 224

performing model selection 222224

visualizing series and components 219220

AR (autoregressive) model 55

ARIMA (autoregressive integrated moving average) model 142143

compared to SARIMA 176178

forecasting with 165171

ARLSTM (autoregressive LSTM) model 320328

building models 322326

household electric power consumption forecast 355356

introduction to 321322

ARMA (autoregressive moving average) process

defined 142

examining 105106

identifying stationary 106111

ARMA (p,q) (autoregressive moving average) model 61, 129, 140, 157, 167

ArmaProcess function 90, 108

AR(p) (autoregressive) model 61, 84, 140

augmented Dickey-Fuller test. See ADF (augmented Dickey-Fuller) test

auto.arima library 362

autocorrelation function. See ACF (autocorrelation function)

automating time series forecasting 361395

automated forecasting libraries 362363

Prophet 363365

advanced functionality 370381

basic forecasting with 365369

implementing robust forecasting process 381393

AutoRegressive class 323

autoregressive process 81100

defining 8485

forecasting 9298

predicting average weekly foot traffic 8283

stationary

finding order of 8592

partial autocorrelation function 8992

average weekly foot traffic, predicting 8283

ax object 21

B

bandwidth usage, forecasting 102105, 132136

Baseline class 260

baseline models 1617, 71

batches 251

bps (bits per second) 102

C

call function 324

changepoint_prior_scale parameter 379

CNNs (convolutional neural networks) 305320, 412

household electric power consumption forecast 351355

implementing 309317

as multi-output model 315317

as multi-step model 314315

as single-step model 310313

introduction to 306309

compile_and_fit function 272, 295, 309, 322, 332

complex time series 101139

autoregressive moving average process

identifying stationary 106111

introduction to 105106

devising modeling procedure 111132

Akaike information criterion 113116

residual analysis 116124

forecasting bandwidth usage 102105, 132136

consumption, forecasting 203213

Conv1D layer 307, 321, 353

convolution operation 305

CPI (consumer price index) 397

cpi variable 183

cross_validation function 375

cumsum method 33

D

data conversion 335

data exploration 237241

DataFrame data structure 18

data resampling 335338

datasets module 183

data splitting 241245

DataWindow class 249, 253260, 273, 295, 309, 322, 343345

data windowing 249260

implementing DataWindow class 253260

training models 249253

data wrangling 333338

datetime data type 336

date_time feature 242

datetime library 242

DateTime object 332

decomposition 5

deep learning 233286

applying 237245

data exploration 237241

data splitting 241245

feature engineering 241245

applying baseline models 260268

multi-output baseline model 266268

multi-step baseline models 263266

single-step baseline model 260262

data windowing 249260

how deep learning models are trained 249253

implementing DataWindow class 253260

household electric power consumption forecast

modeling 346358

preparing for modeling 342346

implementing deep neural network 276283

as multi-output model 282283

as multi-step model 281282

as single-step model 278280

implementing linear model 271276

implementing multi-output linear model 275276

implementing single-step linear model 272

types of models 234237

when to use 234

Dense layer 273, 296, 298, 311, 321, 349350

describe method 241, 338

diff method 43, 67

disposable income, forecasting 203213

DNNs (deep neural networks) 270, 276283

household electric power consumption forecast 350351

implementing as multi-output model 282283

implementing as multi-step model 281282

implementing as single-step model 278280

E

early_stopping function 273

endogenous 181

EPS (earnings per share) 15, 142

evaluate method 261

exogenous predictors or input variables 180

external variables, adding to model 180196

F

feature engineering

deep learning 241245

household electric power consumption forecast 338342

identifying seasonal period 339341

removing unnecessary columns 338

splitting and scaling data 341342

filters parameter 311

first-order differencing 37

fit method 367

forget gate 291292

G

GDP, forecasting using SARIMAX model 186195

GitHub Repository 419

Granger causality test 201203

grangercausalitytests function 207

GRU (gated recurrent unit) 288

H

hidden layers 277

historical mean, forecasting 1722

implementing historical mean baseline 1922

setting up for baseline implementations 1719

holidays_prior_scale parameter 379

horizon parameter 72

household electric power consumption, forecasting 329358

data wrangling and preprocessing 333338

data conversion 335

data resampling 335338

dealing with missing data 334

feature engineering 338342

identifying seasonal period 339341

removing unnecessary columns 338

splitting and scaling data 341342

modeling 346358

ARLSTM model 355356

baseline models 346349

CNNs 351353

combining CNN with LSTM 354355

DNNs 350351

linear model 349350

LSTM model 351

selecting best model 356358

objective of project 331332

overview of project 330332

preparing for modeling 342346

defining DataWindow class 343345

initial setup 342343

utility function 346

hyperbolic tangent (tanh) activation function 292

I

imputing process 334

infl variable 184

__init__ function 323

input gate 292294

integrated series 143

integrated time series 137

integration order 140

Interpretable Machine Learning (Molnar) 317

inverse transform 38

isna() method 334

J

Jupyter Notebooks 418

K

kernel 306

L

lags parameter 68

last known value

multi-step baseline models 263264

naive prediction of the future 2526

LDA (linear discriminant analysis) 245

linear model 270

Ljung-Box test 120121, 150, 170, 191, 208, 224, 406, 412

look-ahead bias 12

LSTMCell class 324

LSTMCell layer 323

LSTM layer 296, 314, 321, 351

LSTM (long short-term memory) model 287304

autoregressive 320328

household electric power consumption forecast 351, 354355

implementing 295302

as multi-output model 299302

as multi-step model 297299

as single-step model 295297

overview of 290295

forget gate 291292

input gate 292294

output gate 294295

recurrent neural networks 288290

lstm_rnn layer 323

M

m1 variable 184

MAE (mean absolute error) 77, 98, 136, 261, 285, 298, 318, 328, 342, 368, 397

make_dataset function 257

make_future_dataframe method 367

MA (moving average) model 55, 63

mape function 20

MAPE (mean absolute percentage error) 19, 176, 194, 212, 368

MA(q) (moving average) model 61, 81, 101, 140

matplotlib library 21, 418

max_epochs parameter 273

mean_absolute_error function 77

mean_squared_error function 51, 74, 96

mean squared error (MSE) 11, 51, 74, 93, 261, 271, 342, 400

method parameter 72

Model class 323

Molnar, Christof 317

monitor parameter 273

monthly air passengers, forecasting number of 163178

monthly average retail price, forecasting 396409

data preprocessing and visualization 398400

developing SARIMA model 404409

modeling with Prophet 400403

objective of project 397398

overview of project 397398

moving average (MA) model 55, 63

moving average (MA(q)) model 61, 81, 101, 140

moving average process 6180

defining 6368

forecasting 6978

identifying order of 6468

MSE (mean squared error) 11, 51, 74, 93, 261, 271, 342, 400

multi-output model

deep learning 266268

implementing 275276

implementing CNNs as 315317

implementing DNNs as 282283

implementing LSTM model as 299302

multiple time series 197215

forecasting real disposable income and real consumption 203213

vector autoregression model 199201

designing modeling procedure for 201203

Granger causality test 201203

MultiStepLastBaseline class 263

multi-step model 263266

implementing 274275

implementing CNNs as 314315

implementing DNNs as 281282

implementing LSTM model as 297299

predicting last known value 263264

repeating input sequence 264266

N

naive prediction of the future 1429

defining baseline model 1617

forecasting historical mean 1722

implementing historical mean baseline 1922

setting up for baseline implementations 1719

forecasting last year's mean 2325

implementing naive seasonal forecast 2628

predicting using last known value 2526

naive seasonal forecast, implementing 2628

NeuralProphet website 362

non-stationary time series 140155

autoregressive integrated moving average model 142143

forecasting 145154

modifying general modeling procedure 143145

numpy library 19, 33, 67, 127, 333, 365, 418

O

optimize_ARIMA function 149, 168

optimize_ARMA function 115, 149

optimize_SARIMA function 168

optimize_SARIMAX function 188, 223, 390, 405

optimize_VAR function 205

out-of-sample forecasting 17

output gate 294295

out_steps parameter 323

P

PACF (partial autocorrelation function) 8992

padding 308

pandas library 17, 53, 418

pandas.Timedelta class 375

patience parameter 273

performance_metrics function 377

plot_acf function 68, 88, 109

plot_components method 371

plot_diagnostics function 207

plot_diagnostics method 123, 150, 224

plot method 262, 273, 296, 311, 325, 347, 370

plot_pacf function 91, 110

plot_weekly method 372

plot_yearly method 372

Pmdarima website 362

pop variable 184

predict method 367

product function 114

Prophet 363365

advanced functionality 370381

cross-validation and performance metrics 374378

hyperparameter tuning 379381

visualization capabilities 370374

basic forecasting with 365369

implementing robust forecasting process 381393

comparing to SARIMA 389393

predicting popularity searches on Google 381388

installing 419

monthly average retail price forecast 400403

website 362

Prophet class 367

Python 418

PyTorch Forecasting website 362

Q

qqplot function 121

Q-Q (quantile-quantile) plot 111, 118120, 411

R

random.seed method 33

random walk process 3058

forecasting random walks 4754

next timestep 5254

on long horizon 4852

identifying random walks 3547

autocorrelation function 4142

stationarity 3638

testing for stationarity 3841

introduction to 3135

simulating 3235

read_csv method 17, 45, 333

realcons variable 183

realdpi variable 183

realgdp variable 183

realgovt variable 183

realint variable 184

realinv variable 183

recursive_forecast function 193

ReLU (Rectified Linear Unit) activation function 278

RepeatBaseline class 264

resid property 121

residual analysis 116121

antidiabetic drug prescriptions forecast 224

Ljung-Box test 120121

performing 121124

quantile-quantile plot 118120

RNN layer 323

RNNs (recurrent neural networks) 288290, 305

rolling_forecast function 72, 132, 192, 210, 225

rolling forecasts 71

rolling_window parameter 377

S

SARIMA(p,d,q)(P,D,Q)m (seasonal autoregressive integrated moving average) model 156

SARIMA (seasonal autoregressive integrated moving average) model

compared to ARIMA 176178

examining 157160

forecasting with 171175

monthly average retail price forecast 404409

Prophet vs. 389393

SARIMAX function 71, 149, 182

SARIMAX model 180, 182186

caveat for 185186

exogenous variables 183184

forecasting real GDP using 186195

seasonality 156179

forecasting number of monthly air passengers 163178

comparing performance of methods 176178

forecasting with an ARIMA model 165171

forecasting with SARIMA model 171175

identifying seasonal patterns in time series 160163

naive seasonal forecast 2628

SARIMA model 157160

seasonality_mode parameter 379

seasonality_prior_scale parameter 379

second-order differencing 37

self parameter 323

Sequential model 273, 296, 311

shift method 53

shuffling 251

single-step model

deep learning 260262

implementing 272274

implementing CNNs as 310313

implementing DNNs as 278280

implementing LSTM model as 295297

single-step models 234

sklearn API 367

sklearn library 51, 96

sklearn package 74

split_to_inputs_labels function 255

standard_normal method 33

stationarity

autoregressive moving average process 106111

finding order of stationary autoregressive process 8592

introduction to 3638

testing for 3841

stationary time series 36

statsmodels library 42, 67, 91, 108, 161, 183, 203, 207, 418

STL function 161

strides 307

sum() method 334

summary method 185

T

tanh (hyperbolic tangent) activation function 292

tbilrate variable 184, 199

time series 4

timeseries_dataset_from_array function 256

time series decomposition 161

time series forecasting 313, 410417

automating 413

automating with Prophet 361395

compared to other regression tasks 1213

time series have order 12

time series sometimes do not have features 13

complex 101139

components of 58

components of time series 58

deep learning for 233247, 412413

features 13

filtering with convolutional neural networks 305319

if forecasting doesn't work 413415

multiple time series 197215

non-stationary time series 140155

order 12

other applications of time series data 415416

overview 48

sources of time series data 416417

statistical methods for 411412

steps in 811

collecting new data 11

deploying to production 11

determining what must be forecast to achieve goals 9

developing forecasting model 1011

gathering data 10

monitoring 11

setting goals 9

setting horizon of forecast 10

timestamp method 242

to_numeric function 335

train_len parameter 72

transpose method 324

U

unemp variable 184

units parameter 311, 323

V

VARMAX function 214

VAR (vector autoregression) model 199201

designing modeling procedure for 201203

Granger causality test 201203

W

warmup function 323

white noise 32

widget_sales_diff variable 67

window parameter 72

Y

y_pred vector 20

y_true vector 20

..................Content has been hidden....................

You can't read the all page of ebook, please click here login for view all page.
Reset
18.118.119.229