Deep Learning–Based Parameter Transfer in Meteorological Data

Fatemeh Farokhmanesh aDepartment of Informatics, Technical University of Munich, Munich, Germany

Search for other papers by Fatemeh Farokhmanesh in
Current site
Google Scholar
PubMed
Close
,
Kevin Höhlein aDepartment of Informatics, Technical University of Munich, Munich, Germany

Search for other papers by Kevin Höhlein in
Current site
Google Scholar
PubMed
Close
,
Tobias Necker bInstitut fur Meteorologie und Geophysik, Universitat Wien, Vienna, Austria

Search for other papers by Tobias Necker in
Current site
Google Scholar
PubMed
Close
,
Martin Weissmann bInstitut fur Meteorologie und Geophysik, Universitat Wien, Vienna, Austria

Search for other papers by Martin Weissmann in
Current site
Google Scholar
PubMed
Close
,
Takemasa Miyoshi cRIKEN Center for Computational Science, Kobe, Japan

Search for other papers by Takemasa Miyoshi in
Current site
Google Scholar
PubMed
Close
, and
Rüdiger Westermann aDepartment of Informatics, Technical University of Munich, Munich, Germany

Search for other papers by Rüdiger Westermann in
Current site
Google Scholar
PubMed
Close
Open access

Abstract

Numerical simulations in Earth-system sciences consider a multitude of physical parameters in space and time, leading to severe input/output (I/O) bandwidth requirements and challenges in subsequent data analysis tasks. Deep learning–based identification of redundant parameters and prediction of those from other parameters, that is, variable-to-variable (V2V) transfer, has been proposed as an approach to lessening the bandwidth requirements and streamlining subsequent data analysis. In this paper, we examine the applicability of V2V to meteorological reanalysis data. We find that redundancies within pairs of parameter fields are limited, which hinders application of the original V2V algorithm. Therefore, we assess the predictive strength of reanalysis parameters by analyzing the learning behavior of V2V reconstruction networks in an ablation study. We demonstrate that efficient V2V transfer becomes possible when considering groups of parameter fields for transfer and propose an algorithm to implement this. We investigate further whether the neural networks trained in the V2V process can yield insightful representations of recurring patterns in the data. The interpretability of these representations is assessed via layerwise relevance propagation that highlights field areas and parameters of high importance for the reconstruction model. Applied to reanalysis data, this allows for uncovering mutual relationships between landscape orography and different regional weather situations. We see our approach as an effective means to reduce bandwidth requirements in numerical weather simulations, which can be used on top of conventional data compression schemes. The proposed identification of multiparameter features can spawn further research on the importance of regional weather situations for parameter prediction and also in other kinds of simulation data.

Publisher’s Note: The article was revised on 10 July 2024 to include additional authors and updated Acknowledgments and Data Availability Statement sections; see the associated corrigendum.

© 2023 American Meteorological Society. For information regarding reuse of this content and general copyright information, consult the AMS Copyright Policy (www.ametsoc.org/PUBSReuseLicenses).

Corresponding author: Fatemeh Farokhmanesh, fatemeh.farokhmanesh@tum.de

Abstract

Numerical simulations in Earth-system sciences consider a multitude of physical parameters in space and time, leading to severe input/output (I/O) bandwidth requirements and challenges in subsequent data analysis tasks. Deep learning–based identification of redundant parameters and prediction of those from other parameters, that is, variable-to-variable (V2V) transfer, has been proposed as an approach to lessening the bandwidth requirements and streamlining subsequent data analysis. In this paper, we examine the applicability of V2V to meteorological reanalysis data. We find that redundancies within pairs of parameter fields are limited, which hinders application of the original V2V algorithm. Therefore, we assess the predictive strength of reanalysis parameters by analyzing the learning behavior of V2V reconstruction networks in an ablation study. We demonstrate that efficient V2V transfer becomes possible when considering groups of parameter fields for transfer and propose an algorithm to implement this. We investigate further whether the neural networks trained in the V2V process can yield insightful representations of recurring patterns in the data. The interpretability of these representations is assessed via layerwise relevance propagation that highlights field areas and parameters of high importance for the reconstruction model. Applied to reanalysis data, this allows for uncovering mutual relationships between landscape orography and different regional weather situations. We see our approach as an effective means to reduce bandwidth requirements in numerical weather simulations, which can be used on top of conventional data compression schemes. The proposed identification of multiparameter features can spawn further research on the importance of regional weather situations for parameter prediction and also in other kinds of simulation data.

Publisher’s Note: The article was revised on 10 July 2024 to include additional authors and updated Acknowledgments and Data Availability Statement sections; see the associated corrigendum.

© 2023 American Meteorological Society. For information regarding reuse of this content and general copyright information, consult the AMS Copyright Policy (www.ametsoc.org/PUBSReuseLicenses).

Corresponding author: Fatemeh Farokhmanesh, fatemeh.farokhmanesh@tum.de

1. Introduction

The rapid increase in available computing power has enabled a broad adoption of simulation-based research methodologies in Earth-system sciences. Numerical simulations of spatiotemporal dynamical systems consider a multitude of physical parameters and are carried out at high resolution in space and time. To account for the uncertainty in the representation of certain physical processes, in meteorology and climate modeling numerical ensemble simulations are carried out with varying magnitudes of initial condition uncertainty. Simulations are performed routinely by weather centers worldwide, and in research we see increasing use of unique superensembles consisting of hundreds and even thousands of members (Necker et al. 2020).

In classical workflow scenarios, simulations are run on large-scale computing facilities and data are streamed to and stored on external file systems for archiving and subsequent analysis. However, the volume of generated data has reached an order of magnitude where the speed of data transfer between computing device and file system—so-called input/output (I/O) operations—imposes a major bottleneck. For instance, over the last decade the ability to compute increased about two orders of magnitude on supercomputers, while the ability to store and load data only increased about one order of magnitude.

The divergence between computing and I/O renders the classical simulation workflow increasingly problematic and requires us to avoid streaming or even simulating data that can be recovered from the generated results. When using data compression, this can significantly reduce the time it requires to bring the data to the compression stage (e.g., when using distributed memory architectures) and perform the compression.

Within this line of research, deep learning–based variable-to-variable (V2V) transfer has been proposed recently by Han et al. (2021) for optimizing information transfer in situations where spatiotemporal multiparameter simulations can be carried out in far less time than it requires to store the data on a file system. V2V considers each simulated parameter as a separate entity and proposes an algorithm to identify groups of similar parameters and one representative member from which the other parameters in this group can be inferred.

V2V represents all simulated parameter fields in a common feature space (the so-called latent space) that is learnt by a convolutional neural network (CNN) and identifies subsets of similar parameters in this space. For each subset, the most representative member is determined, and another suitably trained network then learns to reconstruct all other member in one subset from the representative one. The bandwidth requirements for storing the multiparameter data are reduced to the bandwidth required for storing the representative parameter fields and the weight parameterization of the reconstruction networks.

Contribution

In this work, we assess the applicability of V2V transfer to Earth-system related data and identify shortcomings of the proposed methodology. In consideration of these findings, we propose an improved approach, in which a single CNN is trained on meteorological archives to learn general relationships between subsets of parameters, thereby focusing on subsets of parameter fields with vastly different characteristics and variation in 2D space and time. We demonstrate the capabilities of the proposed approach using two exemplary datasets, representing different modalities of meteorological data. We consider a global reanalysis dataset, which is taken from the WeatherBench (WB) benchmark suite (Rasp et al. 2020), and study the performance of the proposed approach on data on large spatial scales. Furthermore, we apply the proposed method to an ensemble forecast dataset, which was generated by Necker et al. (2020) to study the sampling accuracy of spatiotemporal correlation patterns in convective-scale forecast ensembles. Figure 1, as well as Fig. B1, demonstrate significant structural variability between the single-parameter fields in each dataset. Figure 1a shows snapshots of the parameter fields at a particular point in time. Figure 1b shows a two-dimensional embedding [computed with t-distributed stochastic neighbor embedding (t-SNE); van der Maaten and Hinton 2008] of the V2V latent-space representations of these fields at different time points, which are used to search for parameter similarities. Fig. B1 displays the same overview for the convective-scale ensemble (CSEns) dataset. It can be seen that visible clusters involve only a single parameter, and clusters of distinct parameters are situated at roughly the same distance from one another. The lack of similarities between pairs of parameters prohibits the use of the original V2V algorithm.

Fig. 1.
Fig. 1.

Different parameter fields in the ERA5 reanalysis dataset. (a) Grayscale visualizations of the parameter fields at a particular time. (b) t-SNE projections of latent-space features of the parameter fields (different parameters indicated by colors) at different times (note that projections for different initializations of t-SNE yield similar groupings).

Citation: Artificial Intelligence for the Earth Systems 2, 1; 10.1175/AIES-D-22-0024.1

Based on these observations, we propose a different strategy for V2V transfer, which considers the expressiveness of subsets of multiple parameters instead of transferring only between pairs of them. To identify these subsets, a CNN-based model architecture is trained multiple times on multiparameter fields with varying parameter subsets removed from the input data. In an ablation study, we then shed light on the prediction skills of the different models, depending on the parameter subsets that are used as source. For n originally available parameter fields, the networks are designed to learn mappings from m (<n) parameter fields (the input) to predict the remaining nm ones (the output). Doing so, the networks encode the inputs into a compact latent-space representation, in which relationships between the m input fields and the nm output fields are encoded. The networks are trained via standard backpropagation with a loss function, which measures the reconstruction accuracy for all nm parameters in common. We demonstrate, using numerical and visualization-based quality metrics, that the networks efficiently learn to reconstruct the unseen parameters, thereby not overfitting to the provided training samples but generalizing to simulation snapshots that have not been seen before.

