当前位置:   article > 正文

CNN和LSTM的气象图降水预测_convlstm降雨预测

convlstm降雨预测

CNN和LSTM进行一个有趣的实验。

我们这里使用荷兰皇家气象研究所(也称为KNMI)提供的开放数据集和公共api,来获取数据集并且构建模型预测当地的降水量。

数据收集

KNMI提供的数据集,我们假设气象雷达产生的信号在反射时会被降水(雨、雪、冰雹等)反射。由雷达捕获的反射信号的强度称为反射率(以 dBZ 计算),我们可以粗略认为它与该点的降水强度成正比。当通过根据信号强度映射色标将此反射率数据转换为图像时(默认情况下,KNMI 提供的色标为“viridis”,紫色/深蓝色表示较低值,黄色表示较高值)产生 图像就像下图显示的那样。我们每 5 分钟通过 API 以原始格式获取这些数据。但是API 有一个配额,每小时只能获取 100 张图像。

定义问题

最原始的也是最简单的预测视频中的下一帧的内容的方法是使用CNN和LSTM。我们是否可以将预测天气雷达的下一个捕获信号的问题简化为预测视频中的下一帧的问题呢(雷达的讯号也是图像序列)。所以我收集了一些图像序列,并开始实验各种架构的卷积LSTM神经网络。每个训练数据点由36个连续的雷达原始文件(对应于间隔5分钟的3小时的测量)组成。然后将每个数据点分成两部分。前18帧用作“特征”(x),后18帧是神经网络在给定前18帧的情况下试图预测的内容(y)。在天气预报方面,给定过去1.5小时的降水数据,未来1.5小时的降水情况(帧间隔为5分钟,因此18帧对应1.5小时)。

为什么是卷积LSTM

如果你对神经网络和深度学习有点熟悉,你可能知道卷积神经网络(CNN)在涉及分析或发现图像中的特定特征和形状的任务上表现非常好。而长短期记忆(LSTM)神经网络在涉及时间维度(如时间序列预测)和数据序列(如图像序列、特定时间范围内的信号序列等)的任务上表现非常好。这主要是因为它们有能力学习数据中的长期依赖关系。因此,研究人员在2015年首次提出了一种结合卷积和LSTM层的架构,这样可以预测一系列图像中的下一个图像(他们对其进行基准测试的应用之一是降水预测),所以本文中也是用类似的模型。

数据预处理

我们使用了近160个连续的36次雷达扫描序列,我们使用h5py 库可以读取并轻松处理原始数据(如从 KNMI 接收的数据是这个格式)并对它们进行预处理。数据点是从 01-01-2019 到现在的随机日期和时间中挑选的。由于生成的图像的原始尺寸太大,所以将的图像从原始尺寸(700x765)缩小到(315x344)。这是模型可以在合理的时间内训练的最高分辨率,并且在过程中不会有任何的内存溢出问题。然后将每个序列分成两个相等的部分。前18帧用作“特征”(x),后18帧是神经网络试图预测的帧(y)(给定前18帧)。最后,我将数据集分成两个单独的数据集,分别用于训练(80%)和验证(20%)。

执行上述所有任务的代码如下面的代码片段所示:

  1. def create_dataset_from_raw(directory_path, resize_to):
  2. resize_width = resize_to[0]
  3. resize_height = resize_to[1]
  4. batch_names = [directory_path + name for name in os.listdir(directory_path) if os.path.isdir(os.path.join(directory_path, name))]
  5. dataset = np.zeros(shape=(len(batch_names),36,resize_height,resize_width)) # (samples, filters, rows = height, cols = width)
  6. for batch_idx,batch in enumerate(batch_names):
  7. files = [x for x in os.listdir(batch) if x != '.DS_Store']
  8. files.sort()
  9. crn_batch = np.zeros(shape=(36, resize_height, resize_width))
  10. for (idx,raster) in enumerate(files):
  11. fn = batch + '/' + raster
  12. img = h5py.File(fn)
  13. original_image = np.array(img["image1"]["image_data"]).astype(float)
  14. img = Image.fromarray(original_image)
  15. # note that here it is (width, heigh) while in the tensor is in (rows = height, cols = width)
  16. img = img.resize(size=(resize_width, resize_height))
  17. original_image = np.array(img)
  18. original_image = original_image / 255.0
  19. crn_batch[idx] = original_image
  20. dataset[batch_idx] = crn_batch
  21. print("Importing batch:" + str(batch_idx+1))
  22. return dataset
  23. def split_data_xy(data):
  24. x = data[:, 0 : 18, :, :]
  25. y = data[:, 18 : 36, :, :]
  26. return x, y
  27. dataset = create_dataset_from_raw('./data/raw/', resize_to=(315,344))
  28. dataset = np.expand_dims(dataset, axis=-1)
  29. dataset_x, dataset_y = split_data_xy(dataset)
  30. X_train, X_val, y_train, y_val = sk.train_test_split(dataset_x,dataset_y,test_size=0.2, random_state = 42)

