Next Article in Journal
Modelling of Exploitation Influence on Rock Mass Seismicity in Boundary Coal Pillar Areas—A Single-Longwall Option
Previous Article in Journal
Particle Image Velocimetry Measurement of Wall Shear Flow Around a Bubble Growing in Carbonated Water
Previous Article in Special Issue
Recent Advances in Early Earthquake Magnitude Estimation by Using Machine Learning Algorithms: A Systematic Review
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Deep Learning-Based Seismic Time-Domain Velocity Modeling

1
State Key Laboratory of Deep Earth Exploration and Imaging, College of Geoexploration Science and Technology, Jilin University, Changchun 130026, China
2
State Key Laboratory of Deep Earth Exploration and Imaging, College of Instrumentation and Electrical Engineering, Jilin University, Changchun 130026, China
*
Authors to whom correspondence should be addressed.
Appl. Sci. 2025, 15(22), 12123; https://doi.org/10.3390/app152212123
Submission received: 24 October 2025 / Revised: 12 November 2025 / Accepted: 12 November 2025 / Published: 14 November 2025
(This article belongs to the Special Issue Machine Learning Applications in Seismology: 2nd Edition)

Abstract

Accurate subsurface velocity modeling is of fundamental scientific and practical significance for seismic data processing and interpretation. However, conventional depth-domain methods still face limitations in physical consistency and inversion accuracy. To overcome these challenges, this study proposes a deep learning-based seismic velocity modeling approach in the time domain. The method establishes an end-to-end mapping between seismic records and velocity models directly in the time domain, reducing the nonlinear complexity of mapping time-domain data to depth-domain models and improving prediction stability and accuracy. Synthetic aquifer velocity models were constructed from representative stratigraphic features, and multi-shot seismic records were generated through forward modeling. A U-Net network was employed, taking multi-shot seismic records as input and time-domain velocity fields as output, with training guided by a mean squared error (MSE) loss function. Experimental results show that the proposed strategy outperforms conventional depth-domain approaches in aquifer structure identification, velocity recovery, and interlayer contrast depiction. Quantitatively, significant improvements in MSE, peak signal-to-noise ratio, and structural similarity index indicate higher reconstruction reliability. Overall, the results confirm the effectiveness and potential of the proposed time-domain framework for aquifer velocity inversion and its promise for intelligent seismic velocity modeling.

1. Introduction

The construction of velocity models is a fundamental component of seismic exploration, with a long history of research and development. Accurate velocity information is essential for characterizing subsurface media from seismic records. As one of the key parameters in seismic imaging algorithms, the velocity model critically influences both imaging quality and the precision of geological interpretation. A high-fidelity velocity model can substantially enhance seismic image resolution and accuracy [1,2], thereby improving the reliability and credibility of subsurface interpretation. Consequently, the efficient and accurate construction of underground velocity models has long been regarded as a central problem in seismic exploration. In general, velocity model construction can be divided into two stages: velocity modeling and velocity inversion. The former focuses on establishing an initial velocity field that provides a reasonable starting point for subsequent inversion and imaging, while the latter refines the velocity field with higher accuracy based on this initial model. Traditional velocity modeling methods are typically grounded in optimization-based search strategies, whereas conventional velocity inversion techniques include velocity analysis [3] and tomographic inversion [4]. To further improve spatial resolution, advanced inversion techniques such as full waveform inversion (FWI) [5,6,7] are often employed to refine velocity models. In recent years, with the rapid progress of artificial intelligence, deep learning-based approaches have emerged as a powerful alternative for velocity modeling and have become a major focus of research in this field [8,9].
In conventional approaches, representative velocity modeling techniques include stacking velocity picking methods based on the conjugate gradient algorithm [10]. Common velocity analysis techniques encompass migration velocity analysis [11,12,13] and tomographic inversion [14]. These methods primarily rely on the kinematic characteristics of seismic reflection events, wherein reflection travel-time curves or residuals at different offsets are analyzed to iteratively adjust the velocity model until consistency with the observed data is achieved.Although such methods are intuitive and operationally straightforward, their performance often depends heavily on manual interpretation, particularly in regions with complex geological structures or under low signal-to-noise conditions. As a result, achieving high-resolution velocity distributions remains challenging. This limitation has motivated increasing efforts toward the development of automated and intelligent velocity modeling techniques, aimed at enhancing both the accuracy and efficiency of model construction.
FWI has emerged in recent years as a prominent high-resolution velocity inversion technique [15,16,17]. It operates by constructing an objective function and iteratively updating the velocity model through minimizing the residuals between observed and simulated seismic data. Specifically, FWI begins with an initial background velocity field, performs forward modeling based on the wave equation to generate synthetic seismic records, and compares these with the observed data. The velocity field is then refined through optimization algorithms such as gradient descent, leading to a more detailed representation of the subsurface medium. Compared with traditional inversion methods, FWI fully exploits the amplitude, phase, and other full-wavefield information of seismic waves, thereby achieving superior resolution and imaging accuracy. However, its performance is strongly dependent on the accuracy of the initial model, and the method is computationally intensive and prone to local minima, which together constrain its applicability under complex geological conditions.
In recent years, the application of deep learning in seismic inversion and velocity modeling has advanced rapidly. Deep learning-based velocity modeling approaches can generally be categorized into two types: direct velocity modeling from seismic records and hybrid strategies that integrate deep learning with full waveform inversion. Among these, direct deep learning-based velocity modeling has been extensively studied and can be further divided into data-driven methods and physics-informed methods, the latter incorporating physical constraints to enhance model generalization and interpretability.
Data-driven velocity modeling establishes end-to-end neural networks to learn the implicit mapping between seismic records and velocity models from large volumes of synthetic or field seismic data, enabling rapid prediction of subsurface velocity structures. The concept of using neural networks to transform time-domain seismic data into velocity profiles—taking common-shot gathers as input and the corresponding velocity models as output—was introduced early on [18]. The subsequent development of fully convolutional neural networks (FCNNs) to learn the nonlinear mapping between pre-stack seismic data and velocity models marked a key milestone in deep learning-based velocity modeling [19]. Building upon this foundation, numerous advanced approaches have since been proposed [20,21,22,23,24]. Recent developments include the proposal of a prestack seismic inversion framework constrained by AVO attributes, in which seismic attribute information was effectively integrated to enhance inversion stability and accuracy [25]. Advanced deep-learning methodologies for prestack seismic data inversion have been developed, emphasizing the importance of data-driven feature extraction for robust subsurface characterization [26]. A multi-frequency inversion approach leveraging deep learning to improve thin-layer stratigraphic resolution has been introduced, addressing the challenge of frequency-dependent inversion fidelity [27]. Moreover, a multibranch attention U-Net, termed MAU-net, has been constructed for full-waveform inversion, demonstrating superior capability in capturing complex subsurface patterns [28]. Recent developments also include enhanced methods incorporating cyclical learning rates and dual attention mechanisms [29], further improving convergence stability and interpretability in seismic inversion networks, as well as novel frameworks combining diffusion models with velocity modeling [30,31]. In addition, a joint supervised–semi-supervised velocity modeling approach based on the nested VGNet–UNet++ architecture has been introduced, which to some extent mitigates the limitations of traditional supervised learning—namely, the dependence on large amounts of labeled data and the relatively weak generalization ability of neural networks [32].
Physics-informed velocity modeling explicitly incorporates physical constraints—such as the wave equation and propagation operators—into the network architecture or loss function. By enforcing these physical principles during learning, the model not only captures data-driven features but also adheres to the underlying laws of seismic wave propagation, thereby enhancing its generalization capability and interpretability [33,34,35].
Research combining deep learning with FWI has also progressed steadily. Such approaches typically employ deep networks to assist the FWI process, for instance in gradient acceleration [36], regularization design [37,38], or optimization of update strategies [39], aiming to balance computational efficiency with inversion accuracy.
Although significant progress has been made in deep learning-based velocity modeling and in hybrid approaches that integrate deep learning with full waveform inversion, most existing studies remain focused on constructing velocity models in the depth domain. These approaches typically use depth as the model parameter space to describe subsurface structures. However, seismic records are inherently time-domain signals, directly reflecting the temporal response of subsurface media to seismic wave propagation. Based on this understanding, this study proposes an end-to-end learning strategy that maps seismic records to velocity models in the time domain. The core concept of this strategy is to establish a direct mapping between seismic data and velocity models within the time domain, enabling deep neural networks to learn the intrinsic correspondence between temporal responses and velocity variations. Because both the input seismic records and the output time-domain velocity models belong to the same physical domain, they exhibit higher physical and statistical consistency, thereby reducing the nonlinear complexity of the mapping relationship. This approach not only improves the stability of model training and prediction but also provides a new perspective for rapid velocity modeling in complex geological environments. Moreover, time-domain velocity models intuitively capture the temporal characteristics of seismic wave propagation, offering potential advantages for stratigraphic interface identification and seismic event alignment.
In practical geological applications, aquifer velocity inversion holds significant scientific and engineering importance. The presence of aquifers can strongly affect seismic wave propagation, resulting in reduced velocities, enhanced amplitude attenuation, and phase delays. Conducting velocity inversion in aquifer regions enables the effective identification of groundwater spatial distribution, thickness variations, and their relationships with geological structures. Accurate velocity models not only enhance the precision of groundwater exploration but also provide a reliable foundation for hydrogeological analysis, groundwater storage estimation, and environmental geological assessment. Particularly in the context of increasing surface water scarcity and intensified groundwater exploitation, accurately resolving aquifer velocity structures is crucial for achieving the sustainable and scientific management of groundwater resources.
In summary, the main objective of this study is to propose and validate a deep learning-based seismic time-domain velocity modeling method for aquifers. This method aims to fill the current knowledge gap in time-domain velocity modeling by establishing an end-to-end prediction framework that directly maps seismic records to time-domain aquifer velocity fields. Compared with conventional depth-domain velocity model building (DVMB), the proposed time-domain velocity model building (TVMB) aligns more closely with the physical nature of seismic data and significantly enhances model prediction accuracy while maintaining computational efficiency. Numerical experiments in aquifer scenarios demonstrate that the proposed method can accurately characterize internal velocity variations within aquifers and effectively distinguish interlayer velocity contrasts, providing a new technical pathway for rapid groundwater characterization and intelligent seismic velocity modeling.
The structure of this paper is as follows. The Principles section introduces the fundamental concepts of TVMB, including the network design and the construction of the loss function. The Results section details the construction process of the aquifer dataset, model training, and prediction outcomes, and provides a comparative analysis of the advantages and limitations of time-domain versus depth-domain velocity modeling from multiple perspectives. The Discussion section focuses on the noise robustness of the proposed method and examines the influence of the number of input shots on network training and prediction performance. Finally, the Conclusion summarizes the main findings of this study and highlights the advantages and potential applications of time-domain deep learning modeling for aquifer velocity inversion.