Due to the high computational complexity of training all (nm) different networks for reconstructing nm fields from m given fields, we propose a computationally less involved strategy and demonstrate its effectiveness for selecting the most representative members. Conceptually, this strategy builds upon removing iteratively those parameters that are most difficult to predict from the remaining parameters, simultaneously avoiding keeping redundant fields in the input. Furthermore, the networks’ training behaviors are monitored and the convergence rates at early training stages after few epochs of learning are used as indicators of the difficulty of parameter transfer. For instance, for one of our use cases comprising nine different parameters and selecting four of them to predict the remaining five parameters, training requires only roughly six hours on a low-size deep learning cluster with six midsize GPUs, equipped with 11 GB of graphics memory, each.

Beyond considering the networks purely as black-box models, we further try to gain insight into the multiparameter relationships that are learned by the models. For this purpose, we employ an adapted version of layerwise relevance propagation (LRP; Bach et al. 2015), a method for highlighting input areas and parameters, which are important for the reasoning process of the models. This offers the opportunity to uncover feature patterns in multiparameter space, that is, reoccurring parameter combinations, which are recognized as important for the network to achieve high accuracy and analyze their correspondence to certain weather situations.

The remainder of this paper is structured as follows: In section 2, we review related work. In section 2b, we summarize the original V2V algorithm and highlight algorithmic shortcomings. Building up on these findings, we present our extended V2V approach in section 4. We introduce the example datasets used for subsequent experiments in section 3 and describe the network architectures used for the experiments in section 4b. The ablation study, as well as the LRP analysis of the models, are carried out in section 5. We conclude the paper in section 6.

2. Related work

In recent years, machine learning with powerful deep learning architectures has found applications in various fields of climate science and meteorology (Reichstein et al. 2019). Many of the possible applications exploit the efficiency and flexibility of CNN architectures when applied to inference tasks involving grid-structured data.

a. Superresolution and downscaling techniques

Related to our approach are so-called superresolution and downscaling techniques, which reconstruct high-resolution parameter fields from corresponding low-resolution versions. In contrast to V2V approaches, the information transfer occurs between representations of the same parameter with different spatial resolutions. Some of these approaches can be used for data compression, in principle. Such methods operate by first subsampling the parameter fields and subsequently reconstructing the initial fields from the subsampled versions. For example, Rodrigues et al. (2018) proposed a supervised convolutional neural network that interpolates low-resolution weather data into a high-resolution output. Pouliot et al. (2018) introduced deep learning-based enhancement in Landsat superresolution. Cheng et al. (2020) proposed a method that converts low-resolution climate data to high-resolution climate forecasts using Laplacian pyramid superresolution networks. Downscaling approaches, in contrast, aim at predicting additional high-resolution details from low-resolution parameter fields, without assuming prior knowledge of the original high-resolution data. For instance, Höhlein et al. (2020) and Serifi et al. (2021) train on a small set of paired low- and high-resolution simulation pairs to circumvent generating expensive high-resolution simulations at inference time at all. These techniques, even though they establish relationships between low- and high-resolution fields, are not motivated by the idea to compress the data.

Super-resolution of scientific data has also been investigated from the perspective of scientific visualization, since high-resolution simulations in meteorology make analysis of these datasets challenging. Early works on data superresolution demonstrate the capabilities of neural networks to learn upscaling a low-resolution version of the data to the initial high-resolution dataset. Upscaling is performed in the spatial domain (Zhou et al. 2017; Han and Wang 2022; Guo et al. 2020), in the temporal domain (Han and Wang 2020), and in the spatiotemporal domain (Han et al. 2022). Underlying these works is the goal to avoid storing the high-resolution datasets and, thus, reduce bandwidth and memory requirements. By training networks to infer the full image from a low-resolution image of an iso-surface, Weiss et al. (2019) demonstrate improved rendering frame rates. In recent work by Weiss et al. (2020) a convolutional neural network learns to adaptively place image samples and reconstruct the full image from the generated unstructured set of samples.

To work in situations with severe I/O limitations, Sato et al. (2019) introduced a so-called in situ approach for visualizing and postprocessing high-resolution meteorological data. In situ approaches process the data instantly when it is produced by the simulation, without involving storage resources. Röber and Engels (2019) analyzed in situ data processing approaches in climate science. Helbig et al. (2015) proposed a visualization workflow where the first stage is a data abstraction layer that downsamples the data spatially and temporally. Toderici et al. (2017) proposed an image compression method using a recurrent neural network by saving the compressed latent space produced by the network instead of the high-resolution data.

A different approach for data compression has been introduced by Han et al. (2021) for multiparameter data, by training networks to infer certain parameters from others, and, thus, to avoid storing these parameters. Conceptually, this work builds upon the notion of information transfer between scalar fields (Wang et al. 2011) to derive transferable parameter pairs.

b. V2V transfer

The overall goal of V2V lies in identifying those variables in a multiparameter dataset that can be redundantly reconstructed given other parameters from the same dataset. Han et al. (2021) subdivide the V2V process into 3 conceptually distinct stages: Feature learning, translation graph construction and variable translation. First, a CNN model architecture such as UNet (Ronneberger et al. 2015) is trained in an autoencoder-like setting to encode and reconstruct snapshots of parameter fields. The same model is shared between all parameters, such that the internal hidden variables of the model, referred to as the latent-space representation, are informed about similarities and dissimilarities between different parameters. After training, all parameter snapshots are mapped into the latent space where clusters of similar parameters are detected. Han et al. (2021) propose to find clusters through visual examination of the latent-space features. To visualize the features, they apply a nonlinear dimension reduction algorithm, called t-SNE (van der Maaten and Hinton 2008). Parameters in the same cluster become a transferable variable group.

In the translation-graph construction stage, the Kullback–Leibler divergence is used to estimate a measure of so-called transferable difficulty for pairs of parameters inside a transferable parameter group. Parameter pairs are considered for transfer, if the Euclidean distance between their respective latent-feature representations is smaller than a predefined distance threshold. Parameters in different transferable parameter groups are not considered for transfer. A directed transfer graph is then constructed by chaining transferable pairs according to a minimum discrepancy criterion. Finally, in the variable transfer stage, CNNs are trained to learn the transfer mapping according to the translation graph.

V2V reduces the search for transferable variables to pairs of similar variables based on a distance threshold criterion and the visual analysis of a t-SNE projection. This leads to a number of shortcomings regarding the expressiveness of the identified parameter relations and reproducibility of the results. V2V does not assess true predictability of one variable based on another, but uses an empirically determined approximate criterion, which might overlook potentially valuable relationships when the threshold value is not set optimally.

Furthermore, V2V cannot always decide unambiguously the source and target fields. This decision is based on the translation graph where the nodes correspond to the parameter fields and directed edges indicate transferability from a source to a target variable. In this graph, however, cycles can occur. This happens because the transferable difficulty is based on the Kullback–Leibler divergence, which is not a metric and does not satisfy the triangle inequality in general. When only pairwise transferabilities are considered, this can result in the selection of all parameters in a set of similar parameters as sources and targets of one another, respectively.

3. Datasets

We validate our approach with the WeatherBench dataset, which is a benchmark dataset for data-driven, medium-range climate prediction problems (Rasp et al. 2020), and the convective-scale forecast ensemble generated by Necker et al. (2020) (see appendix B).

In both cases, the proposed neural network models receive as input an array of shape m × H × W, with m the number of physical input parameters, and H and W denoting the spatial dimensions of the field. Assuming an initial number of n physical parameters, the model output is a field of shape (nm) × H × W, which contains reconstructions of the parameters that have not been considered in the input (see Fig. 2).

Fig. 2.
Fig. 2.

Method overview. In the ith iteration, the same ResNet is trained multiple times using different combinations of ni input and i output parameters. Orange crosses indicate the output parameters, green pluses indicate the parameters that are fixed in the input set, and blue squares indicate the remaining parameters in the input set. In each iteration, for each free parameter a loss is computed by adding the losses of those networks in which the parameter is in the output set. The parameter with the maximum loss is fixed in the input set. For the WB dataset, orography is used in every input, but is not predicted.

Citation: Artificial Intelligence for the Earth Systems 2, 1; 10.1175/AIES-D-22-0024.1

WB is based on ERA5 atmospheric reanalysis data (Hersbach et al. 2020) generated regularly at the European Centre for Medium-Range Weather Forecasting (ECMWF) through data assimilation procedures, combining spatiotemporal numerical simulations and observation data. To facilitate the accessibility to machine learning workflows and accelerate studies in weather prediction, WB provides regridded ERA5 reanalysis data on regular latitude–longitude grids with three different resolutions and 13 different pressure levels. The data are available hourly for 40 years from 1979 to 2018.

We consider a selection of 2D single-level fields with a resolution of 1.405 25° in latitude and longitude, resulting in a domain size of 128 × 256 vertices for global data. The selected physical parameters are 2-m temperature (t2m), total cloud cover (tcc), u and υ components of 10-m wind (u10, v10), total precipitation (tp), and top-of-atmosphere incident solar radiation (tisr). As in previous studies (e.g., Höhlein et al. 2020), where the prediction accuracy of convolutional neural networks could be improved by using orography information, orography height is added as an additional constant predictor. To facilitate model training, all field values are standardized before training the models. This normalization scheme enforces equal variation in all parameter fields under consideration, which is helpful for ensuring comparability of reconstruction accuracy metrics. We utilize two different global and local standardizations. In local standardization, rescaling is computed for each grid location from the statistics of all time steps, while in global standardization, mean and standard deviation values are computed over the whole domain for all time steps. Global standardization performs better in our case and helps to reduce the reconstruction error. We refer this to the fact that the local standardization can enhance uniformity of the data but destroys spatial coherence patterns. We use the 23 first years of WB during training. Of these, 20 years serve as training data for fitting the models, and three years are reserved for validation. The remaining years are left out for testing and visualization.

4. Method

To overcome the shortcomings of V2V, we propose an alternative parameter selection procedure. It replaces the single-parameter autoencoding CNN and subsequent clustering and pairwise similarity search with multiparameter CNNs and loss-based tracking of the learning progress. Initially, given a multivariate time-varying dataset with n parameters and T time steps, the user selects the number m of input fields from which the remaining nm parameter fields are predicted.

a. Parameter selection

