700字范文,内容丰富有趣,生活中的好帮手!
700字范文 > 时间序列深度学习:状态 LSTM 模型预测太阳黑子(二)

时间序列深度学习:状态 LSTM 模型预测太阳黑子(二)

时间:2023-05-14 23:26:05

相关推荐

时间序列深度学习:状态 LSTM 模型预测太阳黑子(二)

作者:徐瑞龙,量化分析师,R语言中文社区专栏作者

博客专栏:

/xuruilong100

前文推送:

时间序列深度学习:状态 LSTM 模型预测太阳黑子(一)

本文翻译自《Time Series Deep Learning: Forecasting Sunspots With Keras Stateful Lstm In R》

上文我们讲解了构建 LSTM 模型预测太阳黑子,本篇主要讲解如何在用 Keras 构建状态 LSTM 模型。

接上一篇:

5 用 Keras 构建状态 LSTM 模型

首先,我们将在回测策略的某个样本上用 Keras 开发一个状态 LSTM 模型。然后,我们将模型套用到所有样本,以测试和验证模型性能。

5.1 单个 LSTM 模型

对单个 LSTM 模型,我们选择并可视化最近一期的分割样本(Slice11),这一样本包含了最新的数据。

split <- rolling_origin_resamples$splits[[11]]split_id <- rolling_origin_resamples$id[[11]]

5.1.1 可视化该分割样本

我么可以用plot_split()函数可视化该分割,设定expand_y_axis = FALSE以便将横坐标缩放到样本本身的范围。

plot_split(split,expand_y_axis = FALSE,size = 0.5) +theme(legend.position = "bottom") +ggtitle(glue("Split: {split_id}"))

5.1.2 数据准备

首先,我们将训练和测试数据集合成一个数据集,并使用列key来标记它们来自哪个集合(trainingtesting)。请注意,tbl_time对象需要在调用bind_rows()时重新指定索引,但是这个问题应该很快在dplyr包中得到纠正。

df_trn <- training(split)df_tst <- testing(split)df <- bind_rows(df_trn %>% add_column(key = "training"),df_tst %>% add_column(key = "testing")) %>% as_tbl_time(index = index)df

## # A time tibble: 720 x 3## # Index: index## index value key ## <date> <dbl> <chr> ## 1 1949-11-01 144. training## 2 1949-12-01 118. training## 3 1950-01-01 102. training## 4 1950-02-01 94.8 training## 5 1950-03-01 110. training## 6 1950-04-01 113. training## 7 1950-05-01 106. training## 8 1950-06-01 83.6 training## 9 1950-07-01 91.0 training## 10 1950-08-01 85.2 training## # ... with 710 more rows

5.1.3 用recipe做数据预处理

LSTM 算法要求输入数据经过中心化并标度化。我们可以使用recipe包预处理数据。我们用step_sqrt来转换数据以减少异常值的影响,再结合step_centerstep_scale对数据进行中心化和标度化。最后,数据使用bake()函数实现处理转换。

rec_obj <- recipe(value ~ ., df) %>%step_sqrt(value) %>%step_center(value) %>%step_scale(value) %>%prep()df_processed_tbl <- bake(rec_obj, df)df_processed_tbl

## # A tibble: 720 x 3## index value key ## <date> <dbl> <fct> ## 1 1949-11-01 1.25 training## 2 1949-12-01 0.929 training## 3 1950-01-01 0.714 training## 4 1950-02-01 0.617 training## 5 1950-03-01 0.825 training## 6 1950-04-01 0.874 training## 7 1950-05-01 0.777 training## 8 1950-06-01 0.450 training## 9 1950-07-01 0.561 training## 10 1950-08-01 0.474 training## # ... with 710 more rows

接着,记录中心化和标度化的信息,以便在建模完成之后可以将数据逆向转换回去。平方根转换可以通过乘方运算逆转回去,但要在逆转中心化和标度化之后。

center_history <- rec_obj$steps[[2]]$means["value"]scale_history <- rec_obj$steps[[3]]$sds["value"]c("center" = center_history, "scale" = scale_history)