2. Materials and Methods

2.1. Theoretical Foundation and Physical Principles of Time-Domain Velocity Modeling

In practical seismic data processing, the goal is often to invert the observed seismic records to obtain the subsurface velocity model, which represents a classical geophysical inverse problem. However, due to the complex structure, strong heterogeneity, and pronounced multiscale characteristics of the subsurface medium, this inverse problem is highly nonlinear and inherently ill-posed, which increases the difficulty of obtaining reliable solutions. To better understand the physical relationship between seismic observations and the underground velocity field, researchers commonly perform numerical simulations of wave propagation in the subsurface using the wave equation. The most widely used mathematical description is the constant-density acoustic wave equation:
1 v 2 ( x , z ) 2 u ( x , z , t ) t 2 = 2 u ( x , z , t ) + s ( x , z , t ) ,
where t denotes time, ( x , z ) represents the spatial position, u ( x , z , t ) is the scalar field of the seismic wave, v ( x , z ) is the medium velocity, s ( x , z , t ) denotes the Ricker wavelet, and 2 is the Laplacian operator.
Based on the mapping relationship between the wavefield u ( x , z , t ) and the velocity field v ( x , z ) , a series of seismic inversion methods have been developed, including full waveform inversion (FWI) and deep learning-based velocity modeling. The core concept of deep learning-based velocity modeling is to employ neural networks to automatically learn the nonlinear mapping from seismic records D to the subsurface velocity field V , such that a trained model can directly predict the corresponding velocity structure from new seismic observations. Current studies mainly focus on end-to-end inversion methods that learn the mapping from seismic records to depth-domain velocity models, i.e., constructing a relationship D V depth to directly predict the subsurface velocity distribution from observed data.
Although such methods have achieved promising results in some velocity modeling tasks, their performance remains limited under complex geological conditions. To address this issue, we propose a new learning strategy that establishes a mapping from seismic records to time-domain velocity models. Traditional end-to-end deep learning methods usually map time-domain seismic records directly to depth-domain velocity models, which introduces a certain degree of physical inconsistency between the data and target domains. In contrast, the proposed strategy constructs a mapping between seismic records and time-domain velocity models, thereby maintaining consistency and physical correspondence in the time scale. This design enhances the model’s ability to represent the propagation characteristics of seismic waves and improves the physical interpretability and inversion accuracy of the resulting velocity models.
In time-domain velocity modeling, the vertical coordinate of the velocity field no longer represents the subsurface depth z at a given spatial position ( x , z ) , but rather the two-way travel time τ from that point to the surface (i.e., the receiver plane). This formulation maps the traditional depth-domain velocity field into the time-domain space, which better reflects the physical sampling nature of seismic records. The time–depth conversion relationship can be expressed as:
τ ( x , z ) = 2 0 z 1 v ( x , z ) d z ,
where v ( x , z ) denotes the P-wave velocity at position ( x , z ) . By taking the partial derivative of τ with respect to z, we obtain
τ z ( x , z ) = 2 v ( x , z ) v ( x , z ) = 2 τ z ( x , z ) .
Let z = z ( x , τ ) denote the inverse mapping of the above relation with respect to z for each fixed x, satisfying z ( x , 0 ) = 0 . According to the inverse function theorem, we have
z τ ( x , τ ) = 1 τ z ( x , z ) z = z ( x , τ ) = v ( x , z ( x , τ ) ) 2 .
Define the velocity in the time domain as
v ( x , τ ) = v ( x , z ( x , τ ) ) .
Then it follows that
v ( x , τ ) = 2 z τ ( x , τ ) .
Therefore, for any given depth-domain velocity model V depth , the corresponding time-domain velocity model V time can be obtained according to the above time–depth conversion relationship. Figure 1 illustrates the process by which subsurface points are mapped from the depth domain to the time domain.
Since the wavefield and the depth-domain velocity model can be linked through the wave equation, it can be mathematically inferred that a potential functional relationship also exists between the wavefield and the time-domain velocity model. The advantage of deep learning lies in its capability to approximate such complex nonlinear mappings in a data-driven manner without the need for explicit analytical formulations. Based on this concept, our research objective is transformed into learning the mapping from seismic records D to the time-domain velocity model V time , namely,
D V time .
This idea is also inspired by conventional seismic data processing workflows, where time-domain sections are typically obtained as intermediate results. Therefore, directly predicting the time-domain velocity model from seismic data is not only physically reasonable but also consistent with the logical sequence of data processing in seismic exploration practice.