The most straightforward—yet computationally demanding—approach is to launch (nm) training runs for the different parameter configurations and select the network with the lowest loss. By starting from n − 1 inputs and one output and proceeding iteratively with decreasing number of inputs, the procedure can also be made dependent on a predefined loss threshold, that is, by launching for all k, 1 ≤ km, a batch of (nk) training runs and stopping once the minimum loss exceeds a given threshold. The parameter configuration for which the minimum loss is achieved is then selected for variable transfer. In our current implementation we consider only the user-specified number of input parameters.

Since for large values of n, the described procedure requires training too many networks, a computationally less expensive alternative needs to be developed. A straightforward approach is to train only n networks, where each network predicts one single parameter from the remaining n − 1 parameters, and use the networks’ losses as indicators of how difficult the prediction of a parameter is. If a loss value is high, predictability is low, and, thus, the parameter predicted with the highest loss is fixed as one of the input parameters. Then, of all trained networks where this parameter is already contained in the input set, the one with the largest loss is selected, and the variable that is predicted is added to the input. This procedure is repeated until the specified number of inputs is reached.

In our experiments, this approach finds exactly the same input and output sets as the exhaustive training procedure, yet it requires training only n networks. In general, however, since only the difficulties of predicting each parameter individually from all other parameters are considered, parameter combinations with higher prediction strength can be overlooked. For instance, consider a subset of similar parameters, each of which can be predicted at high accuracy from the other parameters in this subset. In this situation, the loss values of the reconstruction networks will be low, and it becomes unlikely that one of these parameters will be selected as input. Consequently, either the input solely comprises parameters from which the ones in the subset cannot be well predicted, or m needs to be so large that of each subset of similar parameters at least one is selected. However, since parameters from the most similar subset will be considered last, m can become too large to be of any practical relevance.

To address these shortcomings, we propose a strategy with lower computational complexity than the first strategy, and which differs from the second strategy in that it considers subsets of parameters in both the inputs and predicted outputs. As in the previous strategy, n networks are trained initially, with each network predicting a single parameter from the remaining n − 1 parameters, and the parameter predicted by the network with the highest loss is fixed in the input. In the next iteration, all networks with n − 2 inputs (including the fixed parameter) and two outputs are trained. For all but the fixed parameter, the overall loss is computed by adding the losses of all networks where this parameter is in the predicted set. The parameter with the highest loss is fixed, and the procedure moves on with n − 3 inputs, and three outputs now containing the two fixed parameters (see Fig. 2 for a graphical overview of the proposed approach). This strategy, in case of a similar subset of parameters, recognizes when a certain output cannot be well predicted and then fixes an input that is necessary to achieve higher accuracy.

In our experiments, all parameter fields are normalized before training to equilibrate differences in parameter magnitudes and variation. If the dataset contains static fields like orography, these fields are concatenated to the inputs to serve as additional information for the models. In particular, orography is used with the WB dataset to enable the networks learning dependencies between the parameters and land/seascape, and, thus, enhance their inferencing skills. The quality of the reconstruction of all parameters is measured by a suitable loss function, for example, L1 loss, and the model weights are optimized using standard backpropagation. We monitor both the training and validation loss to avoid overfitting.

A network’s loss curve indicates how difficult it is for the network to achieve an accurate reconstruction depending on the current input and output parameters. That is, depending on which parameters are used, the reconstruction error decreases more or less quickly. While saturation of both losses typically happens after 70 epochs, our experiments show that already after few epochs of training the reconstruction error clearly reveals the differences between different parameter combinations. In particular, when comparing the loss curves in these early stages with the loss curves after convergence, the relative behavior of the networks does not change. This indicates that network training does not need to be performed until convergence but can be stopped after few epochs to obtain an indication of the reconstruction quality. In particular, we consider loss values after five epochs of training, resulting in roughly one hour (for training 20 networks) on a low-size deep learning cluster with six midsize GPUs to determine three input and three output parameters for the WB dataset, comprising six parameters. For the CSEns dataset, comprising nine different parameters, the proposed procedure requires roughly six hours for training 87 networks to determine the four input parameters that best predict the remaining five output parameters.

Compared to the V2V approach by Han et al. (2021), the proposed strategy is computationally more expensive, yet it exhibits a number of advantages: First, we obtain a more accurate measure of transferability, since our models are directly trained to reconstruct parameters. Second, the proposed approach is not constrained to selecting pairs of parameters but can uncover multiparameter relationships. Last, the method, in principle, enables to set a loss threshold for triggering the stopping of iterations. Due to normalization of the target parameters, this threshold can be interpreted as a measure of acceptable relative error and is thus more accessible than the distance threshold in the latent-space features, which is considered in the original V2V algorithm.

b. Network architectures

In this study, we propose to train a deep CNN architecture to predict a certain number of output parameters from a given set of input parameters. In general, deeper networks can have higher prediction quality, yet they can easily lead to convergence problems in the optimization process due to vanishing gradients (Glorot and Bengio 2010). In early layers of the network, gradient estimation causes an exponential decay of the gradient magnitudes, so that the parameters cannot change significantly in the training process. An efficient way to overcome this problem is to utilize shortcut or residual connections as in ResNet architectures (He et al. 2016). In such architectures, outputs of earlier layers are added to the output of later layers, thus circumventing the accumulation of intermediate gradients.

In this study, we select a ResNet architecture with three residual blocks. A schematic representation is shown in Fig. 3. The input block of the model consists of a single convolution layer with kernel size of (3, 3), 64 channels, batch normalization, and leaky rectified linear unit (LeakyReLU). We use input padding before each convolution layer. To account for periodic boundary conditions in the longitude direction of the WB dataset, we employ a periodic padding scheme in this dimension, and replication padding elsewhere. After that, there are three residual blocks, and each block has two convolution layers with 64 channels and kernel size (3, 3). Since the number of parameters grows with the kernel size, it is cost efficient to select a kernel of size 3. After the first convolution layer in the residual block, the network utilizes a batch normalization layer, a LeakyReLU layer, the second convolution layer, and another batch normalization layer. Batch normalization is used to achieve improved stability and convergence (Ioffe and Szegedy 2015). After each residual block, a LeakyReLU activation function guarantees nonlinearity of the mapping. The final layer is a single convolution layer with kernel size of (3, 3) and nm output channels.

Fig. 3.
Fig. 3.

Schematic of the used ResNet architecture. It consists of three residual blocks, each followed by a LeakyReLU activation function. The m (<n) input fields are fed into the input convolution layer with 64 channels and kernel size of (3, 3), a batch normalization layer, and LeakyReLU activation function. The network comprises three residual blocks and a final single convolution layer. The network predicts nm output fields.

Citation: Artificial Intelligence for the Earth Systems 2, 1; 10.1175/AIES-D-22-0024.1

As an alternative to the ResNet architecture, we also analyzed the potential of a UNet architecture (Ronneberger et al. 2015) for loss-based parameter selection.

In contrast to the ResNet architecture, which operates on a single spatial scale throughout the whole architecture, the UNet architecture allows for the extraction of features on multiple spatial scales, which offers the possibility of learning a wider range of parameter relationships. The UNet consists of two symmetric branches, which give it the characteristic u-shape, as seen in Fig. 4. In the encoding branch, the data are encoded into an abstract reduced feature representation, and in the decoding path the feature representations are then decoded to reconstruct the predicted fields at the target resolution. During the encoding step, the resolution is iteratively reduced, and the number of feature channels is increased at the same time. In the decoding step, while reducing the number of feature channels, the features are supersampled to a higher resolution. The paths are connected by skip connections, which concatenate feature channels from the encoder with corresponding features from the decoder, in order to precisely preserve and localize the information in the data that could be lost in the encoding stage. The bottommost layer of the UNet, that is, the bottleneck layer, enforces the model to learn a compact representation of the input containing the globally most relevant information to recover it.

Fig. 4.
Fig. 4.

Schematic of the used UNet architecture. The contracting branch is comprised of three convolutional blocks, each consisting of two convolution layers with subsequent batch normalization, dropout, and a LeakyReLU activation function. The expansive branch includes three deconvolution blocks, each consisting of one convolution, and one deconvolution layer. Each of these layers is followed by a batch normalization layer, dropout, and LeakyReLU activation function. The m (<n) input fields are fed into the input block, which contains a single convolution layer with 64 channels and kernel size of (3, 3), followed by batch normalization layer, dropout, and LeakyReLU activation function. The number of reconstructed fields is nm.

Citation: Artificial Intelligence for the Earth Systems 2, 1; 10.1175/AIES-D-22-0024.1

In our experiments, the UNet architecture did not improve the reconstruction quality significantly, yet it increased the training time due to its higher computational complexity. A sample of the reconstruction quality of the UNet architecture is shown in Fig. A2. Nevertheless, we found that ResNet and UNet seem to learn different mappings internally, which we discuss in more detail in section 5c.

The presented architectures have been designed through empirical experimentation, trading of model flexibility and reconstruction quality against applicability to diverse datasets and computational efficiency. Especially for data fields on spherical geometries, more sophisticated network designs exist (see, e.g., the survey by Cao et al. 2020). Such architectures, however, come at higher computational complexity or require careful data-specific selection of hyperparameters to achieve better performance than standard CNNs, and are thus not considered in the present study.

The error between target fields and predictions is measured in terms of L1 distance, which we prefer over L2 due to empirically less pronounced suppression of outlying predictions.

5. Experiments

In an exhaustive ablation, we demonstrate the feasibility and reliability of our approach using the WB reanalysis dataset as a use case. The results of applying the proposed strategy to the CSEns dataset are shown in appendix B.

Via this ablation study, we aim to answer the following questions:

  1. Which is the minimal set of input parameters from which the remaining parameters can be reconstructed accurately? This number indicates how aggressively the initial parameter set can be reduced.

  2. Over which geographic regions do parameters strongly affect the network’s prediction quality?

To answer the first question, we use loss-based parameter selection via the ResNet architecture. Both architectures are used subsequently to answer the second question by visualizing the sensitivity of the local prediction accuracy to regional changes of the input parameters.

a. Validation of the extended V2V approach