## center.value scale.value ## 7.549526 3.545561

5.1.4 规划 LSTM 模型

我们需要规划下如何构建 LSTM 模型。首先,了解几个 LSTM 模型的专业术语

张量格式(Tensor Format)

预测变量(X)必须是一个 3 维数组,维度分别是:samplestimestepsfeatures。第一维代表变量的长度;第二维是时间步(滞后阶数);第三维是预测变量的个数(1 表示单变量,n 表示多变量)

输出或目标变量(y)必须是一个 2 维数组,维度分别是:samplestimesteps。第一维代表变量的长度;第二维是时间步(之后阶数)

训练与测试

训练与测试的长度必须是可分的(训练集长度除以测试集长度必须是一个整数)

批量大小(Batch Size)

批量大小是在 RNN 权重更新之前一次前向 / 后向传播过程中训练样本的数量

批量大小关于训练集和测试集长度必须是可分的(训练集长度除以批量大小,以及测试集长度除以批量大小必须是一个整数)

时间步(Time Steps):

时间步是训练集与测试集中的滞后阶数

我们的例子中滞后 1 阶

周期(Epochs)

周期是前向 / 后向传播迭代的总次数

通常情况下周期越多,模型表现越好,直到验证集上的精确度或损失不再增加,这时便出现过度拟合

考虑到这一点,我们可以提出一个计划。我们将预测窗口或测试集的长度定在 120 个月()。最优相关性发生在 125 阶,但这并不能被预测范围整除。我们可以增加预测范围,但是这仅提供了自相关性的最小幅度增加。我们选择批量大小为 40,它可以整除测试集和训练集的观察个数。我们选择时间步等于 1,这是因为我们只使用 1 阶滞后(只向前预测一步)。最后,我们设置epochs = 300,但这需要调整以平衡偏差与方差。

# Model inputslag_setting <- 120 # = nrow(df_tst)batch_size <- 40train_length <- 440tsteps <- 1epochs <- 300

5.1.5 2 维与 3 维的训练、测试数组

下面将训练集和测试集数据转换成合适的形式(数组)。记住,LSTM 模型要求预测变量(X)是 3 维的,输出或目标变量(y)是 2 维的。

# Training Setlag_train_tbl <- df_processed_tbl %>%mutate(value_lag = lag(value, n = lag_setting)) %>%filter(!is.na(value_lag)) %>%filter(key == "training") %>%tail(train_length)x_train_vec <- lag_train_tbl$value_lagx_train_arr <- array(data = x_train_vec, dim = c(length(x_train_vec), 1, 1))y_train_vec <- lag_train_tbl$valuey_train_arr <- array(data = y_train_vec, dim = c(length(y_train_vec), 1))# Testing Setlag_test_tbl <- df_processed_tbl %>%mutate(value_lag = lag(value, n = lag_setting)) %>%filter(!is.na(value_lag)) %>%filter(key == "testing")x_test_vec <- lag_test_tbl$value_lagx_test_arr <- array(data = x_test_vec,dim = c(length(x_test_vec), 1, 1))y_test_vec <- lag_test_tbl$valuey_test_arr <- array(data = y_test_vec,dim = c(length(y_test_vec), 1))

5.1.6 构建 LSTM 模型

我们可以使用keras_model_sequential()构建 LSTM 模型,并像堆砖块一样堆叠神经网络层。我们将使用两个 LSTM 层,每层都设定units = 50。第一个 LSTM 层接收所需的输入形状,即[时间步,特征数量]。批量大小就是我们的批量大小。我们将第一层设置为return_sequences = TRUEstateful = TRUE。第二层和前面相同,除了batch_sizebatch_size只需要在第一层中指定),另外return_sequences = FALSE不返回时间戳维度(从第一个 LSTM 层返回 2 维数组,而不是 3 维)。我们使用layer_dense(units = 1),这是 Keras 序列模型的标准结尾。最后,我们在compile()中使用loss ="mae"以及流行的optimizer = "adam"