2.2. Deep Learning Method for Time-Domain Velocity Modeling Based on U-Net Architecture

In the proposed deep learning strategy, the model input consists of multi-shot seismic records D R C × H × W , where W denotes the number of receivers, H represents the number of temporal sampling points, and C is the number of shot gathers. The model output corresponds to the time-domain velocity field V R h × w , where h indicates the temporal depth of the time-domain velocity model and w its lateral spatial extent.
The neural architecture employed in this study is the U-Net network [40], as illustrated in Figure 2. Owing to its symmetric encoder–decoder structure, U-Net effectively fuses multi-scale features while preserving spatial resolution, making it particularly suitable for seismic velocity modeling and other inversion tasks characterized by strong spatial dependencies. The U-Net consists of three major components: a downsampling encoder, a central feature extraction block, and an upsampling decoder. The network takes the multi-shot seismic records D R C × H × W as input and outputs the corresponding time-domain velocity field V R h × w .
The encoder is composed of four downsampling blocks. Each block contains two 3 × 3 convolutional layers followed by batch normalization and ReLU activation, and applies a 2 × 2 max-pooling operation to perform downsampling. During this process, the network progressively extracts local spatial features and high-level semantic information from the seismic records, thereby expanding the receptive field. The number of feature channels increases successively as 64, 128, 256, and 512.
Following the encoder, a feature extraction layer further integrates global contextual information. This part adopts a double-convolution structure with 1024 channels, designed to capture deep-level propagation characteristics of seismic waves and the corresponding velocity variation patterns of the subsurface medium.
The decoder consists of four upsampling modules. Each module first applies a transposed convolution to restore spatial resolution and then concatenates the resulting feature maps with those from the corresponding encoder layer via skip connections, enabling the fusion of shallow spatial details with deep semantic features. The concatenated features are subsequently refined through two convolutional layers and non-linear activation to reconstruct detailed representations. This design allows the network to recover the spatial resolution of the velocity field while preserving critical structural features such as layer interfaces and velocity boundaries.
After multiple decoding and feature fusion stages, the output of the final upsampling layer is mapped to the target dimension through a 1 × 1 convolution, generating the predicted time-domain velocity model V ^ pred .
In this study, the mean squared error (MSE) is employed as the optimization objective, owing to its stability, interpretability, and consistency with most existing deep learning-based velocity inversion frameworks. This choice allows for a fair evaluation of the proposed time-domain modeling strategy without the interference of additional hybrid or physics-informed constraints, defined as follows:
L ( θ ) = 1 N i = 1 N 1 h i w i x = 1 h i y = 1 w i v ^ i ( x , y ) v i true ( x , y ) 2
Here, θ denotes the set of network model parameters, N represents the total number of training samples, V ^ i = f θ ( D i ) denotes the predicted velocity model for the i-th sample, and V i true is its corresponding ground-truth velocity model. Specifically, v ^ i ( x , y ) and v i true ( x , y ) are the velocity values at the spatial position ( x , y ) of V ^ i and V i true , respectively. The variables h i and w i refer to the height and width of the i-th velocity field, respectively.
Considering the limitations of GPU memory and computational efficiency, a mini-batch training strategy is adopted. Under this setting, the loss function is reformulated as:
L ( θ ) = 1 B i = 1 B 1 h i w i x = 1 h i y = 1 w i v ^ i ( x , y ) v i true ( x , y ) 2
where B denotes the batch size, i.e., the number of samples processed per iteration.
During optimization, the network parameters θ are iteratively updated using a gradient-based optimization algorithm according to the following update rule:
θ t + 1 = θ t η θ L ( θ t )
where η represents the learning rate, and θ L ( θ t ) denotes the gradient of the loss function with respect to the model parameters at iteration t. Through iterative optimization, the network gradually learns the nonlinear mapping between the seismic records and the corresponding time-domain velocity fields until convergence to an optimal parameter configuration, thereby achieving accurate prediction of time-domain velocity structures.
In the testing phase, the trained model utilizes the optimized parameters θ to perform inference on unseen seismic data. Given a test seismic record D test , the corresponding time-domain velocity field is obtained via forward propagation as:
V test = f θ ( D test )
where f θ denotes the trained neural network model, and V test represents the predicted time-domain velocity field.

3. Results

In this section, the proposed time-domain velocity modeling method is applied to the construction of aquifer velocity models. First, a dataset of aquifer velocity models was established based on typical stratigraphic characteristics, and multi-shot seismic records were generated through forward modeling using the acoustic wave equation. The resulting seismic records, together with the corresponding time-domain velocity models, constitute paired datasets required for network training, providing the foundation for subsequent deep learning-based modeling. To assess the effectiveness of the proposed approach, the predicted time-domain velocity fields were further transformed into the depth domain via time–depth conversion, yielding the corresponding depth-domain velocity models. A comparative analysis was then conducted against conventional end-to-end depth-domain velocity modeling methods. Experimental results demonstrate that the proposed time-domain end-to-end learning strategy achieves higher accuracy and robustness in identifying aquifer structures and recovering velocity distributions, particularly exhibiting enhanced resolution in regions with interlayer velocity discontinuities and aquifer boundaries. All experiments in this study were performed under the Windows operating system, and both training and inference were implemented using the PyTorch 2.9.0 deep learning framework [41]. The hardware configuration includes an NVIDIA GeForce RTX 5080 GPU (NVIDIA, Santa Clara, CA, USA) and an Intel(R) Core(TM) i5-14600KF CPU (Intel, Santa Clara, CA, USA).

3.1. Dataset Construction

This study constructed a representative dataset of depth-domain velocity models incorporating aquifers. The dataset comprises 2200 samples, each simulating typical multilayer geological structures, with the number of layers (including aquifers) ranging from 8 to 10. The velocity values within the models are set between 1500 m/s and 5000 m/s, covering the typical geophysical velocity variations from shallow sediments to deep bedrock. Each depth-domain velocity model has a grid size of 200 × 300 , with both horizontal and vertical spatial sampling intervals of 10 m, corresponding to a physical extent of 2000 m × 3000 m.
Based on these depth-domain models, the time–depth conversion was applied to generate the corresponding time-domain velocity models, yielding a dataset of 2200 time-domain samples. The converted time-domain velocity models have a uniform grid size of 834 × 300 , with the horizontal spatial sampling interval maintained at 10 m, and a temporal sampling interval of 0.002 s in the time–depth direction. This results in an actual physical extent of 1.668 s × 3000 m for the time-domain velocity models. Ten representative samples of the depth-domain aquifer velocity models and their corresponding time-domain velocity models are shown in Figure 3 and Figure 4, respectively.
In this study, forward numerical simulations were performed based on the depth-domain velocity models using the constant-density acoustic wave equation, generating seismic records corresponding to the time-domain velocity modeling task. The partial differential equation was discretized using a staggered-grid finite-difference scheme [42] to ensure numerical stability and accuracy of wavefield propagation. To effectively suppress boundary reflections affecting the simulated wavefield, a perfectly matched layer (PML) [43] was implemented as the absorbing boundary condition.
As the forward modeling is based on depth-domain velocity models, whereas the labels required for network training are time-domain velocity models, discrepancies exist in spatial scale and sampling dimensions. Upon conversion to the time domain, the time axis of the depth-domain velocity model undergoes nonlinear scaling according to local velocity variations, resulting in inconsistent sizes among different time-domain samples. To achieve uniform input dimensions while preserving physical fidelity, an extension of 100 grid points was applied to the bottom of the depth-domain velocity models during forward simulation in addition to the absorbing boundary, providing a sufficient buffer zone. This strategy ensures the integrity of wave propagation, maintains physically reasonable energy attenuation, and reduces numerical errors arising from time–depth conversion and boundary truncation.
Regarding temporal discretization, the simulation employed a time step of 0.4 ms and a sampling interval of 2 ms, with a total duration of 2 s, sufficiently covering the main wave propagation time while maintaining numerical stability. For the observation system, 8 sources and 301 receivers were evenly distributed at the surface, forming a multi-shot, multi-receiver acquisition geometry to obtain seismic records with high coverage, providing abundant spatiotemporal constraints for network training. An example of 8-shot seismic records corresponding to a single velocity model is shown in Figure 5.