To validate the reliability and reproducibility of the proposed loss-based parameter selection, we train networks for different parameter configurations multiple times with different random weight initializations and compare the order of the observed losses after five training epochs. For brevity, we first show results only for the case m = 1, which results in six different parameter configurations. For every configuration, we train 10 models and sample model ensembles by randomly picking one of the 10 models for each configuration. For each sample, we then rank the model configurations according to the observed loss value after five training epochs and assess the consistency of the ranking order among different samples. Figure 5 illustrates the observed loss statistics. We find that the separation in loss magnitude between different parameter configurations is typically larger than the variance of losses for each configuration (see Fig. 5, left). As a result, the ranking of losses is consistent between different runs. This is seen in the heat chart in Fig. 5 (right), which visualizes the frequency of how often a particular loss rank is observed for each of the parameters and suggests an almost perfect one-to-one mapping between parameters and ranks. Both charts together confirm that our loss-tracking approach constitutes a reproducible criterion for selecting parameter configurations. Nevertheless, we observe that clustering of losses may occur, that is, different configurations may result in very similar loss statistics (e.g., parameters tp, u10, and v10 in Fig. 5, left). Due to the overall small variation in losses per configuration, we conjecture that all of the possible outcomes are equally well suited for further evaluations.

Fig. 5.
Fig. 5.

Distribution and ranking of losses for different network configurations. Networks are trained for different parameter configuration (m = 1, i.e., one parameter is left out and is to be predicted) with different weight initializations. (left) Boxplot of the loss statistics. (right) Heat map of the observed ranking order.

Citation: Artificial Intelligence for the Earth Systems 2, 1; 10.1175/AIES-D-22-0024.1

b. Ablation study

For the WB data comprising six parameters, we start with applying the loss-based selection procedure to predict one masked out parameter using the remaining five input parameters. This number is then increased to two and finally three predicted parameters, with four and three input parameters, respectively. This means that during the first iteration six networks, then (52) networks and finally (43) networks are trained. We do not go beyond three masked out parameters, since significantly reduced reconstruction quality is observed in this case.

To justify our decision to use the network losses after five epochs as indicators of the difficulty to predict a certain parameter or parameter combination, we analyze the loss values for five and 70 epochs of training of all networks that were trained. Figure 6 shows the losses of all networks trained for five epochs by the proposed loss-based selection approach (top and bottom left charts), and the losses of all (63) possible networks trained for five epochs (dark blue bars in bottom right). The loss values indicate that the loss-based selection approach finds the parameter combination yielding the lowest loss. Note that this is also confirmed for the CSEns dataset, as shown in Figs. B2 and B3 in appendix B. As shown by the overlayed loss values of the networks trained for 70 epochs (green bars in bottom right), training for five epochs shows very similar relative differences between different parameter combinations. This result is also confirmed by the comparison of the loss values for 5 and 70 of the CSEens dataset. When only one parameter is predicted from the remaining five parameters (plus orography), it can be seen that 2-m temperature and total cloud cover, respectively, are the parameters that are easiest and most difficult to reconstruct. Thus, total cloud cover is the first parameter that is fixed in the input.

Fig. 6.
Fig. 6.

Bar charts showing the losses of all networks trained for 3-to-3 parameter transfer with the WB dataset using the proposed iterative loss-based approach [(top left) first iteration, (top right) second iteration, (bottom left) third iteration], and (bottom right) of all possible (63) networks. Blue bars represent losses after five epochs of training, green bars indicate losses after 70 epochs.

Citation: Artificial Intelligence for the Earth Systems 2, 1; 10.1175/AIES-D-22-0024.1

Figure 7 shows the initial parameter fields (including orography) and the reconstruction results of the three parameters that have been masked out by the loss-based procedure. For comparison, the reconstruction results of the three worst parameter combinations are shown in Fig. A1 in appendix A. Notably, when all (63) parameter combinations are evaluated, the very same combination is determined.

Fig. 7.
Fig. 7.

Reconstruction results for the WB dataset when the network is trained to predict three parameter fields from three input fields and orography. (top) The initial parameter fields. A red outline indicates those fields the network has learned to predict from the others. (bottom) Predicted parameter fields.

Citation: Artificial Intelligence for the Earth Systems 2, 1; 10.1175/AIES-D-22-0024.1

In Fig. 8, for the selected parameter combination the resulting pixelwise differences between the reconstructions and the initial parameter fields are shown. The quality of the reconstructed fields is measured using the image statistics structural similarity index measure (SSIM; Wang et al. 2004) and the peak signal-to-noise ratio (PSNR), with the initial parameter fields as references. It can be seen that even when one-half of the parameters are masked out, they can still be reconstructed at high accuracy by the network. In addition, the reconstruction quality that is achieved by the worst parameter combination is shown, that is, the parameter combination yielding the highest loss of all possible (63) parameter combinations. The results indicate the importance of a suitable procedure for finding the best parameter combination. The pixelwise error plots indicate significantly different reconstruction quality between the best and worst parameter set.

Fig. 8.
Fig. 8.

Pixelwise differences between the initial and predicted fields when using the (left) best and (right) worst parameter combination. Per-pixel values are scaled by a factor of 10 for better visibility. Corresponding SSIM and PSNR (dB) values are given below each image.

Citation: Artificial Intelligence for the Earth Systems 2, 1; 10.1175/AIES-D-22-0024.1

c. Feature analysis

While the potential of the selected network architecture for V2V can be concluded from the results of the ablation study, no information can be drawn about what kind of dependencies are exploited by the networks. To shed light on this aspect, we use LRP to localize the sensitivity of the reconstruction results to changes in the input parameter fields.

In its original form, LRP has been introduced as an explainability algorithm for image classification models (Bach et al. 2015), which is achieved by measuring neuron activations and back-propagated gradient information to identify image regions that exert a strong effect on the classifier output. LRP, thereby, builds on the concept of pixelwise decomposition of the classifier score. That is, given a classification score mapping of the form f:Ω, where Ωm×H×W is the input domain (e.g., the space of images with H × W pixels and m channels per pixel), and f(x) > 0 (<0) indicates evidence for presence (absence) of a particular feature, LRP attempts to find a set of relevance values Rkij associated with the pixel values, such that the classification score can be approximated as
f(x)k=0m1i=0H1j=0W1Rkij,
and Rkij > 0 (<0) indicates that pixel channel k at position (i, j) contributes evidence in favor of (against) the presence of the feature in question. In the case of deep neural networks, which are composed of linear transformations with elementwise activation functions, suitable relevance values can be computed via iterative relevance back-propagation, subject to propagation rules (Bach et al. 2015).

Deviating from the setting of standard LRP, the input of V2V models is not an image, but a multidimensional array, representing a multiparameter field, and the output is not a univariate classification score, but a multidimensional multiparameter field. The difference in input modalities is only of limited importance, since the multiparameter fields can be interpreted directly as multichannel images. However, the complexity of the model output prevents straightforward application of standard LRP. We therefore propose to use an adapted variant of LRP to gain insight into spatiotemporal relevance and correlation patterns between model predictions and inputs.

Given a model mapping of the form f:Ω(nm)×H×W, we propose adding an additional selector layer s:(nm)×H×W at the end of the model, such that the output of the combined model, s[f(x)], admits an additive decomposition according to Eq. (1). Possible choices for s include summation operators, such as global (or local) averaging of field values or deviation measures, or selection operations, which select single pixels and output channels for computing LRP relevances. Depending on the choice of selector layer, different aspects of the input-output relationship can be investigated. For instance, a selector function returning the mean value of the output channel 0 ≤ c < m inside a region defined by the pixel set I ⊆ {(i, j):0 ≤ i < H, 0 ≤ j < W}, that is,
sI(c)(x):=[x]kij(i,j)I,k=c,
where [x]kij denotes selection of the element at position (k, i, j) in the array x, yields positive relevance for input regions that favor an increase in the averaged quantity according to Eq. (1). In contrast, functions of the form
δI(c)(x;x0,p):=|[xx0]kij|p(i,j)I,k=c,
p > 0, yield positive relevance for regions that increase the deviation between the model prediction x and a certain reference prediction x0 within the region I.

Figures 9 and 10 show relevance maps for the global atmospheric situation at 0800 UTC 15 May 2004 as seen in the WB dataset, using the ResNet (Fig. 9) and the UNet model (Fig. 10). We employ an absolute-difference-based selector function with a focus on single pixel deviations of the predicted quantities from the respective target value, that is, δI(c)(x;x0,1) with I={(i*,j*)}, 0i*<H, 0j*<W, and x0 denoting the target field. This reveals information about what parts in the data push the separate prediction channels away from the actual target value. Figures are shown for (i*,j*)=(63127), which corresponds to the center pixel in the image, located at 0°, 180°. Relevance maps for other dates and pixel indices look similar. All output channels are treated separately, yielding a matrix of relevance maps, which visualize relationships between channel-wise prediction errors and model inputs. The back-propagation of relevance values according to our proposed feature selection is carried out using the standard LRP algorithm, which is available in the Captum model interpretability library for Pytorch (Kokhlikyan et al. 2020).

Fig. 9.
Fig. 9.

LRP relevance maps with deviation-based selector function for the ResNet model in the best I/O configuration w.r.t. the proposed selection procedure. Time stamp of data sample: 0800 UTC 15 May 2004.

Citation: Artificial Intelligence for the Earth Systems 2, 1; 10.1175/AIES-D-22-0024.1

Fig. 10.
Fig. 10.

LRP relevance maps with deviation-based selector function for the UNet model in the best I/O configuration w.r.t. the proposed selection procedure. Time stamp of data sample: 0800 UTC 15 May 2004.

Citation: Artificial Intelligence for the Earth Systems 2, 1; 10.1175/AIES-D-22-0024.1