model <- keras_model_sequential()model %>%layer_lstm(units= 50, input_shape = c(tsteps, 1), batch_size = batch_size,return_sequences = TRUE, stateful= TRUE) %>% layer_lstm(units= 50, return_sequences = FALSE, stateful= TRUE) %>% layer_dense(units = 1)model %>% compile(loss = 'mae', optimizer = 'adam')model

## Model## ______________________________________________________________________## Layer (type)Output Shape Param # ## ======================================================================## lstm_1 (LSTM) (40, 1, 50) 10400 ## ______________________________________________________________________## lstm_2 (LSTM) (40, 50)0 ## ______________________________________________________________________## dense_1 (Dense) (40, 1) 51## ======================================================================## Total params: 30,651## Trainable params: 30,651## Non-trainable params: 0## ______________________________________________________________________

5.1.7 拟合 LSTM 模型

下一步,我们使用一个for循环拟合状态 LSTM 模型(需要手动重置状态)。有 300 个周期要循环,运行需要一点时间。我们设置shuffle = FALSE来保存序列,并且我们使用reset_states()在每个循环后手动重置状态。

for (i in 1:epochs) {model %>%fit(x= x_train_arr, y= y_train_arr, batch_size = batch_size,epochs = 1, verbose = 1, shuffle = FALSE)model %>% reset_states()cat("Epoch: ", i)}

5.1.8 使用 LSTM 模型预测

然后,我们可以使用predict()函数对测试集x_test_arr进行预测。我们可以使用之前保存的scale_historycenter_history转换得到的预测,然后对结果进行平方。最后,我们使用reduce()和自定义的time_bind_rows()函数将预测与一列原始数据结合起来。

# Make Predictionspred_out <- model %>% predict(x_test_arr, batch_size = batch_size) %>%.[,1] # Retransform valuespred_tbl <- tibble(index = lag_test_tbl$index,value = (pred_out * scale_history + center_history)^2) # Combine actual data with predictionstbl_1 <- df_trn %>%add_column(key = "actual")tbl_2 <- df_tst %>%add_column(key = "actual")tbl_3 <- pred_tbl %>%add_column(key = "predict")# Create time_bind_rows() to solve dplyr issuetime_bind_rows <- function(data_1,data_2, index) {index_expr <- enquo(index)bind_rows(data_1, data_2) %>%as_tbl_time(index = !! index_expr)}ret <- list(tbl_1, tbl_2, tbl_3) %>%reduce(time_bind_rows, index = index) %>%arrange(key, index) %>%mutate(key = as_factor(key))ret

## # A time tibble: 840 x 3## # Index: index## index value key ## <date> <dbl> <fct> ## 1 1949-11-01 144. actual## 2 1949-12-01 118. actual## 3 1950-01-01 102. actual## 4 1950-02-01 94.8 actual## 5 1950-03-01 110. actual## 6 1950-04-01 113. actual## 7 1950-05-01 106. actual## 8 1950-06-01 83.6 actual## 9 1950-07-01 91.0 actual## 10 1950-08-01 85.2 actual## # ... with 830 more rows

5.1.9 评估单个分割样本上 LSTM 模型的表现

我们使用yardstick包里的rmse()函数评估表现,rmse()返回均方误差平方根(RMSE)。我们的数据以“长”格式的形式存在(使用ggplot2可视化的最佳格式),所以需要创建一个包装器函数calc_rmse()对数据做预处理,以适应yardstick::rmse()的要求。

calc_rmse <- function(prediction_tbl) {rmse_calculation <- function(data) {data %>%spread(key = key, value = value) %>%select(-index) %>%filter(!is.na(predict)) %>%rename(truth = actual,estimate = predict) %>%rmse(truth, estimate)}safe_rmse <- possibly(rmse_calculation, otherwise = NA)safe_rmse(prediction_tbl)}

我们计算模型的 RMSE。

calc_rmse(ret)

## [1] 31.81798

RMSE 提供的信息有限,我们需要可视化。

注意:当我们扩展到回测策略中的所有样本时,RMSE 将在确定预期误差时派上用场。