3.2. Velocity Modeling of Aquifer Structures

A total of 2200 aquifer velocity model samples were partitioned into training, validation, and test sets at a ratio of 9:1:1, ensuring sufficient data diversity during model training while enabling effective evaluation of generalization performance. Prior to training, all data were normalized to enhance numerical stability and convergence, whereas no additional data augmentation strategies were applied. The optimization of network parameters was performed using the adaptive moment estimation (Adam) algorithm [44], with a learning rate of 0.001. The network was trained for 100 epochs using mini-batch stochastic gradient descent with a batch size of 5 [45] for parameter updates.
To prevent overfitting, the convergence of the model was dynamically monitored based on validation set performance, and the optimal network parameters were saved when the validation loss reached its minimum [46]. The resulting optimal model was then used to predict the time-domain aquifer velocity fields from the test set seismic records. Furthermore, we verified the robustness of the model across multiple random initializations, and the performance variations were minimal, indicating the stability and reliability of the proposed approach. Regarding the representativeness and diversity of the simulated dataset, the aquifer models were generated with random variations in the number of layers and velocity values (including those of non-aquifer layers). In addition, training samples were randomly selected during the training process to ensure adequate diversity and representativeness of the dataset. Representative results are shown in Figure 6, where panels (a)–(e) depict the true time-domain velocity fields and panels (f)–(j) show the corresponding predictions. The figure indicates that the model achieves high accuracy and consistency in reconstructing time-domain velocity fields, accurately recovering the spatial distribution and velocity characteristics of the aquifer. Moreover, the structures and velocity distributions of other geological layers are well reproduced, demonstrating the effectiveness of the proposed time-domain velocity modeling strategy.
To comprehensively assess the performance of the proposed time-domain aquifer velocity field modeling strategy relative to depth-domain modeling methods, a systematic comparative analysis was conducted from multiple perspectives. Specifically, the convergence processes of the loss functions during the training phase, including both training and validation loss curves, were compared to evaluate the learning stability and generalization capability of the models. In the testing phase, the predicted time-domain velocity fields were converted to depth-domain representations and compared with the true depth-domain velocity models in terms of spatial structures and velocity distributions, using both qualitative image comparison and quantitative error analysis. Furthermore, forward simulations and reflection coefficient calculations based on the predicted velocity fields were performed to verify the physical plausibility and accuracy of the model in reconstructing seismic wave propagation characteristics and interface responses. Taken together, these multi-dimensional analyses effectively validate the rationality and superiority of the proposed time-domain velocity field modeling strategy.
The loss convergence during training and validation is shown in Figure 7. Panel (a) presents the mean squared error (MSE) loss curve for the training set, while panel (b) shows the MSE loss curve for the validation set. It is evident that, in both training and validation phases, the time-domain velocity modeling strategy exhibits faster convergence and lower final loss values, demonstrating a clear advantage over the depth-domain modeling strategy. Specifically, the loss function of TVMB decreases rapidly during early iterations and stabilizes, indicating that the model can more efficiently learn the mapping between seismic records and velocity fields in the time domain. In contrast, DVMB converges more slowly and exhibits larger fluctuations on the validation set, reflecting weaker generalization performance. Overall, the time-domain modeling strategy outperforms the depth-domain approach in terms of stability and convergence, validating its advantages in training efficiency and model fitting capability.
The velocity field predictions obtained using different methods are shown in Figure 8, where panels (a)–(e) correspond to the true velocity models, panels (f)–(j) show the predictions based on the depth-domain modeling strategy, and panels (k)–(o) present the results of the time-domain modeling strategy converted to the depth domain. It is evident that the TVMB approach outperforms DVMB in terms of the accuracy of velocity layer interfaces, interlayer velocity gradients, and the reconstruction of aquifer geometries. Specifically, TVMB more precisely restores the detailed features in regions of velocity discontinuity, producing smoother transitions between layers that are consistent with geological continuity, whereas the DVMB results exhibit some interface blurring and velocity deviations. Moreover, the TVMB predictions demonstrate higher overall and local consistency with the true velocity fields, indicating that the time-domain modeling strategy possesses stronger capability in capturing the dynamic relationships of the velocity field with improved physical fidelity. Overall, the results suggest that the time-domain velocity modeling method significantly surpasses the depth-domain approach in both inversion accuracy and preservation of geological structures.
The quantitative evaluation metrics of predictions obtained using different methods are summarized in Table 1. Table 1 reports the MSE, peak signal-to-noise ratio (PSNR), and structural similarity index (SSIM) [47] over 200 test samples for the depth-domain velocity modeling, the time-domain velocity modeling, and the TVMB results converted back to the depth domain. It can be observed that the TVMB method outperforms DVMB across all three metrics. Specifically, the MSE of TVMB is substantially lower than that of DVMB, indicating a closer match to the true velocity fields. The PSNR and SSIM of TVMB reach 30.93 and 0.91, respectively, which are significantly higher than those of DVMB (24.59 and 0.66), demonstrating that time-domain velocity modeling achieves both higher reconstruction quality and structural consistency. Furthermore, when the TVMB results are converted to the depth domain, the metrics remain high (MSE = 1.48 × 10 3 , PSNR = 28.96, SSIM = 0.88), further validating the advantages of the time-domain strategy in cross-domain consistency and physical plausibility. These results collectively indicate that time-domain modeling not only improves the accuracy and stability of velocity inversion but also maintains good transferability and consistency across domains. The PSNR and SSIM are computed as follows:
PSNR = 10 · log 10 V max 2 MSE ( p , g )
SSIM ( g , p ) = ( 2 μ g μ p + C 1 ) ( 2 σ g p + C 2 ) ( μ g 2 + μ p 2 + C 1 ) ( σ g 2 + σ p 2 + C 2 )
where g and p denote the true and predicted velocity fields, V max is the maximum possible velocity value, μ g and μ p are the means of g and p, σ g and σ p are the variances of g and p, σ g p is the covariance between g and p, and C 1 , C 2 are constants added to avoid division by zero.
The forward-modeled seismic records corresponding to the predicted velocity fields obtained using different methods are shown in Figure 9. Panels (a)–(e) present the forward records generated from the true velocity fields, panels (f)–(j) correspond to the forward records based on predictions from the depth-domain velocity modeling method, and panels (k)–(o) represent the forward records derived from the time-domain velocity modeling results after conversion to the depth domain. It can be clearly observed that the forward records generated by TVMB closely resemble the true seismic records in terms of waveform shapes, amplitude characteristics, and event continuity. In contrast, the DVMB-derived forward records exhibit deviations in energy distribution along the same phase axes and in phase characteristics, indicating that the predicted velocity fields do not fully capture the detailed variations of the subsurface medium. In particular, at the aquifer and its adjacent layer interfaces, the velocity structures predicted by the TVMB model yield clearer and better-aligned reflection events, demonstrating stronger physical consistency and representational capability in preserving wave propagation dynamics and reconstructing reflective interfaces. Collectively, these forward modeling results provide further evidence of the effectiveness and physical plausibility of the time-domain velocity modeling strategy, showing that its predictions not only outperform the depth-domain approach in quantitative metrics but also better reproduce the seismic response in terms of wavefield propagation features.
The reflection coefficients computed from the velocity fields predicted by different methods are shown in Figure 10, where panels (a)–(e) correspond to the true reflection coefficient profiles, panels (f)–(j) represent the reflection coefficients derived from the DVMB predictions, and panels (k)–(o) show the reflection coefficients obtained from the TVMB results after conversion to the depth domain. It can be clearly observed that the reflection coefficients calculated from the TVMB velocity fields, after conversion to the depth domain, exhibit a higher degree of consistency with the true profiles in terms of the spatial distribution of reflection interfaces, amplitude variations, and inter-layer reflection details. Specifically, the TVMB-derived profiles preserve the lateral continuity of strong reflection interfaces and accurately capture the details of weakly reflective layers, whereas the DVMB-derived profiles show certain deviations in interface accuracy and detail reconstruction. These observations indicate that the TVMB approach achieves superior precision in constructing depth-domain velocity fields and subsequent reflection coefficient computation, more accurately reflecting the reflective characteristics of the subsurface medium. In this study, the reflection coefficient under the constant-density assumption is expressed as follows:
R = V 2 V 1 V 2 + V 1
where R denotes the reflection coefficient at the interface, and V 1 and V 2 represent the P-wave velocities of the upper and lower media, respectively. The formulation is derived under the assumption of normal incidence and equal densities on both sides of the interface ( ρ 1 = ρ 2 ). Under these conditions, the reflection coefficient is governed solely by the discontinuity in P-wave velocity and can be used to quantitatively characterize the amplitude and polarity of seismic reflections generated at velocity-contrast interfaces.