模型

我使用Tensorflow和Keras框架进行开发。模型基本上是一个自编码器。自编码器是一种神经网络,它试图降低训练数据的维度,对数据进行压缩,然后可以从压缩后潜在空间的分布的近似值中采样,以生成“新”数据。

我们的模型看起来像这样:

模型共包含9层(输入、输出和7个隐藏层)。隐藏层在ConvLSTM2D层和BatchNormalization层之间交换。ConvLSTM2D层就像简单的LSTM层,但是它们的输入和循环转换卷积。ConvLSTM2D层在保留输入维度的同时,随着时间的推移执行卷积运算。你可以把它想象成一个简单的卷积层,它的输出被压平,然后作为输入传递到一个简单的LSTM层。ConvLSTM2D层接收形式为(samples, time, channels, rows, cols)的张量作为输入,输出形式(samples, timesteps, filters, new_rows, new_cols)。所以它们在一段时间内对一系列帧进行运算。

ConvLSTM2D层之间的BatchNormalization层进行归一化操作

对于所有的层(除了输出层),都使用LeakyRelu激活函数,他比ReLu好一些,并且和ReLu一样快。

该模型采用二元交叉熵损失函数和Adadelta梯度下降优化器进行拟合。由于数据的高维数,Adadelta会比经典Adam优化器有更好的结果。模型训练了25个epoch(之后开始过拟合)。