5.1.10 可视化一步预测

下一步,我们创建一个绘图函数——plot_prediction(),借助ggplot2可视化单一样本上的结果。

# Setup single plot functionplot_prediction <- function(data, id,alpha = 1,size = 2,base_size = 14) {rmse_val <- calc_rmse(data)g <- data %>%ggplot(aes(index, value, color = key)) +geom_point(alpha = alpha, size = size) + theme_tq(base_size = base_size) +scale_color_tq() +theme(legend.position = "none") +labs(title = glue("{id}, RMSE: {round(rmse_val, digits = 1)}"),x = "", y = "")return(g)}

我们设置id = split_id,在 Slice11 上测试函数。

ret %>% plot_prediction(id = split_id, alpha = 0.65) +theme(legend.position = "bottom")

LSTM 模型表现相对较好! 我们选择的设置似乎产生了一个不错的模型,可以捕捉到数据中的趋势。预测在下一个上升趋势前抢跑了,但总体上好过了我的预期。现在,我们需要通过回测来查看随着时间推移的真实表现!

5.2 在 11 个样本上回测 LSTM 模型

一旦我们有了能在一个样本上工作的 LSTM 模型,扩展到全部 11 个样本上就相对简单。我们只需创建一个预测函数,再套用到rolling_origin_resamples中抽样计划包含的数据上。

5.2.1 构建一个 LSTM 预测函数

这一步看起来很吓人,但实际上很简单。我们将5.1 节的代码复制到一个函数中。我们将它作为一个安全函数,对于任何长时间运行的函数来说,这是一个很好的做法,可以防止单个故障停止整个过程。