4. Discussion

To further assess the robustness and applicability of the proposed time-domain velocity modeling approach, systematic tests and analyses were conducted to evaluate its noise resilience and the influence of the number of input seismic sources on network training performance. By introducing controlled noise into the seismic records and training and validating the model under different source configurations, the generalization capability of the time-domain modeling strategy in complex, low signal-to-noise seismic environments was examined, as well as its sensitivity to variations in observational coverage. These investigations provide a comprehensive evaluation of the method’s stability and reliability for practical seismic exploration applications.

4.1. Noise-Resilience Evaluation

To evaluate the robustness of the trained model under noisy conditions, Gaussian noise with zero mean and a standard deviation of 0.003 was added to the seismic records in the test set. Subsequently, predictions were performed using the network model trained without noise-robust strategies, in order to analyze the impact of noise on the inversion results. An example of a multi-shot noisy seismic record is shown in Figure 11, and the corresponding predicted velocity field is presented in Figure 12.
As observed in Figure 12, the addition of noise has a noticeable effect on the predicted results. Compared with the noise-free condition, the predicted velocity fields exhibit deviations in amplitude, layer interface morphology, and position, while overall resolution and interlayer transition characteristics are reduced. In particular, regions with large velocity gradients show weakened detail recovery due to noise interference. Nevertheless, the overall geological structure and velocity distribution are largely preserved, indicating a certain degree of noise resilience.
Quantitative evaluation results are listed in Table 2. It can be seen that in the time-domain velocity fields, the reductions in PSNR and SSIM are relatively moderate (PSNR decreased from 30.93 to 27.31, SSIM from 0.91 to 0.90), whereas after time-to-depth conversion, the metrics decline more substantially (PSNR from 28.96 to 21.82, SSIM from 0.88 to 0.73). This indicates that the cumulative effect of noise is amplified through the time-to-depth transformation, leading to a significant deterioration of the depth-domain velocity field quality.
In summary, the introduction of noise has a considerable impact on seismic-record-based velocity modeling, particularly in the depth domain. However, the model retains the overall plausibility of the velocity structure under complex noise conditions, demonstrating its generalization ability and noise-robustness.

4.2. Effect of Different Source-Array Configurations on Model Training Results

To investigate the influence of the number of input seismic shots on the network inversion results, a series of systematic comparative experiments were conducted. Specifically, seismic records corresponding to 1, 3, 5, and 8 shots were respectively selected as inputs, and independent training was performed for each configuration. To ensure comparability and scientific rigor, all models were trained using identical dataset partitions, network architectures, and training parameter settings, and evaluated under the same testing conditions. By comparing the network predictions in the depth domain under different input shot numbers, the effect of multi-shot information on the inversion performance can be systematically analyzed.
Figure 13 presents the velocity fields in the depth domain predicted by the TVMB model under various shot-input conditions. It is evident from the figure that, as the number of input seismic records increases, the model’s ability to delineate subsurface velocity structures improves significantly. When only a single-shot record is used, the predicted stratigraphic interfaces appear blurred and the velocity distribution is discontinuous, indicating that single-shot data suffer from limited spatial coverage and weak constraint capability, leading to considerable uncertainty in the inversion results. In contrast, as the input shot number increases to 3, 5, and 8, the predicted velocity interfaces become progressively clearer, and the spatial distribution of the velocity field exhibits improved continuity and stratification. The model thus more accurately captures the lateral variations of the subsurface medium.
These observations demonstrate that the incorporation of multi-shot information effectively enhances the model’s perception and constraint capabilities for subsurface structures, compensating for the limitations of single-shot observations in spatial coverage and inversion uncertainty. The joint utilization of multi-shot data substantially improves both the spatial resolution and geological structure recognition of the network. Furthermore, quantitative evaluation results of the TVMB inversions under different shot-input conditions are summarized in Table 3. The metrics presented therein further substantiate the above findings. With the increase in the number of input shots, the model exhibits consistent improvements in MSE, PSNR, and SSIM, aligning well with the visual inspection results. This consistency indicates that the inclusion of multi-shot information significantly enhances both the accuracy and stability of deep-learning-based seismic inversion.

4.3. Future Work