While the relevance patterns appear noisy in both cases, the structure of the relevance maps differs significantly between the model architectures, despite being trained on the same task and with the same set of training data. The ResNet architecture favors relevance distributions that are concentrated around the reference location. This is consistent with the inductive bias of the architecture, which arises from the use of convolution layers with small kernel sizes (see section 4b). Positive and negative relevances appear to be distributed randomly throughout the map, but significant differences are observed in the magnitude of the relevances. Relevance values w.r.t. orography possess larger magnitude in both positive and negative orientation than the remaining parameters. For the cloud-cover input, relevance values are concentrated on a small number of pixels, which obtain a relevance with notably higher amplitude than that of surrounding pixels. Similarly, the large degree of variability in the relevance maps makes it difficult to identify. For the UNet, relevance values are distributed over a larger spatial domain and relevance magnitude is largest for the cloud-cover field and the υ component of the wind field. Likely, this is caused by the multiscale properties of the UNet architecture and confirms that the UNet manages to learn features on larger spatial scales. Notably, the distribution of relevance values also displays stronger spatial correlations, which might suggest that the model learns to pay attention to spatially coherent features in the data. Also, in contrast to ResNet, the relevance of the orography field is smaller. Intuitively, this relevance attribution appears more understandable, since the selected reference pixel corresponds to a location in the middle of the Pacific Ocean, where the impact of orography on physical processes should be weak.

A prominent feature of the WB dataset is the temporal coherence of subsequent samples, which is determined by the day–night cycle, as well as the seasonal cycle. To assess the stability of the relevance maps, as well as the impact of the day–night cycle on the model mapping, we show two additional relevance maps for the UNet model applied to data samples from 1200 to 2000 LT 15 May 2004 in Figs. A3 and A4 in appendix A. The figures show that the relevance maps for 0800 and 2000 LT look very similar. In particular, clusters of spatially coherent regions of positive or negative relevance are preserved, which suggests a stability and coherence in the visual structure of the relevance maps. The maps for 1200 LT deviate slightly and show larger relevance as for the 2-m temperature with respect to the top-of-atmosphere incoming solar radiation, which is consistent with physical intuition.

Overall, we conclude that the different architectures learn distinct mappings, despite being trained on the same task and achieving similar prediction accuracy. Yet, we find that some aspects of the dependency structure can be partly reverse engineered via thorough investigation of the relevance maps. Similar statements apply to the relevance maps for models trained on the CSEns dataset. Exemplary relevance maps for this dataset are shown in Fig. B8. A more detailed analysis of the derived relevance maps, as well as the study of more specific meteorological events and weather situations at selected times and locations, is, however, beyond the scope of this paper and will be addressed in future work.

6. Conclusions

We have introduced an alternative way to perform deep learning-based variable-to-variable transfer. Instead of building upon the similarity of latent-space representations of parameter fields to determine transferable parameter pairs, we train a network using different transfer scenarios and select the best parameter setting. In this way, we give more flexibility to the network to exploit interparameter relationships, that is, to learn parameter combinations for improved transfer. This allows for saving bandwidth in in situ settings and can help to more aggressively compress multiparameter simulation data. As shown in Figs. A5 and B9 in appendixes A and B, V2V transfer cannot compete with classical lossy data compression schemes in terms of compression rate, yet it may effectively support such schemes when the structure of the relevance maps generated via LRP is exploited to select spatially varying bitrates according to the importance of the data values. Other potential limitations arise due to intricacies in comparing the loss values of different parameter fields. Comparing L1 loss values performs well on our data, which we verify by showing visualizations of the reconstructed fields. Yet it may happen that differences in the statistical distribution of field values result in deceptively low or high loss values for certain fields, which do not accurately reflect the reconstruction quality. In such cases, it may be useful to explore alternative metrics that are more robust to differences in data distributions, such as relative improvement metrics that compare against simpler baseline models such as climatologies, or metrics like SSIM (Wang et al. 2004) that relate to visualization quality. The choice of such metrics, however, may depend strongly on the dataset at hand, as well as on the intended application. For reasons of general applicability, we rely on the L1 loss in this study and demonstrate that it can serve as a reasonable default choice.

We have further analyzed the regional parameter structures that have the most significant effect on the reconstruction quality. By using an extension to layerwise relevance propagation (LRP), we were able to determine regions over which the field values have a large effect on the local reconstruction accuracy. LRP results demonstrate that different model architectures learn different mapping functions, depending on the inductive bias of the used architecture. In our study, the use of the UNet model led to more physically interpretable relevance maps, while the mappings learned by the ResNet architecture are constrained in learning spatial dependencies due to the construction of the network architecture. Information like this may help in operational model applications to gain a better understanding of model-driven inference procedures and increase trustworthiness of data-driven model predictions.

In the future, we will shed light on the use of the proposed V2V approach with 3D and especially large forecast ensembles. In our current use cases, all parameter fields show rather low mutual similarities, and, thus, one can expect our approach to perform even more effective once parameter fields with certain similarities and more pronounced spatial relationships are given, like ensemble simulations. One specific task we envision is to analyze the representativeness of the single members captured by a grand ensemble, by using V2V to reconstruct an as small as possible subset of all members capturing the full ensemble spread. This can facilitate guidance toward weather situations that are under- or overrepresented in the ensemble and reveal situations that are intrinsically difficult to resolve. Furthermore, we intend to consider the temporal evolution of the fields to improve the reconstruction at a certain time, that is, by letting the network train on multiple time steps from the past.

Finally, together with meteorologists and climatologists we intend to further analyze the sensitivity maps that have been derived via LRP. Such an analysis includes the extraction of specific local weather events such as jet cores or fronts, and to set them into relation to the regions that have been deemed important for achieving high reconstruction accuracy. A limitation of the current LRP approach lies in the necessity of selecting reference locations, for which point-to-field relevance maps shall be computed. In exploratory data analysis tasks, it might be nontrivial to make sensible decisions about which locations to look at in the first place. We therefore plan on refining the LRP-based analysis procedures to detect regions of high impact in an automated fashion and with a more global view to enable the interactive exploration field-to-field relevance relations. In a similar line of reasoning, we intend to include the time dimension in the analysis, for example, by using temporal coherence and recurrence in the data to reduce the noise level of the derived LRP maps via temporal filtering or climatological summarization of relevances. Further efforts will be put on the investigation of alternative mechanisms for pursuing a sensitivity analysis, focusing more on spatial as well as temporal relationships between different parameters.

Acknowledgments.

This study has been done within the subproject A7 “Visualization of coherence and variation in meteorological dynamics” of the Transregional Collaborative Research Center SFB/TRR 165 “Waves to Weather” (www.wavestoweather.de) funded by the German Research Foundation (DFG). The authors acknowledge crucial contributions by Juan Ruiz and the RIKEN Data Assimilation Research Team for conducting the 1000-member ensemble simulation.

Data availability statement.

The code for the experiments is made publicly available at https://github.com/FatemehFarokhmanesh/DNN-based-Parameter-Transfer-in-Meteorological-Data.git. WeatherBench dataset (Rasp et al. 2020 [RDS+20]) is publicly available at https://github.com/pangeo-data/WeatherBench. Access to the convective-scale ensemble simulation dataset can be granted upon-requested from the owners of the original dataset (Necker et al. 2020 [NGW+20]).

APPENDIX A

Supplementary Visualizations for the WeatherBench Dataset

Figures A1A5 illustrate specific aspects of V2V transfer in the first dataset, the WB reanalysis dataset.

Fig. A1.
Fig. A1.

Reconstruction results for the WeatherBench dataset when the network is trained to predict three parameter fields (worst combination) from four input fields. (top) The initial parameter fields. A red outline indicates those fields the network has learned to predict from the others. (bottom) Predicted parameter fields.

Citation: Artificial Intelligence for the Earth Systems 2, 1; 10.1175/AIES-D-22-0024.1

Fig. A2.
Fig. A2.

As in Fig. 7, but using UNet for training.

Citation: Artificial Intelligence for the Earth Systems 2, 1; 10.1175/AIES-D-22-0024.1

Fig. A3.
Fig. A3.

LRP relevance maps with deviation-based selector function for the UNet model in the best I/O configuration for WB data. Time stamp of data sample: 1200 UTC 15 May 2004.

Citation: Artificial Intelligence for the Earth Systems 2, 1; 10.1175/AIES-D-22-0024.1

Fig. A4.
Fig. A4.

LRP relevance maps with deviation-based selector function for the UNet model in the best I/O configuration for WB data. Time stamp of data sample: 2000 UTC 15 May 2004.

Citation: Artificial Intelligence for the Earth Systems 2, 1; 10.1175/AIES-D-22-0024.1

Fig. A5.
Fig. A5.

Quality comparison of V2V against a dedicated compression algorithm for volumetric data. Parameter field t2m compressed at a rate of 12:1 with the publicly available compute unified device architecture (CUDA) compression library by Treib et al. (2012), which provides lossy compression using a combination of the discrete wavelet transform, coefficient quantization, run-length encoding, and Huffman coding. (top left) Original field. (top right) Parameter field predicted using 3-to-3 V2V transfer. (bottom) Pixelwise differences for reconstructed compressed field and V2V reconstruction.

Citation: Artificial Intelligence for the Earth Systems 2, 1; 10.1175/AIES-D-22-0024.1

APPENDIX B

Variable-to-Variable Transfer for the Convective-Scale Ensemble

The CSEns, generated by Necker et al. (2020), contains 1000 runs of a 3D atmospheric dynamics model over a rectangular domain in central Europe. Data are stored on a regular grid with 352 × 250 nodes, which corresponds to a horizontal grid spacing of 3 km and allows the resolution of convective effects in the model dynamics. The simulation covers a time interval of six hours, with a period of one hour between successive time steps, and comprises 30 levels in height. In the lower levels, some of the data are invalid due to grid cells falling below the level of the surface topography. Levels with missing values are omitted. 3D data are available for a total of 9 different parameters, which are temperature (tk), u, υ, and w component of winds (u, υ, w), geopotential height (z), relative humidity (rh), mixing ratio of all hydrometeors (qh), water vapor mixing ratio (qv), and radar reflectivity (dBZ). Structural differences are observed not only between different parameters, but also between different time steps and height levels of the same parameter. Specifically, the variation in the fields decreases with increasing distance from the Earth surface, due to decreasing influence of boundary layer effects, and complexity increases with increasing simulation time due to a strengthening of convective activity. To enable a fair comparison between the CSEns and WB, we consider data only for the three lowermost levels without missing values, as well as the three latest time steps, which show the highest field complexity. We further split time-variate 3D fields both in time and height to obtain a sequence of plain 2D fields. We then consider data for 200 members for training, five members for validation, and the remaining members for testing and visualization.