模型的代码如下所示:

  1. def create_model():
  2. model = Sequential()
  3. model.add(ConvLSTM2D(filters=64, kernel_size=(7, 7),
  4. input_shape=(18,344,315,1),
  5. padding='same',activation=LeakyReLU(alpha=0.01), return_sequences=True))
  6. model.add(BatchNormalization())
  7. model.add(ConvLSTM2D(filters=64, kernel_size=(5, 5),
  8. padding='same',activation=LeakyReLU(alpha=0.01), return_sequences=True))
  9. model.add(BatchNormalization())
  10. model.add(ConvLSTM2D(filters=64, kernel_size=(3, 3),
  11. padding='same',activation=LeakyReLU(alpha=0.01), return_sequences=True))
  12. model.add(BatchNormalization())
  13. model.add(ConvLSTM2D(filters=64, kernel_size=(1, 1),
  14. padding='same',activation=LeakyReLU(alpha=0.01), return_sequences=True))
  15. model.add(Conv3D(filters=1, kernel_size=(3, 3, 3),
  16. activation='sigmoid',
  17. padding='same', data_format='channels_last'))
  18. return model
  19. model = create_model()
  20. model.compile(loss='binary_crossentropy', optimizer='adadelta')
  21. keras.utils.plot_model(model, to_file="model.png", show_dtype=True, show_layer_activations=True, show_shapes=True)
  22. print(model.summary())
  23. epochs = 25
  24. batch_size = 1
  25. #Fit the model
  26. model.fit(
  27. X_train,
  28. y_train,
  29. batch_size=batch_size,
  30. epochs=epochs,
  31. validation_data=(X_val, y_val),
  32. verbose=1,
  33. )
  1. import matplotlib
  2. import matplotlib.pyplot as plt
  3. import numpy as np
  4. import os
  5. import PIL
  6. import h5py
  7. import tensorflow as tf
  8. from tensorflow import keras
  9. from keras.models import Sequential
  10. from keras.layers.convolutional import Conv3D
  11. from keras.layers import ConvLSTM2D
  12. from keras.layers import BatchNormalization
  13. from keras.layers import LeakyReLU
  14. from PIL import Image
  15. import glob
  16. import matplotlib.animation as animation
  17. matplotlib.use("Agg")
  18. import io
  19. import imageio
  20. from PIL import Image
  21. import sklearn.model_selection as sk
  22. try:
  23. # Disable all GPUS
  24. tf.config.set_visible_devices([], 'GPU')
  25. visible_devices = tf.config.get_visible_devices()
  26. for device in visible_devices:
  27. assert device.device_type != 'GPU'
  28. except:
  29. # Invalid device or cannot modify virtual devices once initialized.
  30. pass
  31. # larger possible dpi: 382x350
  32. def create_dataset_from_raw(directory_path, resize_to):
  33. resize_width = resize_to[0]
  34. resize_height = resize_to[1]
  35. batch_names = [directory_path + name for name in os.listdir(directory_path) if os.path.isdir(os.path.join(directory_path, name))]
  36. dataset = np.zeros(shape=(len(batch_names),36,resize_height,resize_width)) # (samples, filters, rows = height, cols = width)
  37. for batch_idx,batch in enumerate(batch_names):
  38. files = [x for x in os.listdir(batch) if x != '.DS_Store']
  39. files.sort()
  40. crn_batch = np.zeros(shape=(36, resize_height, resize_width))
  41. for (idx,raster) in enumerate(files):
  42. fn = batch + '/' + raster
  43. img = h5py.File(fn)
  44. original_image = np.array(img["image1"]["image_data"]).astype(float)
  45. img = Image.fromarray(original_image)
  46. # note that here it is (width, heigh) while in the tensor is in (rows = height, cols = width)
  47. img = img.resize(size=(resize_width, resize_height))
  48. original_image = np.array(img)
  49. original_image = original_image / 255.0
  50. crn_batch[idx] = original_image
  51. dataset[batch_idx] = crn_batch
  52. print("Importing batch:" + str(batch_idx+1))
  53. return dataset
  54. def split_data_xy(data):
  55. x = data[:, 0 : 18, :, :]
  56. y = data[:, 18 : 36, :, :]
  57. return x, y
  58. dataset = create_dataset_from_raw('./data/raw/', resize_to=(315,344))
  59. dataset = np.expand_dims(dataset, axis=-1)
  60. dataset_x, dataset_y = split_data_xy(dataset)
  61. X_train, X_val, y_train, y_val = sk.train_test_split(dataset_x,dataset_y,test_size=0.2, random_state = 42)
  62. def create_model():
  63. model = Sequential()
  64. model.add(ConvLSTM2D(filters=64, kernel_size=(7, 7),
  65. input_shape=(18,344,315,1),
  66. padding='same',activation=LeakyReLU(alpha=0.01), return_sequences=True))
  67. model.add(BatchNormalization())
  68. model.add(ConvLSTM2D(filters=64, kernel_size=(5, 5),
  69. padding='same',activation=LeakyReLU(alpha=0.01), return_sequences=True))
  70. model.add(BatchNormalization())
  71. model.add(ConvLSTM2D(filters=64, kernel_size=(3, 3),
  72. padding='same',activation=LeakyReLU(alpha=0.01), return_sequences=True))
  73. model.add(BatchNormalization())
  74. model.add(ConvLSTM2D(filters=64, kernel_size=(1, 1),
  75. padding='same',activation=LeakyReLU(alpha=0.01), return_sequences=True))
  76. model.add(Conv3D(filters=1, kernel_size=(3, 3, 3),
  77. activation='sigmoid',
  78. padding='same', data_format='channels_last'))
  79. return model
  80. model = create_model()
  81. model.compile(loss='binary_crossentropy', optimizer='adadelta')
  82. print(model.summary())
  83. epochs = 25
  84. batch_size = 1
  85. #Fit the model
  86. model.fit(
  87. X_train,
  88. y_train,
  89. batch_size=batch_size,
  90. epochs=epochs,
  91. validation_data=(X_val, y_val),
  92. verbose=1,
  93. )
  94. model.save('./model_saved')
  95. # pick a random index from validation dataset
  96. random_index = np.random.choice(range(len(X_val)), size=1)
  97. test_serie_X = X_val[random_index[0]]
  98. test_serie_Y = y_val[random_index[0]]
  99. first_frames = test_serie_X
  100. original_frames = test_serie_Y
  101. # predict the next 18 fames
  102. new_prediction = model.predict(np.expand_dims(first_frames, axis=0))
  103. new_prediction = np.squeeze(new_prediction, axis=0)
  104. fig, axes = plt.subplots(2, 18, figsize=(20, 4))
  105. # Plot the original frames.
  106. for idx, ax in enumerate(axes[0]):
  107. ax.imshow(np.squeeze(original_frames[idx]), cmap="viridis")
  108. ax.set_title(f"Frame {idx + 18}")
  109. ax.axis("off")
  110. # Plot the predicted frames.
  111. for idx, ax in enumerate(axes[1]):
  112. ax.imshow((new_prediction[idx]).reshape((344,315)), cmap="viridis")
  113. ax.set_title(f"Frame {idx + 18}")
  114. ax.axis("off")
  115. plt.show()
  116. def save_animation_original():
  117. fig, ax = plt.subplots()
  118. original_images = []
  119. for f in original_frames:
  120. ax.set_title(f"Ground Truth")
  121. ax.axis("off")
  122. crn_f = ax.imshow(np.squeeze(f),cmap='viridis', animated=False)
  123. original_images.append([crn_f])
  124. animation_originals = animation.ArtistAnimation(fig, original_images,
  125. interval=100, blit=False,
  126. repeat_delay=1000)
  127. animation_originals.save('./ground_truth.gif',
  128. writer=animation.PillowWriter(), dpi=100)
  129. def save_animation_predicted():
  130. fig, ax = plt.subplots()
  131. predicted_images = []
  132. for f in new_prediction:
  133. ax.set_title(f"Ground Truth")
  134. ax.axis("off")
  135. crn_f = ax.imshow(np.squeeze(f),cmap='viridis', animated=False)
  136. ax.set_title(f"Predicted frames")
  137. predicted_images.append([crn_f])
  138. animation_predicted = animation.ArtistAnimation(fig, predicted_images,
  139. interval=100, blit=False,
  140. repeat_delay=1000)
  141. animation_predicted.save('./predicted.gif',
  142. writer=animation.PillowWriter(), dpi=100)
  143. HTML(animation_predicted.to_html5_video())
  144. save_animation_predicted()
  145. save_animation_original()

 