Although this study has demonstrated the effectiveness and potential of the deep learning-based seismic time-domain velocity modeling method for aquifer velocity inversion, certain limitations remain. First, at the dataset level, the 2200 samples used in this study were primarily generated from idealized two-dimensional synthetic models based on the constant-density acoustic wave equation. While this design allows for controlled validation of methodological feasibility and systematic performance evaluation, the dataset size is limited, the geological diversity is insufficient, and the simulation approach is overly simplified, making it difficult to fully capture the complexity of real subsurface environments. In practice, seismic data are often affected by noise, heterogeneity, and irregular sampling, whereas the geological structures in the current dataset are relatively idealized and lack representations of complex stratigraphy, multi-phase sedimentation, and faulting features. To address these issues, future research will focus on improving the construction of the dataset by incorporating more representative field seismic data and integrating geological, well-logging, and geophysical constraints to enhance the model’s applicability and generalization in real-world scenarios. In addition, more realistic simulation methods, such as variable-density or elastic wave equation modeling, will be employed to improve the physical consistency and representativeness of the training data, providing a more reliable physical foundation for model development.
Moreover, the current modeling framework has been validated primarily on isotropic two-dimensional media. Although the two-dimensional experiments have confirmed the effectiveness and physical plausibility of the proposed time-domain modeling approach in aquifer structure identification and velocity field reconstruction, its scalability to three-dimensional scenarios and anisotropic geological conditions remains to be further explored. Future work will focus on extending the time-domain modeling framework to three-dimensional and anisotropic media, and on integrating physics-based constraints or hybrid inversion strategies to achieve more accurate modeling and high-dimensional velocity inversion in geologically complex environments.
In addition, as discussed in the “Noise-resilience Evaluation” section, experimental results indicate that the introduction of noise has a minor effect on the accuracy of time-domain velocity modeling. However, once the time-domain results are converted into the depth domain, the degradation in velocity modeling accuracy becomes much more pronounced. The root cause of this issue lies in error accumulation and nonlinear mapping distortion during the time-to-depth conversion process, which represents one of the key limitations of the current approach. Future work will focus on optimizing the time-to-depth conversion strategy or developing approaches that enable direct geological interpretation and constraint within the time-domain framework, thereby mitigating this limitation and further improving the accuracy and stability of time-domain velocity modeling.

5. Conclusions

This work proposes an end-to-end deep learning approach for directly mapping seismic records to time-domain velocity models, which is further applied to the inversion of aquifer velocities. Compared with conventional depth-domain modeling approaches, the method demonstrates significant advantages both theoretically and experimentally. The time-domain modeling strategy establishes a mapping between seismic records and velocity models within the same physical domain, ensuring that both the input and output reside in the time domain and thus remain physically consistent. Since seismic records inherently represent the temporal response of subsurface media to seismic wave propagation, and the time-domain velocity model likewise characterizes subsurface velocity variations as a function of time, this consistency allows the network to learn the correspondence between the two in a more natural and direct manner. Consequently, the inversion mapping becomes simpler, and the overall modeling process achieves greater stability and accuracy. Experimental results indicate that time-domain modeling achieves superior performance in aquifer structure identification, characterization of velocity gradients, and interface position reconstruction. The predicted velocity fields not only exhibit high spatial consistency with the true models but also display stronger physical plausibility in forward-modeled seismic responses and reflection characteristics. Furthermore, the method retains robust velocity structure reconstruction under noisy conditions and demonstrates improved generalization with an increasing number of seismic shots. Overall, the proposed time-domain deep learning modeling approach overcomes the limitations of traditional depth-domain methods, providing new avenues for high-resolution seismic velocity inversion and subsurface aquifer characterization, with significant theoretical and practical implications.

Author Contributions