predict_keras_lstm <- function(split,epochs = 300,...) {lstm_prediction <- function(split,epochs,...) {# 5.1.2 Data Setupdf_trn <- training(split)df_tst <- testing(split)df <- bind_rows(df_trn %>% add_column(key = "training"),df_tst %>% add_column(key = "testing")) %>% as_tbl_time(index = index)# 5.1.3 Preprocessingrec_obj <- recipe(value ~ ., df) %>%step_sqrt(value) %>%step_center(value) %>%step_scale(value) %>%prep()df_processed_tbl <- bake(rec_obj, df)center_history <- rec_obj$steps[[2]]$means["value"]scale_history <- rec_obj$steps[[3]]$sds["value"]# 5.1.4 LSTM Planlag_setting <- 120 # = nrow(df_tst)batch_size <- 40train_length <- 440tsteps <- 1epochs <- epochs# 5.1.5 Train/Test Setuplag_train_tbl <- df_processed_tbl %>%mutate(value_lag = lag(value, n = lag_setting)) %>%filter(!is.na(value_lag)) %>%filter(key == "training") %>%tail(train_length)x_train_vec <- lag_train_tbl$value_lagx_train_arr <- array(data = x_train_vec, dim = c(length(x_train_vec), 1, 1))y_train_vec <- lag_train_tbl$valuey_train_arr <- array(data = y_train_vec, dim = c(length(y_train_vec), 1))lag_test_tbl <- df_processed_tbl %>%mutate(value_lag = lag(value, n = lag_setting)) %>%filter(!is.na(value_lag)) %>%filter(key == "testing")x_test_vec <- lag_test_tbl$value_lagx_test_arr <- array(data = x_test_vec, dim = c(length(x_test_vec), 1, 1))y_test_vec <- lag_test_tbl$valuey_test_arr <- array(data = y_test_vec, dim = c(length(y_test_vec), 1))# 5.1.6 LSTM Modelmodel <- keras_model_sequential()model %>%layer_lstm(units= 50, input_shape = c(tsteps, 1), batch_size = batch_size,return_sequences = TRUE, stateful= TRUE) %>% layer_lstm(units= 50, return_sequences = FALSE, stateful= TRUE) %>% layer_dense(units = 1)model %>% compile(loss = 'mae', optimizer = 'adam')# 5.1.7 Fitting LSTMfor (i in 1:epochs) {model %>%fit(x= x_train_arr, y= y_train_arr, batch_size = batch_size,epochs = 1, verbose = 1, shuffle = FALSE)model %>% reset_states()cat("Epoch: ", i)}# 5.1.8 Predict and Return Tidy Data# Make Predictionspred_out <- model %>% predict(x_test_arr, batch_size = batch_size) %>%.[,1] # Retransform valuespred_tbl <- tibble(index = lag_test_tbl$index,value = (pred_out * scale_history + center_history)^2) # Combine actual data with predictionstbl_1 <- df_trn %>%add_column(key = "actual")tbl_2 <- df_tst %>%add_column(key = "actual")tbl_3 <- pred_tbl %>%add_column(key = "predict")# Create time_bind_rows() to solve dplyr issuetime_bind_rows <- function(data_1, data_2, index) {index_expr <- enquo(index)bind_rows(data_1, data_2) %>%as_tbl_time(index = !! index_expr)}ret <- list(tbl_1, tbl_2, tbl_3) %>%reduce(time_bind_rows, index = index) %>%arrange(key, index) %>%mutate(key = as_factor(key))return(ret) }safe_lstm <- possibly(lstm_prediction, otherwise = NA)safe_lstm(split, epochs, ...)}

我们测试下predict_keras_lstm()函数,设置epochs = 10。返回的数据为长格式,在key列中标记有actualpredict

predict_keras_lstm(split, epochs = 10)

## # A time tibble: 840 x 3## # Index: index## index value key ## <date> <dbl> <fct> ## 1 1949-11-01 144. actual## 2 1949-12-01 118. actual## 3 1950-01-01 102. actual## 4 1950-02-01 94.8 actual## 5 1950-03-01 110. actual## 6 1950-04-01 113. actual## 7 1950-05-01 106. actual## 8 1950-06-01 83.6 actual## 9 1950-07-01 91.0 actual## 10 1950-08-01 85.2 actual## # ... with 830 more rows

5.2.2 将 LSTM 预测函数应用到 11 个样本上

既然predict_keras_lstm()函数可以在一个样本上运行,我们现在可以借助使用mutate()map()将函数应用到所有样本上。预测将存储在名为predict的列中。注意,这可能需要 5-10 分钟左右才能完成。

sample_predictions_lstm_tbl <- rolling_origin_resamples %>%mutate(predict = map(splits, predict_keras_lstm, epochs = 300))

现在,我们得到了 11 个样本的预测,数据存储在列predict中。

sample_predictions_lstm_tbl

## # Rolling origin forecast resampling ## # A tibble: 11 x 3## splits id predict## * <list> <chr> <list>## 1 <S3: rsplit> Slice01 <tibble [840 x 3]>## 2 <S3: rsplit> Slice02 <tibble [840 x 3]>## 3 <S3: rsplit> Slice03 <tibble [840 x 3]>## 4 <S3: rsplit> Slice04 <tibble [840 x 3]>## 5 <S3: rsplit> Slice05 <tibble [840 x 3]>## 6 <S3: rsplit> Slice06 <tibble [840 x 3]>## 7 <S3: rsplit> Slice07 <tibble [840 x 3]>## 8 <S3: rsplit> Slice08 <tibble [840 x 3]>## 9 <S3: rsplit> Slice09 <tibble [840 x 3]>## 10 <S3: rsplit> Slice10 <tibble [840 x 3]>## 11 <S3: rsplit> Slice11 <tibble [840 x 3]>

5.2.3 评估回测表现

通过将calc_rmse()函数应用到predict列上,我们可以得到所有样本的 RMSE。

sample_rmse_tbl <- sample_predictions_lstm_tbl %>%mutate(rmse = map_dbl(predict, calc_rmse)) %>%select(id, rmse)sample_rmse_tbl

## # Rolling origin forecast resampling ## # A tibble: 11 x 2## id rmse## * <chr> <dbl>## 1 Slice01 48.2## 2 Slice02 17.4## 3 Slice03 41.0## 4 Slice04 26.6## 5 Slice05 22.2## 6 Slice06 49.0## 7 Slice07 18.1## 8 Slice08 54.9## 9 Slice09 28.0## 10 Slice10 38.4## 11 Slice11 34.2

sample_rmse_tbl %>%ggplot(aes(rmse)) +geom_histogram(aes(y = ..density..), fill = palette_light()[[1]], bins = 16) +geom_density(fill = palette_light()[[1]], alpha = 0.5) +theme_tq() +ggtitle("Histogram of RMSE")

而且,我们可以总结 11 个样本的 RMSE。专业提示:使用 RMSE(或其他类似指标)的平均值和标准差是比较各种模型表现的好方法。

sample_rmse_tbl %>%summarize(mean_rmse = mean(rmse),sd_rmse = sd(rmse))

## # Rolling origin forecast resampling ## # A tibble: 1 x 2## mean_rmse sd_rmse## <dbl> <dbl>## 1 34.4 13.0

5.2.4 可视化回测的结果

我们可以创建一个plot_predictions()函数,把 11 个回测样本的预测结果绘制在一副图上!!!

plot_predictions <- function(sampling_tbl,predictions_col, ncol = 3,alpha = 1,size = 2,base_size = 14,title = "Backtested Predictions") {predictions_col_expr <- enquo(predictions_col)# Map plot_split() to sampling_tblsampling_tbl_with_plots <- sampling_tbl %>%mutate(gg_plots = map2(!! predictions_col_expr, id, .f = plot_prediction, alpha = alpha, size = size, base_size = base_size)) # Make plots with cowplotplot_list <- sampling_tbl_with_plots$gg_plots p_temp <- plot_list[[1]] + theme(legend.position = "bottom")legend <- get_legend(p_temp)p_body <- plot_grid(plotlist = plot_list, ncol = ncol)p_title <- ggdraw() + draw_label(title, size = 18,fontface = "bold",colour = palette_light()[[1]])g <- plot_grid(p_title, p_body, legend, ncol = 1, rel_heights = c(0.05, 1, 0.05))return(g)}

结果在这里。在一个不容易预测的数据集上,这是相当令人印象深刻的!

sample_predictions_lstm_tbl %>%plot_predictions(predictions_col = predict, alpha = 0.5,size = 1,base_size = 10,title = "Keras Stateful LSTM: Backtested Predictions")

5.3 预测未来 10 年的数据

我们可以通过调整预测函数来使用完整的数据集预测未来 10 年的数据。新函数predict_keras_lstm_future()用来预测未来 120 步(或 10 年)的数据。

predict_keras_lstm_future <- function(data,epochs = 300,...) {lstm_prediction <- function(data,epochs,...) {# 5.1.2 Data Setup (MODIFIED)df <- data# 5.1.3 Preprocessingrec_obj <- recipe(value ~ ., df) %>%step_sqrt(value) %>%step_center(value) %>%step_scale(value) %>%prep()df_processed_tbl <- bake(rec_obj, df)center_history <- rec_obj$steps[[2]]$means["value"]scale_history <- rec_obj$steps[[3]]$sds["value"]# 5.1.4 LSTM Planlag_setting <- 120 # = nrow(df_tst)batch_size <- 40train_length <- 440tsteps <- 1epochs <- epochs# 5.1.5 Train Setup (MODIFIED)lag_train_tbl <- df_processed_tbl %>%mutate(value_lag = lag(value, n = lag_setting)) %>%filter(!is.na(value_lag)) %>%tail(train_length)x_train_vec <- lag_train_tbl$value_lagx_train_arr <- array(data = x_train_vec, dim = c(length(x_train_vec), 1, 1))y_train_vec <- lag_train_tbl$valuey_train_arr <- array(data = y_train_vec, dim = c(length(y_train_vec), 1))x_test_vec <- y_train_vec %>% tail(lag_setting)x_test_arr <- array(data = x_test_vec, dim = c(length(x_test_vec), 1, 1))# 5.1.6 LSTM Modelmodel <- keras_model_sequential()model %>%layer_lstm(units= 50, input_shape = c(tsteps, 1), batch_size = batch_size,return_sequences = TRUE, stateful= TRUE) %>% layer_lstm(units= 50, return_sequences = FALSE, stateful= TRUE) %>% layer_dense(units = 1)model %>% compile(loss = 'mae', optimizer = 'adam')# 5.1.7 Fitting LSTMfor (i in 1:epochs) {model %>% fit(x= x_train_arr, y= y_train_arr, batch_size = batch_size,epochs = 1, verbose = 1, shuffle = FALSE)model %>% reset_states()cat("Epoch: ", i)}# 5.1.8 Predict and Return Tidy Data (MODIFIED)# Make Predictionspred_out <- model %>% predict(x_test_arr, batch_size = batch_size) %>%.[,1] # Make future index using tk_make_future_timeseries()idx <- data %>%tk_index() %>%tk_make_future_timeseries(n_future = lag_setting)# Retransform valuespred_tbl <- tibble(index = idx,value = (pred_out * scale_history + center_history)^2)# Combine actual data with predictionstbl_1 <- df %>%add_column(key = "actual")tbl_3 <- pred_tbl %>%add_column(key = "predict")# Create time_bind_rows() to solve dplyr issuetime_bind_rows <- function(data_1,data_2,index) {index_expr <- enquo(index)bind_rows(data_1, data_2) %>%as_tbl_time(index = !! index_expr)}ret <- list(tbl_1, tbl_3) %>%reduce(time_bind_rows, index = index) %>%arrange(key, index) %>%mutate(key = as_factor(key))return(ret) }safe_lstm <- possibly(lstm_prediction, otherwise = NA)safe_lstm(data, epochs, ...)}

下一步,在sun_spots数据集上运行predict_keras_lstm_future()函数。

future_sun_spots_tbl <- predict_keras_lstm_future(sun_spots, epochs = 300)

最后,我们使用plot_prediction()可视化预测结果,需要设置id = NULL。我们使用filter_time()函数将数据集缩放到 1900 年之后。

future_sun_spots_tbl %>%filter_time("1900" ~ "end") %>%plot_prediction(id = NULL, alpha = 0.4, size = 1.5) +theme(legend.position = "bottom") +ggtitle("Sunspots: Ten Year Forecast",subtitle = "Forecast Horizon: - ")

结论

本文演示了使用keras包构建的状态 LSTM 模型的强大功能。令人惊讶的是,提供的唯一特征是滞后 120 阶的历史数据,深度学习方法依然识别出了数据中的趋势。回测模型的 RMSE 均值等于 34,RMSE 标准差等于 13。虽然本文未显示,但我们对比测试1了 ARIMA 模型和 prophet 模型(Facebook 开发的时间序列预测模型),LSTM 模型的表现优越:平均误差减少了 30% 以上,标准差减少了 40%。这显示了机器学习工具-应用适合性的好处。

除了使用的深度学习方法之外,文章还揭示了使用ACF 图确定 LSTM 模型对于给定时间序列是否适用的方法。我们还揭示了时间序列模型的准确性应如何通过回测来进行基准测试,这种策略保持了时间序列的连续性,可用于时间序列数据的交叉验证。

点击阅读原文可获知测试结果

往期回顾

时间序列分析工具箱——timetk

时间序列分析工具箱——sweep

时间序列分析工具箱——tidyquant

基于 Keras 用深度学习预测时间序列

基于 Keras 用 LSTM 网络做时间序列预测

公众号后台回复关键字即可学习

回复爬虫 爬虫三大案例实战

回复Python 1小时破冰入门

回复数据挖掘 R语言入门及数据挖掘

回复人工智能 三个月入门人工智能

回复数据分析师数据分析师成长之路

回复机器学习 机器学习的商业应用

回复数据科学 数据科学实战

回复常用算法 常用数据挖掘算法

本内容不代表本网观点和政治立场,如有侵犯你的权益请联系我们处理。
网友评论
网友评论仅供其表达个人看法,并不表明网站立场。