Figures B1B9 illustrate V2V transfer in the second dataset, the CSEns by Necker et al. (2020), which were excluded from the main paper to improve readability.

Fig. B1.
Fig. B1.

Different parameter fields in the CSEns dataset. (a) Grayscale visualizations of the parameter fields at a particular time. (b) t-SNE projections of latent-space features of the parameter fields (different parameters indicated by colors) at different times (note that projections for different initializations of t-SNE yield similar groupings).

Citation: Artificial Intelligence for the Earth Systems 2, 1; 10.1175/AIES-D-22-0024.1

Fig. B2.
Fig. B2.

Bar charts showing the losses of all networks trained for 4-to-5 parameter transfer with the CSEns dataset using the proposed iterative loss-based approach. (top left) First iteration. (top right) Second iteration. (bottom left) Third iteration. (bottom right) Fourth iteration. Bars represent losses after five epochs of training.

Citation: Artificial Intelligence for the Earth Systems 2, 1; 10.1175/AIES-D-22-0024.1

Fig. B3.
Fig. B3.

Bar chart showing the losses of the best (left) and worst (right) possible networks for 4-to-5 parameter transfer with the CSEns dataset. All (95) possible models have been trained for five epochs. Configurations with intermediate losses have been omitted from the chart for clarity of the visualization.

Citation: Artificial Intelligence for the Earth Systems 2, 1; 10.1175/AIES-D-22-0024.1

Fig. B4.
Fig. B4.

Reconstruction results for the CSEns datasets when the network is trained to predict five parameter fields from four input fields. (top) The initial parameter fields. A red outline indicates those fields the network has learned to predict from the others. (bottom) Predicted parameter fields.

Citation: Artificial Intelligence for the Earth Systems 2, 1; 10.1175/AIES-D-22-0024.1

Fig. B5.
Fig. B5.

As in Fig. 8, but using the CSEns dataset.

Citation: Artificial Intelligence for the Earth Systems 2, 1; 10.1175/AIES-D-22-0024.1

Fig. B6.
Fig. B6.

As in Fig. A1, but using the CSEns dataset.

Citation: Artificial Intelligence for the Earth Systems 2, 1; 10.1175/AIES-D-22-0024.1

Fig. B7.
Fig. B7.

As in Fig. B4, but using the UNet architecture instead of the ResNet.

Citation: Artificial Intelligence for the Earth Systems 2, 1; 10.1175/AIES-D-22-0024.1

Fig. B8.
Fig. B8.

LRP relevance maps with deviation-based selector function for the UNet model in the best I/O configuration for CSEns data. Time stamp of data sample: 1700 UTC 1 Jun 2016.

Citation: Artificial Intelligence for the Earth Systems 2, 1; 10.1175/AIES-D-22-0024.1

Fig. B9.
Fig. B9.

Quality comparison of V2V against a dedicated compression algorithm for volumetric data. Parameter field qv compressed at a rate of 12:1 with the publicly available CUDA compression library by Treib et al. (2012), which provides lossy compression using a combination of the discrete wavelet transform, coefficient quantization, run-length encoding, and Huffman coding. (top left) Original field, (top right) parameter field predicted using 4-to-5 V2V transfer, and (bottom) pixelwise differences for reconstructed compressed field and V2V reconstruction.

Citation: Artificial Intelligence for the Earth Systems 2, 1; 10.1175/AIES-D-22-0024.1

REFERENCES

  • Bach, S., A. Binder, G. Montavon, F. Klauschen, K.-R. Müller, and W. Samek, 2015: On pixel-wise explanations for non-linear classifier decisions by layer-wise relevance propagation. PLOS ONE, 10, e0130140, https://doi.org/10.1371/journal.pone.0130140.

    • Search Google Scholar
    • Export Citation
  • Cao, W., Z. Yan, Z. He, and Z. He, 2020: A comprehensive survey on geometric deep learning. IEEE Access, 8, 35 92935 949, https://doi.org/10.1109/ACCESS.2020.2975067.

    • Search Google Scholar
    • Export Citation
  • Cheng, J., Q. Kuang, C. Shen, J. Liu, X. Tan, and W. Liu, 2020: ResLap: Generating high-resolution climate prediction through image super-resolution. IEEE Access, 8, 39 62339 634, https://doi.org/10.1109/ACCESS.2020.2974785.

    • Search Google Scholar
    • Export Citation
  • Glorot, X., and Y. Bengio, 2010: Understanding the difficulty of training deep feedforward neural networks. Proc. 13th Int. Conf. on Artificial Intelligence and Statistics, Sardinia, Italy, PMLR, 249256, http://proceedings.mlr.press/v9/glorot10a/glorot10a.pdf.

  • Guo, L., S. Ye, J. Han, H. Zheng, H. Gao, D. Z. Chen, J.-X. Wang, and C. Wang, 2020: SSR-VFD: Spatial super-resolution for vector field data analysis and visualization. 2020 IEEE Pacific Visualization Symp., Tianjin, China, Institute of Electrical and Electronics Engineers, 7180, https://doi.org/10.1109/PacificVis48177.2020.8737.

  • Han, J., and C. Wang, 2020: TSR-TVD: Temporal super-resolution for time-varying data analysis and visualization. IEEE Trans. Visualization Comput. Graphics, 26, 205215, https://doi.org/10.1109/TVCG.2019.2934255.

    • Search Google Scholar
    • Export Citation
  • Han, J., and C. Wang, 2022: SSR-TVD: Spatial super-resolution for time-varying data analysis and visualization. IEEE Trans. Visualization Comput. Graphics, 28, 24452456, https://doi.org/10.1109/TVCG.2020.3032123.

    • Search Google Scholar
    • Export Citation
  • Han, J., H. Zheng, Y. Xing, D. Z. Chen, and C. Wang, 2021: V2V: A deep learning approach to variable-to-variable selection and translation for multivariate time-varying data. IEEE Trans. Visualization Comput. Graphics, 27, 12901300, https://doi.org/10.1109/TVCG.2020.3030346.

    • Search Google Scholar
    • Export Citation
  • Han, J., H. Zheng, D. Z. Chen, and C. Wang, 2022: STNet: An end-to-end generative framework for synthesizing spatiotemporal super-resolution volumes. IEEE Trans. Visualization Comput. Graphics, 28, 270280, https://doi.org/10.1109/TVCG.2021.3114815.

    • Search Google Scholar
    • Export Citation
  • He, K., X. Zhang, S. Ren, and J. Sun, 2016: Deep residual learning for image recognition. Proc. IEEE Conf. on Computer Vision and Pattern Recognition, Las Vegas, NV, Institute of Electrical and Electronics Engineers, 770778, https://doi.org/10.1109/CVPR.2016.90.

  • Helbig, C., L. Bilke, H.-S. Bauer, M. Böttinger, and O. Kolditz, 2015: MEVA—An interactive visualization application for validation of multifaceted meteorological data with multiple 3D devices. PLOS ONE, 10, e0123811, https://doi.org/10.1371/journal.pone.0123811.

    • Search Google Scholar
    • Export Citation
  • Hersbach, H., and Coauthors, 2020: The ERA5 global reanalysis. Quart. J. Roy. Meteor. Soc., 146, 19992049, https://doi.org/10.1002/qj.3803.

    • Search Google Scholar
    • Export Citation
  • Höhlein, K., M. Kern, T. Hewson, and R. Westermann, 2020: A comparative study of convolutional neural network models for wind field downscaling. Meteor. Appl., 27, e1961, https://doi.org/10.1002/met.1961.

    • Search Google Scholar
    • Export Citation
  • Ioffe, S., and C. Szegedy, 2015: Batch normalization: Accelerating deep network training by reducing internal covariate shift. Int. Conf. on Machine Learning, Lille, France, PMLR, 448456, http://proceedings.mlr.press/v37/ioffe15.pdf.

  • Kokhlikyan, N., and Coauthors, 2020: Captum: A unified and generic model interpretability library for PyTorch. arXiv, 2009.07896v1, https://doi.org/10.48550/arXiv.2009.07896.

    • Search Google Scholar
    • Export Citation
  • Necker, T., S. Geiss, M. Weissmann, J. Ruiz, T. Miyoshi, and G.-Y. Lien, 2020: A convective-scale 1,000-member ensemble simulation and potential applications. Quart. J. Roy. Meteor. Soc., 146, 14231442, https://doi.org/10.1002/qj.3744.

    • Search Google Scholar
    • Export Citation
  • Pouliot, D., R. Latifovic, J. Pasher, and J. Duffe, 2018: Landsat super-resolution enhancement using convolution neural networks and Sentinel-2 for training. Remote Sens., 10, 394, https://doi.org/10.3390/rs10030394.

    • Search Google Scholar
    • Export Citation
  • Rasp, S., P. D. Dueben, S. Scher, J. A. Weyn, S. Mouatadid, and N. Thuerey, 2020: WeatherBench: A benchmark data set for data-driven weather forecasting. J. Adv. Model. Earth Syst., 12, e2020MS002203, https://doi.org/10.1029/2020MS002203.

    • Search Google Scholar
    • Export Citation
  • Reichstein, M., G. Camps-Valls, B. Stevens, M. Jung, J. Denzler, N. Carvalhais, and Prabhat, 2019: Deep learning and process understanding for data-driven Earth system science. Nature, 566, 195204, https://doi.org/10.1038/s41586-019-0912-1.

    • Search Google Scholar
    • Export Citation
  • Röber, N., and J. F. Engels, 2019: In-situ processing in climate science. High Performance Computing, Springer, 612622, https://doi.org/10.1007/978-3-030-34356-9_46.

  • Rodrigues, E. R., I. Oliveira, R. Cunha, and M. Netto, 2018: DeepDownscale: A deep learning strategy for high-resolution weather forecast. 2018 IEEE 14th Int. Conf. on e-Science, Amsterdam, Netherlands, Institute of Electrical and Electronics Engineers, 415–422, https://doi.org/10.1109/eScience.2018.00130.

  • Ronneberger, O., P. Fischer, and T. Brox, 2015: U-net: Convolutional networks for biomedical image segmentation. Medical Image Computing and Computer Assisted Intervention, N. Navab et al., Eds., Lecture Notes in Computer Science, Vol. 9351, Springer, 234241.

  • Sato, T., O. Tatebe, and H. Kusaka, 2019: In-situ data analysis system for high resolution meteorological large eddy simulation model. Proc. Sixth IEEE/ACM Int. Conf. on Big Data Computing, Applications and Technologies, New York, NY, Association for Computing Machinery, 155158, https://doi.org/10.1145/3365109.3368769.

  • Serifi, A., T. Günther, and N. Ban, 2021: Spatio-temporal downscaling of climate data using convolutional and error-predicting neural networks. Front. Climate, 3, 656479, https://doi.org/10.3389/fclim.2021.656479.

    • Search Google Scholar
    • Export Citation
  • Toderici, G., D. Vincent, N. Johnston, S. Jin Hwang, D. Minnen, J. Shor, and M. Covell, 2017: Full resolution image compression with recurrent neural networks. Proc. IEEE Conf. on Computer Vision and Pattern Recognition, Honolulu, HI, Institute of Electrical and Electronics Engineers, 53065314, https://doi.org/10.1109/CVPR.2017.577.

  • Treib, M., F. Reichl, S. Auer, and R. Westermann, 2012: Interactive editing of GigaSample terrain fields. Comput. Graphics Forum, 31, 383392, https://doi.org/10.1111/j.1467-8659.2012.03017.x.

    • Search Google Scholar
    • Export Citation
  • van der Maaten, L., and G. Hinton, 2008: Visualizing data using t-SNE. J. Mach. Learn. Res., 9, 25792605.

  • Wang, C., H. Yu, R. W. Grout, K.-L. Ma, and J. H. Chen, 2011: Analyzing information transfer in time-varying multivariate data. 2011 IEEE Pacific Visualization Symp., Hong Kong, China, Institute of Electrical and Electronics Engineers, 99106, https://doi.org/10.1109/PACIFICVIS.2011.5742378.

  • Wang, Z., A. C. Bovik, H. R. Sheikh, and E. P. Simoncelli, 2004: Image quality assessment: From error visibility to structural similarity. IEEE Trans. Image Process., 13, 600612, https://doi.org/10.1109/TIP.2003.819861.

    • Search Google Scholar
    • Export Citation
  • Weiss, S., M. Chu, N. Thuerey, and R. Westermann, 2019: Volumetric isosurface rendering with deep learning-based super-resolution. arXiv, 1906.06520v1, https://doi.org/10.48550/arXiv.1906.06520.

    • Search Google Scholar
    • Export Citation
  • Weiss, S., M. Işık, J. Thies, and R. Westermann, 2020: Learning adaptive sampling and reconstruction for volume visualization. arXiv, 2007.10093v1, https://doi.org/10.48550/arXiv.2007.10093.

    • Search Google Scholar
    • Export Citation
  • Zhou, Z., Y. Hou, Q. Wang, G. Chen, J. Lu, Y. Tao, and H. Lin, 2017: Volume upscaling with convolutional neural networks. Proc. Computer Graphics Int. Conf., New York, NY, Association for Computing Machinery, 16, https://doi.org/10.1145/3095140.3095178.