Conceptualization, Z.M. and X.G.; methodology, Z.M.; software, Z.M.; validation, Z.M.; formal analysis, Z.M.; investigation, Z.M.; writing—original draft preparation, Z.M.; writing—review and editing, Z.M., Z.W. and G.P.; visualization, Z.M.; supervision, X.G. and X.Y.; project administration, X.G.; funding acquisition, X.G. and X.Y. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported in part by the Deep Earth Probe and Mineral Resources Exploration-National Science and Technology Major Project under Grant 2024ZD1004101, in part by the National Natural Science Foundation of China under Grant 42274164 and Grant 42074151.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The data are available by contacting the author—Zhijun Ma.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Baysal, E.; Kosloff, D.D.; Sherwood, J.W. Reverse time migration. Geophysics 1983, 48, 1514–1524. [Google Scholar] [CrossRef]
  2. Biondi, B.L. 3D Seismic Imaging; Society of Exploration Geophysicists: Tulsa, OK, USA, 2006. [Google Scholar]
  3. Al-Yahya, K. Velocity analysis by iterative profile migration. Geophysics 1989, 54, 718–729. [Google Scholar] [CrossRef]
  4. Chiao, L.Y.; Kuo, B.Y. Multiscale seismic tomography. Geophys. J. Int. 2001, 145, 517–527. [Google Scholar] [CrossRef]
  5. Tarantola, A. Inversion of seismic reflection data in the acoustic approximation. Geophysics 1984, 49, 1259–1266. [Google Scholar] [CrossRef]
  6. Mora, P. Nonlinear two-dimensional elastic inversion of multioffset seismic data. Geophysics 1987, 52, 1211–1228. [Google Scholar] [CrossRef]
  7. Virieux, J.; Operto, S. An overview of full-waveform inversion in exploration geophysics. Geophysics 2009, 74, WCC1–WCC26. [Google Scholar] [CrossRef]
  8. Wang, W.; Yang, F.; Ma, J. Automatic salt detection with machine learning. In Proceedings of the 80th EAGE Conference and Exhibition 2018, European Association of Geoscientists & Engineers, Copenhagen, Denmark, 11–14 June 2018; Volume 2018, pp. 1–5. [Google Scholar] [CrossRef]
  9. Wang, W.; Yang, F.; Ma, J. Velocity model building with a modified fully convolutional network. In Proceedings of the SEG International Exposition and Annual Meeting, SEG, Anaheim, CA, USA, 14–19 October 2018; p. SEG–2018. [Google Scholar] [CrossRef]
  10. Toldi, J.L. Velocity analysis without picking. Geophysics 1989, 54, 191–199. [Google Scholar] [CrossRef]
  11. Qin, N.; Li, Z.; Zhang, K. A velocity tomography method in the angle domain for elastic vector wavefield. In SEG Technical Program Expanded Abstracts 2012; Society of Exploration Geophysicists: Tulsa, OK, USA, 2012; pp. 1–5. [Google Scholar] [CrossRef]
  12. Guo, B.; Schuster, G.T. Wave-equation migration velocity analysis using plane-wave common-image gathers. Geophysics 2017, 82, S327–S340. [Google Scholar] [CrossRef]
  13. Feng, Z.; Guo, B.; Huang, L. Joint PP and PS plane-wave wave-equation migration-velocity analysis. Geophysics 2019, 84, R507–R525. [Google Scholar] [CrossRef]
  14. Yuan, Y.O.; Simons, F.J.; Bozdağ, E. Multiscale adjoint waveform tomography for surface and body waves. Geophysics 2015, 80, R281–R302. [Google Scholar] [CrossRef]
  15. Métivier, L.; Brossier, R.; Mérigot, Q.; Oudet, E.; Virieux, J. Measuring the misfit between seismograms using an optimal transport distance: Application to full waveform inversion. Geophys. Suppl. Mon. Not. R. Astron. Soc. 2016, 205, 345–377. [Google Scholar] [CrossRef]
  16. Gao, Z.; Pan, Z.; Gao, J.; Wu, R.S. Frequency Controllable Envelope Operator and Its Application in Multiscale Full-Waveform Inversion. IEEE Trans. Geosci. Remote Sens. 2019, 57, 683–699. [Google Scholar] [CrossRef]
  17. Zhang, W.; Wang, Y. Seismic waveform inversion using envelope correlation with a learnable envelope power. Geophysics 2025, 90, R363–R372. [Google Scholar] [CrossRef]
  18. Röth, G.; Tarantola, A. Neural networks and inversion of seismic data. J. Geophys. Res. Solid Earth 1994, 99, 6753–6768. [Google Scholar] [CrossRef]
  19. Yang, F.; Ma, J. Deep-learning inversion: A next-generation seismic velocity model building method. Geophysics 2019, 84, R583–R599. [Google Scholar] [CrossRef]
  20. Wang, W.; Ma, J. Velocity model building in a crosswell acquisition geometry with image-trained artificial neural networks. Geophysics 2020, 85, U31–U46. [Google Scholar] [CrossRef]
  21. Du, M.; Cheng, S.; Mao, W. Deep-learning-based seismic variable-size velocity model building. IEEE Geosci. Remote Sens. Lett. 2022, 19, 3008305. [Google Scholar] [CrossRef]
  22. Zhang, W.; Gao, J. Deep-Learning Full-Waveform Inversion Using Seismic Migration Images. IEEE Trans. Geosci. Remote Sens. 2022, 60, 3062688. [Google Scholar] [CrossRef]
  23. Zhang, Z.; Lin, Y. Data-driven seismic waveform inversion: A study on the robustness and generalization. IEEE Trans. Geosci. Remote Sens. 2020, 58, 6900–6913. [Google Scholar] [CrossRef]
  24. Wu, Y.; Lin, Y. InversionNet: An efficient and accurate data-driven full waveform inversion. IEEE Trans. Comput. Imaging 2019, 6, 419–433. [Google Scholar] [CrossRef]
  25. Ge, Q.; Cao, H.; Yang, Z.; Yuan, S.; Song, C. Deep-learning-based prestack seismic inversion constrained by AVO Attributes. IEEE Geosci. Remote Sens. Lett. 2024, 21, 3001405. [Google Scholar] [CrossRef]
  26. Jianguo, S.; Ntibahanana, M. Developing deep learning methods for pre-stack seismic data inversion. J. Appl. Geophys. 2024, 222, 105336. [Google Scholar] [CrossRef]
  27. Zhang, J.; Shan, X.; Huo, S.; Huang, L.; Zheng, W.; Zhou, X.; Liu, E. Deep learning-driven multi-frequency seismic inversion for enhanced thin-layer stratigraphic characterization. J. Appl. Geophys. 2025, 239, 105749. [Google Scholar] [CrossRef]
  28. Li, H.; Li, J.; Li, X.; Dong, H.; Xu, G.; Zhang, M. MAU-net: A multibranch attention U-net for full-waveform inversion. Geophysics 2024, 89, R199–R216. [Google Scholar] [CrossRef]
  29. Zhu, C.; Wang, Z.; Li, F.; Zhang, H.; Gao, J. Cyclic Learning Rate U-Shaped ResNet Embedded With Dual Attentions for Velocity Model Building. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2025, 18, 1054–1069. [Google Scholar] [CrossRef]
  30. Wang, F.; Huang, X.; Alkhalifah, T. Controllable seismic velocity synthesis using generative diffusion models. J. Geophys. Res. Mach. Learn. Comput. 2024, 1, e2024JH000153. [Google Scholar] [CrossRef]
  31. Zhang, H.; Li, Y.; Huang, J. DiffusionVel: Multi-Information Integrated Velocity Inversion Using Generative Diffusion Model. In Proceedings of the 86th EAGE Annual Conference & Exhibition, Toulouse, France, 2–5 June 2025; European Association of Geoscientists & Engineers: Utrecht, The Netherlands; Volume 2025, pp. 1–5. [Google Scholar] [CrossRef]
  32. Shi, Y.; Zhang, B.; Xu, J.; Wang, Y.; Jin, Z. Joint Supervised and Semi-Supervised Seismic Velocity Model Building Based on VGU Network. IEEE Trans. Geosci. Remote Sens. 2025, 63, 3533548. [Google Scholar] [CrossRef]
  33. Rasht-Behesht, M.; Huber, C.; Shukla, K.; Karniadakis, G.E. Physics-informed neural networks (PINNs) for wave propagation and full waveform inversions. J. Geophys. Res. Solid Earth 2022, 127, e2021JB023120. [Google Scholar] [CrossRef]
  34. Zhang, Y.; Zhu, X.; Gao, J. Seismic inversion based on acoustic wave equations using physics-informed neural network. IEEE Trans. Geosci. Remote Sens. 2023, 61, 4500511. [Google Scholar] [CrossRef]
  35. Song, C.; Alkhalifah, T.A. Wavefield reconstruction inversion via physics-informed neural networks. IEEE Trans. Geosci. Remote Sens. 2021, 60, 5908012. [Google Scholar] [CrossRef]
  36. Fang, J.; Zhou, H.; Elita Li, Y.; Shi, Y.; Li, X.; Wang, E. Deep-learning optimization using the gradient of a custom objective function: A full-waveform inversion example study on the convolutional objective function. Geophysics 2024, 89, R479–R492. [Google Scholar] [CrossRef]
  37. Zhang, Z.; Alkhalifah, T. Regularized elastic full-waveform inversion using deep learning. In Advances in Subsurface Data Analytics; Elsevier: Amsterdam, The Netherlands, 2022; pp. 219–250. [Google Scholar] [CrossRef]
  38. Wang, F.; Huang, X.; Alkhalifah, T.A. A prior regularized full waveform inversion using generative diffusion models. IEEE Trans. Geosci. Remote Sens. 2023, 61, 4509011. [Google Scholar] [CrossRef]
  39. Sun, H.; Demanet, L. Extrapolated full-waveform inversion with deep learning. Geophysics 2020, 85, R275–R288. [Google Scholar] [CrossRef]
  40. Ronneberger, O.; Fischer, P.; Brox, T. U-net: Convolutional networks for biomedical image segmentation. In Proceedings of the International Conference on Medical Image Computing and Computer-Assisted Intervention, Munich, Germany, 5–9 October 2015; Springer: Berlin/Heidelberg, Germany, 2015; pp. 234–241. [Google Scholar] [CrossRef]
  41. Paszke, A.; Gross, S.; Chintala, S.; Chanan, G.; Yang, E.; DeVito, Z.; Lin, Z.; Desmaison, A.; Antiga, L.; Lerer, A. Automatic differentiation in pytorch. In Proceedings of the NIPS Autodiff Workshop, Long Beach, CA, USA, 9 December 2017; pp. 1–4. [Google Scholar]
  42. Tan, S.; Huang, L. An efficient finite-difference method with high-order accuracy in both time and space domains for modelling scalar-wave propagation. Geophys. J. Int. 2014, 197, 1250–1267. [Google Scholar] [CrossRef]
  43. Komatitsch, D.; Tromp, J. A perfectly matched layer absorbing boundary condition for the second-order seismic wave equation. Geophys. J. Int. 2003, 154, 146–153. [Google Scholar] [CrossRef]
  44. Kingma, D.P.; Ba, J. Adam: A method for stochastic optimization. arXiv 2014, arXiv:1412.6980. [Google Scholar] [CrossRef]
  45. Bengio, Y. Practical recommendations for gradient-based training of deep architectures. In Neural Networks: Tricks of the Trade, 2nd ed.; Springer: Berlin/Heidelberg, Germany, 2012; pp. 437–478. [Google Scholar] [CrossRef]
  46. Ying, X. An overview of overfitting and its solutions. In Proceedings of the Journal of physics: Conference series, Kuala Lumpur, Malaysia, 9–10 October 2019; IOP Publishing: Washington, DC, USA, 2019; Volume 1168, p. 022022. [Google Scholar] [CrossRef]
  47. Wang, Z. Image quality assessment: Form error visibility to structural similarity. IEEE Trans. Image Process. 2004, 13, 604–606. [Google Scholar] [CrossRef]