结果

在训练模型之后,使用来自验证数据集的示例数据进行测试。模型的输入是18个连续的帧(对应于雷达捕捉到的近1.5小时的信号),它返回下一个18个预测帧(对应于接下来的1.5小时)。

  1. # pick a random index from validation dataset
  2. random_index = np.random.choice(range(len(X_val)), size=1)
  3. test_serie_X = X_val[random_index[0]]
  4. test_serie_Y = y_val[random_index[0]]
  5. first_frames = test_serie_X
  6. original_frames = test_serie_Y
  7. # predict the next 18 fames
  8. new_prediction = model.predict(np.expand_dims(first_frames, axis=0))
  9. new_prediction = np.squeeze(new_prediction, axis=0)
  10. fig, axes = plt.subplots(2, 18, figsize=(20, 4))
  11. # Plot the ground truth frames.
  12. for idx, ax in enumerate(axes[0]):
  13. ax.imshow(np.squeeze(original_frames[idx]), cmap="viridis")
  14. ax.set_title(f"Frame {idx + 18}")
  15. ax.axis("off")
  16. # Plot the predicted frames.
  17. for idx, ax in enumerate(axes[1]):
  18. ax.imshow((new_prediction[idx]).reshape((344,315)), cmap="viridis")
  19. ax.set_title(f"Frame {idx + 18}")
  20. ax.axis("off")
  21. plt.show()

将预测的帧与实际情况进行比较,结果如下图所示。

真实帧与预测帧非常接近。这种可视化并没有清楚地呈现降水系统移动的时间维度和方向,因此下面的两个GIF动画可以更好地解释模型的输出。

下面是真值的GIF

下面是预测GIF

两个动画也非常接近,模型正确地捕捉到了降水系统的移动方向和强度(黄色更强烈,紫色/深蓝色强度较低)。

总结

ConvLSTM将深度学习的两个核心概念结合起来,并获得了很好的效果。本文的完整项目的代码在这里:

GitHub - petrosDemetrakopoulos/LSTM-radar-precipitation-forecast: A model for short-term precipitation forecasting based on radar data

另外关于卷积和LSTM的论文请看这篇:Convolutional LSTM Network: A Machine LearningApproach for Precipitation Nowcasting (2015) https://arxiv.org/abs/1506.04214v2

最后就是 Keras 的 ConvLSTM2D API , ConvLSTM2D layer

作者:Petros Demetrakopoulos

环境:Tensorflow 2.0 

声明:本文内容由网友自发贡献,不代表【wpsshop博客】立场,版权归原作者所有,本站不承担相应法律责任。如您发现有侵权的内容,请联系我们。转载请注明出处:https://www.wpsshop.cn/w/酷酷是懒虫/article/detail/801758
推荐阅读
相关标签
  

闽ICP备14008679号