Save
  • Bach, S., A. Binder, G. Montavon, F. Klauschen, K.-R. Müller, and W. Samek, 2015: On pixel-wise explanations for non-linear classifier decisions by layer-wise relevance propagation. PLOS ONE, 10, e0130140, https://doi.org/10.1371/journal.pone.0130140.

    • Search Google Scholar
    • Export Citation
  • Cao, W., Z. Yan, Z. He, and Z. He, 2020: A comprehensive survey on geometric deep learning. IEEE Access, 8, 35 92935 949, https://doi.org/10.1109/ACCESS.2020.2975067.

    • Search Google Scholar
    • Export Citation
  • Cheng, J., Q. Kuang, C. Shen, J. Liu, X. Tan, and W. Liu, 2020: ResLap: Generating high-resolution climate prediction through image super-resolution. IEEE Access, 8, 39 62339 634, https://doi.org/10.1109/ACCESS.2020.2974785.

    • Search Google Scholar
    • Export Citation
  • Glorot, X., and Y. Bengio, 2010: Understanding the difficulty of training deep feedforward neural networks. Proc. 13th Int. Conf. on Artificial Intelligence and Statistics, Sardinia, Italy, PMLR, 249256, http://proceedings.mlr.press/v9/glorot10a/glorot10a.pdf.

  • Guo, L., S. Ye, J. Han, H. Zheng, H. Gao, D. Z. Chen, J.-X. Wang, and C. Wang, 2020: SSR-VFD: Spatial super-resolution for vector field data analysis and visualization. 2020 IEEE Pacific Visualization Symp., Tianjin, China, Institute of Electrical and Electronics Engineers, 7180, https://doi.org/10.1109/PacificVis48177.2020.8737.

  • Han, J., and C. Wang, 2020: TSR-TVD: Temporal super-resolution for time-varying data analysis and visualization. IEEE Trans. Visualization Comput. Graphics, 26, 205215, https://doi.org/10.1109/TVCG.2019.2934255.

    • Search Google Scholar
    • Export Citation
  • Han, J., and C. Wang, 2022: SSR-TVD: Spatial super-resolution for time-varying data analysis and visualization. IEEE Trans. Visualization Comput. Graphics, 28, 24452456, https://doi.org/10.1109/TVCG.2020.3032123.

    • Search Google Scholar
    • Export Citation
  • Han, J., H. Zheng, Y. Xing, D. Z. Chen, and C. Wang, 2021: V2V: A deep learning approach to variable-to-variable selection and translation for multivariate time-varying data. IEEE Trans. Visualization Comput. Graphics, 27, 12901300, https://doi.org/10.1109/TVCG.2020.3030346.

    • Search Google Scholar
    • Export Citation
  • Han, J., H. Zheng, D. Z. Chen, and C. Wang, 2022: STNet: An end-to-end generative framework for synthesizing spatiotemporal super-resolution volumes. IEEE Trans. Visualization Comput. Graphics, 28, 270280, https://doi.org/10.1109/TVCG.2021.3114815.

    • Search Google Scholar
    • Export Citation
  • He, K., X. Zhang, S. Ren, and J. Sun, 2016: Deep residual learning for image recognition. Proc. IEEE Conf. on Computer Vision and Pattern Recognition, Las Vegas, NV, Institute of Electrical and Electronics Engineers, 770778, https://doi.org/10.1109/CVPR.2016.90.

  • Helbig, C., L. Bilke, H.-S. Bauer, M. Böttinger, and O. Kolditz, 2015: MEVA—An interactive visualization application for validation of multifaceted meteorological data with multiple 3D devices. PLOS ONE, 10, e0123811, https://doi.org/10.1371/journal.pone.0123811.

    • Search Google Scholar
    • Export Citation
  • Hersbach, H., and Coauthors, 2020: The ERA5 global reanalysis. Quart. J. Roy. Meteor. Soc., 146, 19992049, https://doi.org/10.1002/qj.3803.

    • Search Google Scholar
    • Export Citation
  • Höhlein, K., M. Kern, T. Hewson, and R. Westermann, 2020: A comparative study of convolutional neural network models for wind field downscaling. Meteor. Appl., 27, e1961, https://doi.org/10.1002/met.1961.

    • Search Google Scholar
    • Export Citation
  • Ioffe, S., and C. Szegedy, 2015: Batch normalization: Accelerating deep network training by reducing internal covariate shift. Int. Conf. on Machine Learning, Lille, France, PMLR, 448456, http://proceedings.mlr.press/v37/ioffe15.pdf.

  • Kokhlikyan, N., and Coauthors, 2020: Captum: A unified and generic model interpretability library for PyTorch. arXiv, 2009.07896v1, https://doi.org/10.48550/arXiv.2009.07896.

    • Search Google Scholar
    • Export Citation
  • Necker, T., S. Geiss, M. Weissmann, J. Ruiz, T. Miyoshi, and G.-Y. Lien, 2020: A convective-scale 1,000-member ensemble simulation and potential applications. Quart. J. Roy. Meteor. Soc., 146, 14231442, https://doi.org/10.1002/qj.3744.

    • Search Google Scholar
    • Export Citation
  • Pouliot, D., R. Latifovic, J. Pasher, and J. Duffe, 2018: Landsat super-resolution enhancement using convolution neural networks and Sentinel-2 for training. Remote Sens., 10, 394, https://doi.org/10.3390/rs10030394.

    • Search Google Scholar
    • Export Citation
  • Rasp, S., P. D. Dueben, S. Scher, J. A. Weyn, S. Mouatadid, and N. Thuerey, 2020: WeatherBench: A benchmark data set for data-driven weather forecasting. J. Adv. Model. Earth Syst., 12, e2020MS002203, https://doi.org/10.1029/2020MS002203.

    • Search Google Scholar
    • Export Citation
  • Reichstein, M., G. Camps-Valls, B. Stevens, M. Jung, J. Denzler, N. Carvalhais, and Prabhat, 2019: Deep learning and process understanding for data-driven Earth system science. Nature, 566, 195204, https://doi.org/10.1038/s41586-019-0912-1.

    • Search Google Scholar
    • Export Citation
  • Röber, N., and J. F. Engels, 2019: In-situ processing in climate science. High Performance Computing, Springer, 612622, https://doi.org/10.1007/978-3-030-34356-9_46.

  • Rodrigues, E. R., I. Oliveira, R. Cunha, and M. Netto, 2018: DeepDownscale: A deep learning strategy for high-resolution weather forecast. 2018 IEEE 14th Int. Conf. on e-Science, Amsterdam, Netherlands, Institute of Electrical and Electronics Engineers, 415–422, https://doi.org/10.1109/eScience.2018.00130.

  • Ronneberger, O., P. Fischer, and T. Brox, 2015: U-net: Convolutional networks for biomedical image segmentation. Medical Image Computing and Computer Assisted Intervention, N. Navab et al., Eds., Lecture Notes in Computer Science, Vol. 9351, Springer, 234241.

  • Sato, T., O. Tatebe, and H. Kusaka, 2019: In-situ data analysis system for high resolution meteorological large eddy simulation model. Proc. Sixth IEEE/ACM Int. Conf. on Big Data Computing, Applications and Technologies, New York, NY, Association for Computing Machinery, 155158, https://doi.org/10.1145/3365109.3368769.

  • Serifi, A., T. Günther, and N. Ban, 2021: Spatio-temporal downscaling of climate data using convolutional and error-predicting neural networks. Front. Climate, 3, 656479, https://doi.org/10.3389/fclim.2021.656479.

    • Search Google Scholar
    • Export Citation
  • Toderici, G., D. Vincent, N. Johnston, S. Jin Hwang, D. Minnen, J. Shor, and M. Covell, 2017: Full resolution image compression with recurrent neural networks. Proc. IEEE Conf. on Computer Vision and Pattern Recognition, Honolulu, HI, Institute of Electrical and Electronics Engineers, 53065314, https://doi.org/10.1109/CVPR.2017.577.

  • Treib, M., F. Reichl, S. Auer, and R. Westermann, 2012: Interactive editing of GigaSample terrain fields. Comput. Graphics Forum, 31, 383392, https://doi.org/10.1111/j.1467-8659.2012.03017.x.

    • Search Google Scholar
    • Export Citation
  • van der Maaten, L., and G. Hinton, 2008: Visualizing data using t-SNE. J. Mach. Learn. Res., 9, 25792605.

  • Wang, C., H. Yu, R. W. Grout, K.-L. Ma, and J. H. Chen, 2011: Analyzing information transfer in time-varying multivariate data. 2011 IEEE Pacific Visualization Symp., Hong Kong, China, Institute of Electrical and Electronics Engineers, 99106, https://doi.org/10.1109/PACIFICVIS.2011.5742378.

  • Wang, Z., A. C. Bovik, H. R. Sheikh, and E. P. Simoncelli, 2004: Image quality assessment: From error visibility to structural similarity. IEEE Trans. Image Process., 13, 600612, https://doi.org/10.1109/TIP.2003.819861.

    • Search Google Scholar
    • Export Citation
  • Weiss, S., M. Chu, N. Thuerey, and R. Westermann, 2019: Volumetric isosurface rendering with deep learning-based super-resolution. arXiv, 1906.06520v1, https://doi.org/10.48550/arXiv.1906.06520.

    • Search Google Scholar
    • Export Citation
  • Weiss, S., M. Işık, J. Thies, and R. Westermann, 2020: Learning adaptive sampling and reconstruction for volume visualization. arXiv, 2007.10093v1, https://doi.org/10.48550/arXiv.2007.10093.

    • Search Google Scholar
    • Export Citation
  • Zhou, Z., Y. Hou, Q. Wang, G. Chen, J. Lu, Y. Tao, and H. Lin, 2017: Volume upscaling with convolutional neural networks. Proc. Computer Graphics Int. Conf., New York, NY, Association for Computing Machinery, 16, https://doi.org/10.1145/3095140.3095178.

  • Fig. 1.

    Different parameter fields in the ERA5 reanalysis dataset. (a) Grayscale visualizations of the parameter fields at a particular time. (b) t-SNE projections of latent-space features of the parameter fields (different parameters indicated by colors) at different times (note that projections for different initializations of t-SNE yield similar groupings).

  • Fig. 2.

    Method overview. In the ith iteration, the same ResNet is trained multiple times using different combinations of ni input and i output parameters. Orange crosses indicate the output parameters, green pluses indicate the parameters that are fixed in the input set, and blue squares indicate the remaining parameters in the input set. In each iteration, for each free parameter a loss is computed by adding the losses of those networks in which the parameter is in the output set. The parameter with the maximum loss is fixed in the input set. For the WB dataset, orography is used in every input, but is not predicted.

  • Fig. 3.

    Schematic of the used ResNet architecture. It consists of three residual blocks, each followed by a LeakyReLU activation function. The m (<n) input fields are fed into the input convolution layer with 64 channels and kernel size of (3, 3), a batch normalization layer, and LeakyReLU activation function. The network comprises three residual blocks and a final single convolution layer. The network predicts nm output fields.

  • Fig. 4.

    Schematic of the used UNet architecture. The contracting branch is comprised of three convolutional blocks, each consisting of two convolution layers with subsequent batch normalization, dropout, and a LeakyReLU activation function. The expansive branch includes three deconvolution blocks, each consisting of one convolution, and one deconvolution layer. Each of these layers is followed by a batch normalization layer, dropout, and LeakyReLU activation function. The m (<n) input fields are fed into the input block, which contains a single convolution layer with 64 channels and kernel size of (3, 3), followed by batch normalization layer, dropout, and LeakyReLU activation function. The number of reconstructed fields is nm.

  • Fig. 5.

    Distribution and ranking of losses for different network configurations. Networks are trained for different parameter configuration (m = 1, i.e., one parameter is left out and is to be predicted) with different weight initializations. (left) Boxplot of the loss statistics. (right) Heat map of the observed ranking order.

  • Fig. 6.

    Bar charts showing the losses of all networks trained for 3-to-3 parameter transfer with the WB dataset using the proposed iterative loss-based approach [(top left) first iteration, (top right) second iteration, (bottom left) third iteration], and (bottom right) of all possible (63) networks. Blue bars represent losses after five epochs of training, green bars indicate losses after 70 epochs.

  • Fig. 7.

    Reconstruction results for the WB dataset when the network is trained to predict three parameter fields from three input fields and orography. (top) The initial parameter fields. A red outline indicates those fields the network has learned to predict from the others. (bottom) Predicted parameter fields.

  • Fig. 8.

    Pixelwise differences between the initial and predicted fields when using the (left) best and (right) worst parameter combination. Per-pixel values are scaled by a factor of 10 for better visibility. Corresponding SSIM and PSNR (dB) values are given below each image.

  • Fig. 9.

    LRP relevance maps with deviation-based selector function for the ResNet model in the best I/O configuration w.r.t. the proposed selection procedure. Time stamp of data sample: 0800 UTC 15 May 2004.

  • Fig. 10.

    LRP relevance maps with deviation-based selector function for the UNet model in the best I/O configuration w.r.t. the proposed selection procedure. Time stamp of data sample: 0800 UTC 15 May 2004.

  • Fig. A1.

    Reconstruction results for the WeatherBench dataset when the network is trained to predict three parameter fields (worst combination) from four input fields. (top) The initial parameter fields. A red outline indicates those fields the network has learned to predict from the others. (bottom) Predicted parameter fields.

  • Fig. A2.

    As in Fig. 7, but using UNet for training.

  • Fig. A3.

    LRP relevance maps with deviation-based selector function for the UNet model in the best I/O configuration for WB data. Time stamp of data sample: 1200 UTC 15 May 2004.

  • Fig. A4.

    LRP relevance maps with deviation-based selector function for the UNet model in the best I/O configuration for WB data. Time stamp of data sample: 2000 UTC 15 May 2004.

  • Fig. A5.

    Quality comparison of V2V against a dedicated compression algorithm for volumetric data. Parameter field t2m compressed at a rate of 12:1 with the publicly available compute unified device architecture (CUDA) compression library by Treib et al. (2012), which provides lossy compression using a combination of the discrete wavelet transform, coefficient quantization, run-length encoding, and Huffman coding. (top left) Original field. (top right) Parameter field predicted using 3-to-3 V2V transfer. (bottom) Pixelwise differences for reconstructed compressed field and V2V reconstruction.

  • Fig. B1.

    Different parameter fields in the CSEns dataset. (a) Grayscale visualizations of the parameter fields at a particular time. (b) t-SNE projections of latent-space features of the parameter fields (different parameters indicated by colors) at different times (note that projections for different initializations of t-SNE yield similar groupings).

  • Fig. B2.

    Bar charts showing the losses of all networks trained for 4-to-5 parameter transfer with the CSEns dataset using the proposed iterative loss-based approach. (top left) First iteration. (top right) Second iteration. (bottom left) Third iteration. (bottom right) Fourth iteration. Bars represent losses after five epochs of training.

  • Fig. B3.

    Bar chart showing the losses of the best (left) and worst (right) possible networks for 4-to-5 parameter transfer with the CSEns dataset. All (95) possible models have been trained for five epochs. Configurations with intermediate losses have been omitted from the chart for clarity of the visualization.

  • Fig. B4.

    Reconstruction results for the CSEns datasets when the network is trained to predict five parameter fields from four input fields. (top) The initial parameter fields. A red outline indicates those fields the network has learned to predict from the others. (bottom) Predicted parameter fields.

  • Fig. B5.

    As in Fig. 8, but using the CSEns dataset.

  • Fig. B6.

    As in Fig. A1, but using the CSEns dataset.

  • Fig. B7.

    As in Fig. B4, but using the UNet architecture instead of the ResNet.

  • Fig. B8.

    LRP relevance maps with deviation-based selector function for the UNet model in the best I/O configuration for CSEns data. Time stamp of data sample: 1700 UTC 1 Jun 2016.

  • Fig. B9.

    Quality comparison of V2V against a dedicated compression algorithm for volumetric data. Parameter field qv compressed at a rate of 12:1 with the publicly available CUDA compression library by Treib et al. (2012), which provides lossy compression using a combination of the discrete wavelet transform, coefficient quantization, run-length encoding, and Huffman coding. (top left) Original field, (top right) parameter field predicted using 4-to-5 V2V transfer, and (bottom) pixelwise differences for reconstructed compressed field and V2V reconstruction.

All Time Past Year Past 30 Days
Abstract Views 0 0 0
Full Text Views 1898 1197 149
PDF Downloads 1026 322 12