Figure 1. Mapping from depth-domain to time-domain velocity model, (a) Depth-domain velocity model V depth ( x , z ) , (b) Illustration of the two-way travel path for time–depth conversion, (c) Time-domain velocity model V time ( x , τ ) obtained through mapping.
Figure 1. Mapping from depth-domain to time-domain velocity model, (a) Depth-domain velocity model V depth ( x , z ) , (b) Illustration of the two-way travel path for time–depth conversion, (c) Time-domain velocity model V time ( x , τ ) obtained through mapping.
Applsci 15 12123 g001
Figure 2. Schematic illustration of the U-Net architecture.
Figure 2. Schematic illustration of the U-Net architecture.
Applsci 15 12123 g002
Figure 3. Ten representative samples of the depth-domain aquifer velocity models, panels (aj) represent ten different velocity models in the depth domain.
Figure 3. Ten representative samples of the depth-domain aquifer velocity models, panels (aj) represent ten different velocity models in the depth domain.
Applsci 15 12123 g003
Figure 4. Ten representative samples of the time-domain aquifer velocity models, panels (aj) represent ten different velocity models in the time domain.
Figure 4. Ten representative samples of the time-domain aquifer velocity models, panels (aj) represent ten different velocity models in the time domain.
Applsci 15 12123 g004
Figure 5. Eight-shot seismic records corresponding to a single velocity model, panels (ah) represent eight seismic records generated by different source locations for the velocity model.
Figure 5. Eight-shot seismic records corresponding to a single velocity model, panels (ah) represent eight seismic records generated by different source locations for the velocity model.
Applsci 15 12123 g005
Figure 6. Five predicted time-domain aquifer velocity fields, panels (ae) represent the true velocity fields and panels (fj) correspond to the predicted time-domain velocity fields.
Figure 6. Five predicted time-domain aquifer velocity fields, panels (ae) represent the true velocity fields and panels (fj) correspond to the predicted time-domain velocity fields.
Applsci 15 12123 g006
Figure 7. Loss function curves during training, (a) training loss curve, (b) validation loss curve.
Figure 7. Loss function curves during training, (a) training loss curve, (b) validation loss curve.
Applsci 15 12123 g007
Figure 8. Velocity field predictions obtained using different methods, panels (ae) correspond to the true velocity fields, panels (fj) show the results from DVMB strategy, and panels (ko) present the TVMB predictions converted to the time domain.
Figure 8. Velocity field predictions obtained using different methods, panels (ae) correspond to the true velocity fields, panels (fj) show the results from DVMB strategy, and panels (ko) present the TVMB predictions converted to the time domain.
Applsci 15 12123 g008
Figure 9. The forward-modeled seismic records corresponding to the predicted velocity fields obtained using different methods, panels (ae) show the forward records generated from the true velocity fields, panels (fj) correspond to the forward records based on the DVMB predictions, and panels (ko) represent the forward records derived from the TVMB results after conversion to the depth domain.
Figure 9. The forward-modeled seismic records corresponding to the predicted velocity fields obtained using different methods, panels (ae) show the forward records generated from the true velocity fields, panels (fj) correspond to the forward records based on the DVMB predictions, and panels (ko) represent the forward records derived from the TVMB results after conversion to the depth domain.
Applsci 15 12123 g009
Figure 10. Reflection coefficients calculated from velocity fields predicted by different methods. (ae) True reflection coefficient profiles, (fj) Reflection coefficient profiles corresponding to DVMB results, (ko) Reflection coefficient profiles corresponding to TVMB results converted to depth domain.
Figure 10. Reflection coefficients calculated from velocity fields predicted by different methods. (ae) True reflection coefficient profiles, (fj) Reflection coefficient profiles corresponding to DVMB results, (ko) Reflection coefficient profiles corresponding to TVMB results converted to depth domain.
Applsci 15 12123 g010
Figure 11. A multi-shot noisy seismic record of a test sample, panels (ah) represent eight noisy seismic records generated by different source locations for the velocity model.
Figure 11. A multi-shot noisy seismic record of a test sample, panels (ah) represent eight noisy seismic records generated by different source locations for the velocity model.
Applsci 15 12123 g011
Figure 12. Predicted velocity fields for different seismic records, (ae) represent the true velocity fields, (fj) correspond to the TVMB predictions converted to the depth domain based on noise-free seismic records, and (ko) correspond to the TVMB predictions converted to the depth domain based on noisy seismic records.
Figure 12. Predicted velocity fields for different seismic records, (ae) represent the true velocity fields, (fj) correspond to the TVMB predictions converted to the depth domain based on noise-free seismic records, and (ko) correspond to the TVMB predictions converted to the depth domain based on noisy seismic records.
Applsci 15 12123 g012
Figure 13. Velocity fields in the depth domain obtained from TVMB predictions with different numbers of input shots, (ae) True velocity models; (fj) predicted velocity fields with 1-shot input data; (ko) predicted velocity fields with 3-shot input data; (pt) predicted velocity fields with 5-shot input data; (uy) predicted velocity fields with 8-shot input data.
Figure 13. Velocity fields in the depth domain obtained from TVMB predictions with different numbers of input shots, (ae) True velocity models; (fj) predicted velocity fields with 1-shot input data; (ko) predicted velocity fields with 3-shot input data; (pt) predicted velocity fields with 5-shot input data; (uy) predicted velocity fields with 8-shot input data.
Applsci 15 12123 g013
Table 1. Quantitative comparison of prediction results obtained using different methods.
Table 1. Quantitative comparison of prediction results obtained using different methods.
MethodMSE ( × 10 3 )PSNRSSIM
DVMB4.2624.590.66
TVMB (time domain)0.9130.930.91
TVMB (depth domain)1.4828.960.88
Table 2. Quantitative comparison of the impact of noise on prediction results.
Table 2. Quantitative comparison of the impact of noise on prediction results.
MethodMSE ( × 10 3 )PSNRSSIM
TVMB (time domain, noise-free seismic records)0.9130.930.91
TVMB (depth domain, noise-free seismic records)1.4828.960.88
TVMB (time domain, noisy seismic records)2.1027.310.90
TVMB (depth domain, noisy seismic records)8.7721.820.73
Table 3. Quantitative comparison of TVMB inversion results in the depth domain under different numbers of input seismic shots.
Table 3. Quantitative comparison of TVMB inversion results in the depth domain under different numbers of input seismic shots.
MethodMSE ( × 10 3 )PSNRSSIM
TVMB (1 shot)3.6724.950.79
TVMB (3 shots)3.1225.710.80
TVMB (5 shots)1.9527.850.85
TVMB (8 shots)1.4828.960.88
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Ma, Z.; Gong, X.; Yi, X.; Wang, Z.; Peng, G. Deep Learning-Based Seismic Time-Domain Velocity Modeling. Appl. Sci. 2025, 15, 12123. https://doi.org/10.3390/app152212123

AMA Style

Ma Z, Gong X, Yi X, Wang Z, Peng G. Deep Learning-Based Seismic Time-Domain Velocity Modeling. Applied Sciences. 2025; 15(22):12123. https://doi.org/10.3390/app152212123

Chicago/Turabian Style

Ma, Zhijun, Xiangbo Gong, Xiaofeng Yi, Zhe Wang, and Guangshuai Peng. 2025. "Deep Learning-Based Seismic Time-Domain Velocity Modeling" Applied Sciences 15, no. 22: 12123. https://doi.org/10.3390/app152212123

APA Style

Ma, Z., Gong, X., Yi, X., Wang, Z., & Peng, G. (2025). Deep Learning-Based Seismic Time-Domain Velocity Modeling. Applied Sciences, 15(22), 12123. https://doi.org/10.3390/app152212123

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop