Download as pdf or txt
Download as pdf or txt
You are on page 1of 17

Seismic Arrival-time Picking on Distributed Acoustic Sensing Data

using Semi-supervised Learning


Weiqiang Zhu∗ , Ettore Biondi, Jiaxuan Li, Jiuxun Yin, Zachary E. Ross, Zhongwen Zhan1
arXiv:2302.08747v2 [physics.geo-ph] 14 Mar 2023

1
California Institute of Technology

Abstract
Distributed Acoustic Sensing (DAS) is an emerging technology for earthquake monitoring and subsur-
face imaging. The recorded seismic signals by DAS have several distinct characteristics, such as unknown
coupling effects, strong anthropogenic noise, and ultra-dense spatial sampling. These aspects differ from
conventional seismic data recorded by seismic networks, making it challenging to utilize DAS at present
for seismic monitoring. New data analysis algorithms are needed to extract useful information from DAS
data, such as determining the first arrival times of P and S phases for earthquake monitoring and to-
mography. Previous studies on conventional seismic data demonstrated that deep learning models could
achieve performance close to human analysts in picking seismic phases after training on large datasets
of manual labels. However, phase picking on DAS data is still a difficult problem due to the lack of
manual labels. Further, the differences in mathematical structure between these two data formats, i.e.,
ultra-dense DAS arrays and sparse seismic networks, make model fine-tuning or transfer learning difficult
to implement on DAS data. In this work, we design a new approach using semi-supervised learning to
solve the phase-picking task on DAS arrays. We use a pre-trained PhaseNet model as a teacher network
to generate noisy labels of P and S arrivals on DAS data and apply the Gaussian mixture model phase
association (GaMMA) method to refine these noisy labels to build training datasets. We develop a new
deep learning model, PhaseNet-DAS, to process the 2D spatial-temporal data of DAS arrays and train
the model using DAS arrays at Long Valley and Ridgecrest, California. The new deep learning model
achieves high picking accuracy and good earthquake detection performance. We then apply the model
to process continuous data and build earthquake catalogs directly from DAS recording. Our approach
using semi-supervised learning provides a way to build effective deep learning models for DAS, which
have the potential to improve earthquake monitoring using large-scale fiber networks.

Introduction
Distributed acoustic sensing (DAS) is a rapidly developing technology that can turn a fiber-optic cable of up
to one hundred kilometers into an ultra-dense array of seismic sensors spaced only a few meters apart. DAS
uses an interrogator unit to send laser pulses into an optical fiber and measure the Rayleigh back-scattering
from the internal natural flaws of the optical fiber. By measuring the tiny phase changes between repeated
pulses, DAS can infer the longitudinal strain or strain rate with time along a fiber-optic cable (Zhan, 2020;
Lindsey & Martin, 2021; Martin et al., 2021). DAS has proven effective in recording seismic waves for
various situations (Lindsey et al., 2017; Williams et al., 2019; Lindsey et al., 2020; Li & Zhan, 2018; Li et
al., 2021). Compared with traditional forms of seismic acquisition, DAS has several potential advantages
in earthquake monitoring. First, DAS can provide unprecedented channel spacing of meters compared
with tens-of-kilometers spacing of seismic networks. Second, DAS can take advantage of dark fibers (i.e.,
unused strands of telecommunication fiber) at a potentially low cost. Third, new DAS interrogator units
are becoming capable of longer sensing ranges at a lower cost, as fiber optic networks keep growing with the
development of high-speed Internet infrastructure (Zhan, 2020). Thus, DAS is a promising technology for
improved earthquake monitoring that is under active research. However, applying DAS to routine earthquake

1
monitoring tasks remains challenging due to the lack of effective algorithms for detecting earthquakes and
picking phase arrivals. The ultra-high spatial resolution of fiber-optic sensing is a significant advantage
compared to seismic networks but also presents a new challenge for traditional data processing algorithms
designed for single- or three-component seismometers. For example, the commonly-used STA/LTA (short-
term averaging over long-term averaging) (Allen, 1978) is not effective for DAS because DAS recordings are
much noisier than dedicated seismometers due to cable coupling with the ground and strong sensitivity to
anthropogenic noise. STA/LTA operates on a single DAS trace and therefore does not effectively use the
advantage DAS provides from dense spatial sampling. Template matching is another effective earthquake
detection method, particularly for detecting tiny earthquake signals (Gibbons & Ringdal, 2006; Peng &
Zhao, 2009; Shelly et al., 2007a; Ross et al., 2019). However, the requirement of existing templates and high
computational demands limit its applicability for routine earthquake monitoring.
Deep learning, especially deep neural networks, is currently the state-of-the-art machine learning paradigm
for many tasks, such as image classification, object detection, speech recognition, machine translation,
text/image generation, and medical image segmentation (LeCun et al., 2015). Deep learning is also widely
used in earthquake detection (Perol et al., 2018; Ross et al., 2018; W. Zhu & Beroza, 2019; Mousavi et al.,
2020; W. Zhu, Tai, et al., 2022; Mousavi & Beroza, 2022) for studying dense earthquake sequences (Park
et al., 2020; M. Liu et al., 2020; Tan et al., 2021; Park et al., 2021; SU et al., 2021; Wilding et al., 2022b)
and routine monitoring seismicity (Huang et al., 2020; Yeck et al., 2020a; M. Zhang et al., 2022; Retailleau,
Saurel, Zhu, et al., 2022; Shi et al., 2022). Compared to the STA/LTA method, deep learning is more sensi-
tive to weak signals of small earthquakes and more robust to noisy spikes, which cause false positives for the
STA/LTA method. Compared to the template matching method, deep learning generalizes similarity-based
search without the need for precise seismic templates, yet it is also much faster. Neural network models
automatically learn to extract common features of earthquake signals from large training datasets and are
able to generalize to earthquakes outside the training samples. For example, the PhaseNet model, which
is a deep neural network model trained using earthquakes in Northern California, achieves a remarkable
performance when applied to tectonic (M. Liu et al., 2020; Tan et al., 2021), induced (Park et al., 2020,
2021), and volcanic earthquakes (Retailleau, Saurel, Laporte, et al., 2022; Wilding et al., 2022a) in multiple
places around the world.
One critical factor in the success of deep learning for earthquake detection and phase picking is the
availability of many phase arrival-time measurements manually labeled by human analysts over the past few
decades. For example, Ross et al. (2018) used ∼1.5 million of pairs of P and S picks from the Southern
California Seismic Network; W. Zhu & Beroza (2019) employed ∼700k P and S picks from the Northern
California Seismic Network; Michelini et al. (2021) built a benchmark dataset of ∼1.2 million seismic wave-
forms from the Italian National Seismic Network; Zhao et al. (2022) formed a benchmark dataset of ∼2.3
million seismic waveforms from the China Earthquake Networks; Mousavi, Sheng, et al. (2019) created a
global benchmark dataset (STEAD) of ∼1.2 million seismic waveforms; Several other benchmark datasets
are also created for developing deep learning models (Woollam et al., 2019; Yeck et al., 2020b; Woollam et
al., 2022). Although many DAS datasets have been collected (Spica et al., 2022) and will continue to be
collected in the near future, most of these datasets have not yet been analyzed by human analysts. Collecting
a large dataset with manual labels for DAS data can be costly and time-consuming. As a result, there are
few applications of deep-learning for DAS data. Most works focus on earthquake detection using a small
dataset (Hernández et al., 2022; Lv et al., 2022; Huot et al., 2022). Accurately picking phase arrivals is an
unsolved challenge for DAS data, hindering its applications to earthquake monitoring.
There have been a number of approaches proposed to train deep learning models with little or no manual
labeling, such as data augmentation (W. Zhu et al., 2020a), simulating synthetic data (Kuang et al., 2021;
Smith et al., 2021; Dahmen et al., 2022), fine-tuning and transfer learning (Chai et al., 2020; Jozinović et
al., 2022), self-supervised learning (van den Ende et al., 2021), and unsupervised learning (Mousavi, Zhu,
et al., 2019; Seydoux et al., 2020). However, none of those methods have proven effective in picking phase
arrival time on DAS data. One reason for this is the difference in the mathematical structure between seismic
data and DAS data, i.e., ultra-dense DAS arrays and sparse seismic networks, which makes it difficult to
implement model fine-tuning or transfer learning. Additionally, phase arrival-time picking requires high
temporal accuracy, which is difficult to achieve through self-supervised or unsupervised learning without
accurate manual picks. Semi-supervised learning is a different approach designed for problems with a small
amount of labeled data and a large amount of unlabeled data (Xie et al., 2020; X. J. Zhu, 2005). There

2
are several ways to use a large amount of unlabeled data as weak supervision to improve model training.
One example is the Noisy Student method (Xie et al., 2020), which consists of three main steps: 1) train a
teacher model on labeled samples, 2) use the teacher to generate pseudo labels on unlabeled samples, and
3) train a student model on the combination of labeled and pseudo labeled data. Thus, the Noisy Student
method can use a large amount of unlabeled data to improve model accuracy and robustness.
In this work, we present a semi-supervised learning approach for training a deep learning model for seismic
arrival-time picking on DAS data without needing manual labels. Despite the differences in data modalities
between DAS data (i.e., spatio-temporal) and seismic data (i.e., time series), the recorded seismic waveforms
exhibit similar characteristics. Based on this connection, we investigate using semi-supervised learning to
transfer the knowledge learned by PhaseNet for picking P and S phase arrivals from seismic data to DAS data.
We develop a new neural network model, PhaseNet-DAS, that utilizes spatial and temporal information to
leverage hundreds of channels of DAS data to consistently pick seismic arrivals across channels. We borrow
a similar idea of pseudo labeling (Arazo et al., 2020) to generate pseudo labels of P and S arrival picks
on DAS in order to train deep learning models using unlabeled DAS data. We extend the semi-supervised
learning method to bridge two data modalities of 1D seismic waveforms and 2D DAS recordings so that
we can combine the advantages of many manual labels of seismic data and the large volume of DAS data.
We test our method using DAS arrays in Long Valley and Ridgecrest, CA, and evaluate the performance
of PhaseNet-DAS in terms of picking precision and recall, phase arrival time resolution, and earthquake
detection and location.

Method
In this section, we discuss the problem of applying deep learning to accurately pick phase arrival times on
DAS data in three steps: the semi-supervised learning approach, the PhaseNet-DAS model, and the training
dataset.

Semi-supervised Learning
We explore a semi-supervised learning approach to use unlabeled DAS data to train a deep-learning-based
phase picker specifically for DAS. The procedure of the semi-supervised learning approach is summarized in
Figure 1.
First, we train a deep-learning-based phase picker on three-component seismic waveforms using many
manual picks that have already been labeled by analysts in past decades. Since there are already several
widely used deep-learning-based phase pickers (Ross et al., 2018; W. Zhu & Beroza, 2019; Mousavi et al.,
2020), we directly reuse the pre-trained PhaseNet (W. Zhu & Beroza, 2019) model to omit retraining a deep-
learning phase picker for conventional seismic data, which is not the focus of this work. Although PhaseNet
was trained on three-component seismic waveforms, it can also be applied to single-component waveforms
because channel dropout (i.e., randomly zero-out one or two channels) is added as a data augmentation
(W. Zhu et al., 2020b).
Second, we apply the pre-trained PhaseNet model to pick P and S arrivals on each channel of a DAS
array independently to generate noisy pseudo labels of P and S picks. PhaseNet works well on channels with
high signal-to-noise (SNR) ratios, but its accuracy is limited compared with the good accuracy on seismic
waveforms (Figure 4). For example, the model could detect many false picks from strong anthropogenic noise
of DAS data, such as the commonly observed traffic noise. The picked phase arrival times vary significantly
between nearby channels since each channel is processed independently.
Third, we filter the noisy pseudo labels and build a training dataset for DAS data. To accomplish this, we
apply the phase association method, Gaussian Mixture Model Associator (GaMMA) (W. Zhu, McBrearty,
et al., 2022) to filter out false picks from noise and persistent picks across nearby channels. GaMMA selects
only picks that fall within a small window of the theoretical arrival times of the associated earthquake
locations. We set the time window size to 1 second. This hyperparameter can be adjusted to balance the
trade-off between the quantity and quality of pseudo labels. A small window size results in a small training
dataset with high-quality pseudo labels. In contrast, a large window size makes the training dataset large
but potentially noisier in arrival times.

3
Pre-trained Predicting on Noisy
PhaseNet model DAS data Pseudo-label

GaMMA (filtering)
PhaseNet-DAS model
+ Data Augmentation

Training on
DAS data

Figure 1: The procedure of semi-supervised learning for training the PhaseNet-DAS model using pseudo-
labels generated by the pre-trained PhaseNet model (W. Zhu & Beroza, 2019). The PhaseNet model is
trained using a large dataset of seismic waveforms. This semi-supervised approach can transfer the phase
picking capability from PhaseNet to the new PhaseNet-DAS model designed for DAS recordings.

Last, we train a new deep-learning-based phase picker designed for DAS data. The model architecture
is explained in the following section. Because the pseudo labels are mostly picked on high SNR channels, a
deep learning picker trained only on high SNR waveforms could generalize poorly to noisy waveforms, which
are most common in real DAS data. Data augmentation, such as superposing noise onto seismic events,
can synthesize new training samples with noisy waveforms, significantly expand the training dataset, and
improve model generalization on noisy DAS data and weak earthquake signals (Shorten & Khoshgoftaar,
2019; W. Zhu et al., 2020a). Since most DAS data record background noise, we can easily collect many noise
samples for data augmentation. In addition to superposing noise, we added augmentations of randomly
flipping data along the spatial axis, masking part of data, superimposing double events, and stretching
(resampling) along the time and spatial axis.
By following these steps, we can automatically generate a large dataset of high-quality pseudo labels and
train a deep neural network model on DAS data. We can further use this newly trained model to generate
new pseudo labels and train an improved model. This procedure can be repeated several times if desired. In
this work, we focus on exploring the feasibility of this semi-supervised approach and use only one iteration.
The work of optimizing the number of iterations to achieve the best performance can be done in the future.

Neural Network Model


The pre-trained PhaseNet model is a modified U-Net architecture (Ronneberger et al., 2015) with 1D con-
volutional layers for processing 1D time series of seismic waveforms. DAS data, on the other hand, are 2D
recordings of seismic wavefields with both spatial and temporal information. So the pre-trained PhaseNet
model cannot utilize the spatial information from DAS’s ultra-dense channels. In order to exploit both
spatial and temporal information of 2D DAS data, we extend the PhaseNet model using 2D convolutional
layers. The architecture of the new PhaseNet-DAS model is shown in Figure 2, which is similar to the
original U-Net architecture (Ronneberger et al., 2015). In order to consider the high spatial and temporal
resolution of DAS data, we use a larger convolutional kernel size (7×7) and (4×4) stride step to increase
the receptive field of PhaseNet-DAS (Luo et al., 2016). We add the transposed convolutional layers for

4
Time DAS Data P/S arrivals

Time
Distance Distance

Skip-connection
Conv + Relu + BatchNorm
Conv + Stride + Relu + BatchNorm
TransposeConv + Relu + BatchNorm
Upsample + Conv + Softmax

Figure 2: The neural network architecture of PhaseNet-DAS. We use a similar U-Net (Ronneberger et
al., 2015) architecture to consider the spatial and temporal information of 2D DAS recordings. PhaseNet-
DAS processes raw DAS data through four stages of downsampling and upsampling and a sequence of 2D
convolutional layers and relu activation functions, and predicts phase arrivals in each channel of the DAS
array as shown by the blue line for P phase and red line for S phase.

up-sampling (Noh et al., 2015), batch normalization layers (Ioffe & Szegedy, 2015), relu activation functions
(Glorot et al., 2011), and skip connections to the model. The semi-supervised approach does not require
using the same neural network architecture as the pre-trained model, so that we can use other advanced
architectures designed for the semantic segmentation task, such as DeepLab (Chen et al., 2017), deformable
ConvNets (Dai et al., 2017), and Swin Transformer (Z. Liu et al., 2021). In this work, we focus on exploring
whether we can transfer the knowledge of seismic phase picking from seismic data to DAS data, so we keep
a simple U-Net architecture as PhaseNet. The exploration of the best neural network architectures, e.g.,
transformer (Vaswani et al., 2017; Mousavi & Beroza, 2022; Z. Liu et al., 2021), for DAS data can be done
in future research.

Training Data
We produce a training dataset using two DAS arrays in Long Valley and Ridgecrest, CA (Figure 3). The
Long Valley DAS array consists of two cables with a total length of 100 km, 10,000 channels, and a spatial
resolution of 10 m (Li et al., 2021; Yang, Atterholt, et al., 2022; Yang, Zhan, et al., 2022; Atterholt et al.,
2022). The Ridgecrest consists of one short cable (10 km and 1,250 channels) and one long cable (100 km
and 10,000 channels) (Biondi et al., 2022). We retrieved earthquake information from the routine catalogs
of the Northern California Seismic Network (NCSN) and Southern California Seismic Network (SCSN) and
extracted corresponding DAS records. Following the semi-supervised learning approach outlined previously,
we applied the pre-trained PhaseNet model to pick P and S arrivals on these extracted event data, applied
the GaMMA model to associate picks, and kept the events with at least 500 P and 500 S picks. Then, we
obtain a training dataset of 542 events and 410 events from the north and south Long Valley DAS cables,
and 284 events and 419 events from the long and short Ridgecrest cables. The corresponding pairs of P and
S picks are ∼560k and ∼352k from the north and south Long Valley DAS cables, and ∼182k and ∼577k from
the long and short Ridgecrest cables. Because we do not have manual labels as ground truth to evaluate
the model performance, we only split the dataset into 90% training and 10% validation sets. We randomly
selected a fixed size of 1024×1024 (temporal time × spatial size) as the input data shape and normalized
each channel by removing the mean and dividing by the standard deviation. We train PhaseNet-DAS using
the AdamW optimizer and a weight decay of 0.1 (Loshchilov & Hutter, 2017), an initial learning rate of
0.003, a cosine decay learning rate and 100 iterations of linear warm-up (He et al., 2019), a batch size of 8,
and 3,000 training iterations.

5
36.5
38.5
36.0
38.0
35.5
Latitude

Latitude
37.5 35.0

37.0 34.5
Mammoth North 34.0 Ridgecrest
36.5 Mammoth South Ridgecrest South
120 119 118 119 118 117 116
Longitude Longitude
Figure 3: The two DAS arrays used to build the training dataset. The blue and orange lines are the locations
of the fiber-optic cables. The black dots are earthquakes in the Northern California earthquake catalog and
the Southern California earthquake catalog.

Results
Phase Picking Performance
One challenge in picking phase arrivals on DAS data is the presence of strong background noise, as fiber-
optic cables are often installed along roads or in urban environments, and DAS is highly sensitive to surface
waves. The waveform character of traffic signals has certain resemblance to earthquake signals with sharp
emergence of first arrivals and strong surface waves, which leads to many false detections by the pre-trained
PhaseNet model. However, when viewed across multiple channels, traffic signals are usually locally visible
over short distances of a few kilometers without clear body waves. In contrast, earthquake signals tend to
be much stronger and recorded by an entire DAS array with both body and surface seismic waves present.
PhaseNet-DAS uses both spatial and temporal information by jointly analyzing multiple channels across
a DAS array, making it more robust to traffic noise. Figure 4 shows four examples of earthquake signals
that can be observed over some parts of the DAS array. Due to strong background noise, we can see that
PhaseNet returns many false detections of P and S arrivals. However, PhaseNet-DAS’ predictions have fewer
incorrect detections and are consistent across channels with less variation in the picked arrival times.
In addition to traffic noise, other factors such as poor ground coupling and instrumental noise make
the signal-noise ratio (SNR) of DAS data generally lower than that of seismic data. The lower DAS SNR
hinders the ability to accurately pick phase arrivals with manual labeling or automatic algorithms. Because
we do not have manual labels of P and S arrivals, we evaluate the temporal accuracy of PhaseNet-DAS’s
picks by comparing differential arrival times between two events measured using waveform cross-correlation.
Waveform cross-correlation is commonly used for earthquake detection (known as template matching or
match filtering) (Gibbons & Ringdal, 2006; Peng & Zhao, 2009; Shelly et al., 2007a; Ross et al., 2019),
measuring differential travel-time (Waldhauser & Ellsworth, 2000; H. Zhang & Thurber, 2003; M. Zhang &
Wen, 2015; Trugman & Shearer, 2017), and measuring relative polarity (Shelly et al., 2016, n.d.). Cross-
correlation achieves a high temporal resolution of the waveform sampling rate or super-resolution using
interpolation techniques. We cut a 4s time window around the arrival picked by PhaseNet-DAS, apply
a band-pass filter between 1 Hz to 10 Hz, and calculate the cross-correlation between event pairs. The

6
differential time is determined from the peaks of the cross-correlation profile. Because DAS waveforms
are usually much noisier than seismic waveforms and have low cross-correlation coefficients, we further
improve the robustness of differential time measurements using multi-channel cross-correlation (VanDecar
& Crosson, 1990) to accurately extract the peaks across multiple cross-correlation profiles. We select 2,539
event pairs and ∼9 millons differential time measurements for both P and S waves as the reference to evaluate
the temporal accuracy of PhaseNet-DAS picks. Figure 5 shows the statistics of these two differential time
measurements. If we assume the differential time measurements by waveform cross-correlation are the ground
truth, the errors of differential time measurements by PhaseNet-DAS have a mean of 0.001 s and a standard
deviation of 0.06 s for P waves and a mean of 0.005 s and a standard deviation of 0.25 s for S waves. For
comparison, the absolute arrival-time errors of the pre-trained PhaseNet model compared with manual picks
have a mean of 0.002 s and a standard deviation of 0.05 s for P waves, and a mean of 0.003 s and a standard
deviation of 0.08 s for S waves (W. Zhu & Beroza, 2019). Although the differential time errors and absolute
arrival-time errors can not be directly compared, the similar scales of these errors demonstrate that we can
effectively transfer the high picking accuracy of the pre-trained PhaseNet model to the new DAS data.

Applications to Earthquake Monitoring


The rapid development of DAS technology and its advantages in high spatial resolution and scalable de-
ployment using existing telecommunication fiber cables make it a promising technology to improve current
earthquake monitoring based on seismic networks (Zhan, 2020). One challenge in applying DAS to earth-
quake monitoring is to develop automatic algorithms to reliably detect earthquakes and accurately measure
phase arrival times. The experiments above demonstrate that PhaseNet-DAS can effectively detect and
pick P- and S-phase arrivals with few false positives and high temporal accuracy, so we can further analyze
applying PhaseNet-DAS to earthquake detection. Following a similar workflow for seismic datasets (W. Zhu
et al., 2023), we apply PhaseNet-DAS to DAS records of 9,839 earthquakes in the Northern California
earthquake catalog and Southern California earthquake catalog within 3 degrees of the Long Valley DAS
array (Figure 6). PhaseNet-DAS detects ∼36 million P-picks and ∼53 million S-picks from these recordings.
Then we apply GaMMA to associate these automatic picks and detect 9,588 earthquakes with more than
2,000 associated P and S picks. Among these events, 65% events are within 3 s from the cataloged origin
times, and 75% events are within 15 s. Figure 7 shows these detected earthquakes’ magnitude and distance
distribution within 3 s of the cataloged origin times. PhaseNet-DAS can effectively detect small-magnitude
events close to the DAS array and most large magnitude (≥ M2) events within 100 km. Figure 6 shows the
approximate locations of these detected earthquakes from event association. The horizontal locations and
depth of events within the Long Valley caldera and close to the DAS array can be well-constrained using
these automatic arrival time measurements. Due to the limited azimuthal coverage of a single DAS array,
hypocenter locations become less constrained with increasing epicentral distance. This physical limitation
could be addressed by combining seismic networks, deploying additional DAS arrays, or designing specific
fiber geometries in future research.
Lastly, we evaluate the prediction speed of PhaseNet-DAS for its potential use in real-time earthquake
monitoring and large-scale data mining tasks. DAS is known to be data intensive as a single DAS array
can consist of several thousand channels, which poses a challenge for designing efficient algorithms for real-
time processing. One advantage of deep learning is the fast prediction speed after training. The rapid
development of deep learning frameworks and computing infrastructures such as Graphics Processing Units
(GPUs) and Tensor Processing Units (TPUs) makes deep learning a powerful technique for DAS data
processing. We calculate the prediction speed for a 24-hour DAS recording sampled at 200Hz with 5k
channels. The prediction of PhaseNet-DAS only takes 14.7 minutes using 8 GPUs (NVIDIA Quadro RTX
5000). Since PhaseNet-DAS is a fully convolutional network (Figure 2) and the convolution operator is
independent of input data size, we can directly apply PhaseNet-DAS to various time lengths and channel
numbers depending on the memory limitations of computational servers. Therefore, this prediction task can
be embarrassingly parallelized by cutting DAS data into segments of waveforms, and the prediction time
can be further reduced using more GPUs. Meanwhile, the fast prediction speed enables applying PhaseNet-
DAS to real-time earthquake monitoring by using sliding windows. Exploring DAS for routine earthquake
monitoring or earthquake early warning could be a promising direction for future research.

7
(a) (b)

(c) (d)

Figure 4: Examples of noisy picks predicted by PhaseNet and improved picks prediced by PhaseNet-DAS.
Each panel shows (i) DAS recordings of 30 s and 5000 channels, (ii) the PhaseNet picks, and (iii) the
PhaseNet-DAS picks.

8
1e6
1.4
1.2
1.0
Count

0.8
0.6
0.4
0.2
0.0
0.4 0.2 0.0 0.2 0.4
dtphasenet das dtcross correlation

(a)
1e6
1.0

0.8

0.6
Count

0.4

0.2

0.0
1.00 0.75 0.50 0.25 0.00 0.25 0.50 0.75 1.00
dtphasenet das dtcross correlation
(b)

Figure 5: Residuals of differential arrival-times picked by PhaseNet-DAS for (a) P waves and (b) S waves. We
first measure differential arrival-times of PhaseNet-DAS picks (dtphasenet-das ) and waveform cross-correlation
(dtcross-correlation ) from selected event pairs. Then we can calculate the residuals between these two differential
arrival-times (dtphasenet-das − dtcross-correlation ) to evaluate the accuracy of PhaseNet-DAS picks, assuming
waveform cross-correlation measurement as the ground truth.

9
38.6 38.6
38.4 38.4
38.2 38.2
38.0 38.0
Latitude

Catalog
37.8 DAS 37.8
37.6 37.6
37.4 37.4
37.2 37.2
120.0 119.5 119.0 118.5 118.0 117.5 0 10 20
0 Depth (km)
Depth (km)

10

20120.0 119.5 119.0 118.5 118.0 117.5


Longitude
Figure 6: Earthquake locations determined by phase arrival-times measured by PhaseNet-DAS. The blue
dots are earthquakes in the Northern California earthquake catalog. The red dots are earthquake determined
by the DAS array as shown by the black line.

10
300 Catalog
DAS
Distance (km) 200

100

0 0 2 4 6
Magnitude
Figure 7: The magnitude distribution of earthquakes detected by PhaseNet-DAS. The blue dots are earth-
quakes in the Northern California earthquake catalog and the Southern California earthquake catalog within
3 degrees of the Long Valley DAS array. The red dots indicate the earthquakes detected by PhaseNet-DAS
with more than 2000 P and S picks.

Discussion
DAS technology represents an advancement in observational instruments, providing unprecedented spatial
resolution by turning the existing fiber optic infrastructure into dense arrays of sensors to record seismic
waveforms. Meanwhile, deep learning represents an advancement in algorithm development, offering a pow-
erful way to transform historical datasets into effective models for extracting important information from
recorded seismic waveforms. PhaseNet-DAS attempts to combine these two advantages to improve earth-
quake monitoring and other geophysical applications. The semi-supervised learning approach bridges the
gap between two data modalities, namely conventional seismic traces and DAS recordings, so that we can
effectively transfer the phase-picking capability of deep learning models trained on 1D time series of seismic
data to the new 2D spatio-temporal measurement of DAS data.
The experiments above demonstrated the high phase-picking performance of PhaseNet-DAS in consis-
tently detecting phase arrivals across multiple channels of a DAS array and accurately measuring P and S
arrival times in each channel. It is also important to note the potential limitations of the current model.
While the semi-supervised learning approach addressed the issue of the lack of manual labels for DAS data,
the pseudo labels generated by the pre-trained PhaseNet model could potentially be subject to systematic
bias, such as missing very weak first arrivals or confusing between phases using single-component data. In
order to mitigate these biases, we adopted two approaches in this work. Firstly, we applied phase association
to filter out inconsistent phase picks across channels. The phase-picking step using PhaseNet only considers
information from a single channel. In contrast, the phase association step incorporates physical constraints
across multiple channels, i.e., the phase type should be the same for nearby channels, and the phase arrival
time should follow the time move-out determined by channel locations and wave velocities. Through phase
association, we reduce the potential bias in pseudo labels of inaccurate phase time or wrong phase types.
Secondly, we added strong data augmentation to the training dataset to increase its size and diversity. For
example, we superpose various real noises on the training dataset in order to make the model more sensitive
to weak phase arrivals. Because the pseudo labels are generated using data from high SNR events, strong
and clear first arrivals are less likely to be missed by PhaseNet. By superposing strong noise, we can make
these arrivals similar to the cases of low SNR data with either small magnitude earthquakes or strong back-

11
ground noise, such as during traffic hours. Through such data augmentation, we can reduce the potential
bias in the pseudo labels of missing weak arrivals for low SNR events. Other approaches, such as waveform
similarity, could also be considered to further reduce the bias in pseudo labels. Adding regularization, such
as Laplacian smoothing between nearby channels to the training loss, could be another direction to reduce
the effect of inconsistent labels and improve model performance in future research.
One common challenge for deep learning is the model generalization to new datasets, as the performance
of deep neural network models is closely tied to the training datasets. The current PhaseNet-DAS model was
trained using two DAS arrays at Long Valley and Ridgecrest, CA, and the datasets were formatted using a
time sampling of 100 Hz and a spatial sampling around 10 m. These factors may limit the model’s ability to
generalize to other DAS arrays and different data samplings. However, because manual labels of historical
seismic data are readily available at many locations, we can also apply the semi-supervised learning approach
to train deep learning models for different DAS arrays at different locations.
Designing effective earthquake detection and phase-picking algorithms is critical for applying DAS to
earthquake monitoring, source characterization, subsurface imaging, and other seismic problems. Our work
represents a new direction to solve the phase arrival-time picking task on DAS using deep learning. In
addition to the examples discussed in this work, the PhaseNet-DAS model can also be used to measure phase
arrival times for seismic tomography. The semi-supervised approach could also be applied to developing deep
learning models for detecting other seismic signals from DAS data, such as tremors (Shelly et al., 2007b;
Beroza & Ide, 2011) where large seismic archives are available.

Conclusions
With the deployment of more DAS instruments and the collection of massive DAS datasets, developing novel
data processing techniques becomes a key direction in discovering signals and gaining insights from massive
DAS data. Deep learning is widely applied in seismic data processing but has limited applications to DAS
data due to the lack of manual labels for training deep neural networks. We explored a novel approach
to applying semi-supervised learning to pick P- and S-phase arrivals on DAS data without manual labels.
We applied the pre-trained PhaseNet model to single-component DAS traces to generate noisy phase picks.
We further applied the GaMMA model to associate and select consistent picks across multiple traces. We
use these picks as pseudo labels for training a new deep neural network model, PhaseNet-DAS, designed for
DAS data to pick seismic phase arrivals considering both temporal and spatial information. The experiments
demonstrate that PhaseNet-DAS can effectively detect P and S arrivals with fewer false picks and similar
temporal accuracy compared to the pre-trained PhaseNet model, thus paving the way for applying DAS
to earthquake detection, early warning, seismic tomography, and other seismic data analysis. The semi-
supervised learning approach bridges the gap between the scarcity of training labels for DAS data and the
abundance of historical seismic data. This approach enables the development of effective deep learning
models for other seismic applications of DAS.

Acknowledgements
We would like to thank James Atterholt for his help in building the training dataset. We would like to thank
James Atterholt, Qiushi Zhai, Yan Yang, Jiaqi Fang for their constructive discussions. We would also like
to thank the California Broadband Cooperative for fiber access for the Distributed Acoustic Sensing array
used in this experiment. We would like to thank OptaSense for the support provided for this calibration
experiment. In particular, the authors thank Martin Karrenbach, Victor Yartsev, and Vlad Bogdanov. This
study is funded by the Gordon Moore Foundation, the National Science Foundation (NSF) through the
Faculty Early Career Development (CAREER) award number 1848106, and the United States Geological
Survey Earthquake Hazards Program award number G22AP00067.

12
References
Allen, R. V. (1978, October). Automatic earthquake recognition and timing from single traces. Bulletin of
the Seismological Society of America, 68 (5), 1521–1532.
Arazo, E., Ortego, D., Albert, P., O’Connor, N. E., & McGuinness, K. (2020, July). Pseudo-Labeling and
Confirmation Bias in Deep Semi-Supervised Learning. In 2020 International Joint Conference on Neural
Networks (IJCNN) (pp. 1–8).

Atterholt, J., Zhan, Z., & Yang, Y. (2022). Fault Zone Imaging With Distributed Acoustic Sensing: Body-
To-Surface Wave Scattering. Journal of Geophysical Research: Solid Earth, 127 (11), e2022JB025052.
Beroza, G. C., & Ide, S. (2011, May). Slow Earthquakes and Nonvolcanic Tremor. Annual Review of Earth
and Planetary Sciences, 39 (1), 271–296.

Biondi, E., Wang, X., Williams, E. F., & Zhan, Z. (2022, September). Geolocalization of Large-Scale DAS
Channels Using a GPS-Tracked Moving Vehicle. Seismological Research Letters, 94 (1), 318–330.
Chai, C., Maceira, M., Santos-Villalobos, H. J., Venkatakrishnan, S. V., Schoenball, M., Zhu, W., . . . Team,
E. C. (2020). Using a Deep Neural Network and Transfer Learning to Bridge Scales for Seismic Phase
Picking. Geophysical Research Letters, 47 (16), e2020GL088651.

Chen, L.-C., Papandreou, G., Schroff, F., & Adam, H. (2017, December). Rethinking Atrous Convolution
for Semantic Image Segmentation (No. arXiv:1706.05587). arXiv.
Dahmen, N. L., Clinton, J. F., Meier, M.-A., Stähler, S. C., Ceylan, S., Kim, D., . . . Giardini, D. (2022).
MarsQuakeNet: A More Complete Marsquake Catalog Obtained by Deep Learning Techniques. Journal
of Geophysical Research: Planets, 127 (11), e2022JE007503.

Dai, J., Qi, H., Xiong, Y., Li, Y., Zhang, G., Hu, H., & Wei, Y. (2017, June). Deformable Convolutional
Networks (No. arXiv:1703.06211). arXiv.
Gibbons, S. J., & Ringdal, F. (2006). The detection of low magnitude seismic events using array-based
waveform correlation. Geophysical Journal International , 165 (1), 149–166.

Glorot, X., Bordes, A., & Bengio, Y. (2011, June). Deep Sparse Rectifier Neural Networks. In Proceedings
of the Fourteenth International Conference on Artificial Intelligence and Statistics (pp. 315–323). JMLR
Workshop and Conference Proceedings.
He, T., Zhang, Z., Zhang, H., Zhang, Z., Xie, J., & Li, M. (2019, June). Bag of Tricks for Image Classification
with Convolutional Neural Networks. In 2019 IEEE/CVF Conference on Computer Vision and Pattern
Recognition (CVPR) (pp. 558–567). Long Beach, CA, USA: IEEE.
Hernández, P. D., Ramı́rez, J. A., & Soto, M. A. (2022, September). Improving Earthquake Detection in
Fibre-Optic Distributed Acoustic Sensors Using Deep-Learning and Hybrid Datasets. In 2022 European
Conference on Optical Communication (ECOC) (pp. 1–4).

Huang, X., Lee, J., Kwon, Y.-W., & Lee, C.-H. (2020, August). CrowdQuake: A Networked System of
Low-Cost Sensors for Earthquake Detection via Deep Learning. In Proceedings of the 26th ACM SIGKDD
International Conference on Knowledge Discovery & Data Mining (pp. 3261–3271). New York, NY, USA:
Association for Computing Machinery.
Huot, F., Clapp, R. G., & Biondi, B. L. (2022, March). Detecting local earthquakes via fiber-optic cables in
telecommunication conduits under Stanford University campus using deep learning (No. arXiv:2203.05932).
arXiv.
Ioffe, S., & Szegedy, C. (2015, June). Batch Normalization: Accelerating Deep Network Training by Reducing
Internal Covariate Shift. In Proceedings of the 32nd International Conference on Machine Learning (pp.
448–456). PMLR.

13
Jozinović, D., Lomax, A., Štajduhar, I., & Michelini, A. (2022, April). Transfer learning: Improving
neural network based prediction of earthquake ground shaking for an area with insufficient training data.
Geophysical Journal International , 229 (1), 704–718.
Kuang, W., Yuan, C., & Zhang, J. (2021, March). Real-time determination of earthquake focal mechanism
via deep learning. Nature Communications, 12 (1), 1432.

LeCun, Y., Bengio, Y., & Hinton, G. (2015, May). Deep learning. Nature, 521 (7553), 436–444.
Li, Z., Shen, Z., Yang, Y., Williams, E., Wang, X., & Zhan, Z. (2021). Rapid response to the 2019 Ridgecrest
earthquake with distributed acoustic sensing. AGU Advances, 2 (2), e2021AV000395.
Li, Z., & Zhan, Z. (2018). Pushing the limit of earthquake detection with distributed acoustic sensing
and template matching: A case study at the Brady geothermal field. Geophysical Journal International ,
215 (3), 1583–1593.
Lindsey, N. J., & Martin, E. R. (2021, May). Fiber-Optic Seismology. Annual Review of Earth and Planetary
Sciences, 49 (1), 309–336.

Lindsey, N. J., Martin, E. R., Dreger, D. S., Freifeld, B., Cole, S., James, S. R., . . . Ajo-Franklin, J. B.
(2017). Fiber-Optic Network Observations of Earthquake Wavefields. Geophysical Research Letters,
44 (23), 11,792–11,799.
Lindsey, N. J., Rademacher, H., & Ajo-Franklin, J. B. (2020). On the broadband instrument response of
fiber-optic DAS arrays. Journal of Geophysical Research: Solid Earth, 125 (2), e2019JB018145.

Liu, M., Zhang, M., Zhu, W., Ellsworth, W. L., & Li, H. (2020). Rapid Characterization of the July 2019
Ridgecrest, California, Earthquake Sequence From Raw Seismic Data Using Machine-Learning Phase
Picker. Geophysical Research Letters, 47 (4), e2019GL086189.
Liu, Z., Lin, Y., Cao, Y., Hu, H., Wei, Y., Zhang, Z., . . . Guo, B. (2021). Swin Transformer: Hierarchical
Vision Transformer Using Shifted Windows. In Proceedings of the IEEE/CVF International Conference
on Computer Vision (pp. 10012–10022).
Loshchilov, I., & Hutter, F. (2017, November). Decoupled Weight Decay Regularization.
Luo, W., Li, Y., Urtasun, R., & Zemel, R. (2016). Understanding the Effective Receptive Field in Deep
Convolutional Neural Networks. In Advances in Neural Information Processing Systems (Vol. 29). Curran
Associates, Inc.
Lv, H., Zeng, X., Bao, F., Xie, J., Lin, R., Song, Z., & Zhang, G. (2022). ADE-Net: A Deep Neural Network
for DAS Earthquake Detection Trained With a Limited Number of Positive Samples. IEEE Transactions
on Geoscience and Remote Sensing, 60 , 1–11.
Martin, E. R., Lindsey, N. J., Ajo-Franklin, J. B., & Biondi, B. L. (2021). Introduction to Interferometry of
Fiber-Optic Strain Measurements. In Distributed Acoustic Sensing in Geophysics (pp. 111–129). American
Geophysical Union (AGU).
Michelini, A., Cianetti, S., Gaviano, S., Giunchi, C., Jozinović, D., & Lauciani, V. (2021, November).
INSTANCE – the Italian seismic dataset for machine learning. Earth System Science Data, 13 (12),
5509–5544.

Mousavi, S. M., & Beroza, G. C. (2022, August). Deep-learning seismology. Science, 377 (6607), eabm4470.
Mousavi, S. M., Ellsworth, W. L., Zhu, W., Chuang, L. Y., & Beroza, G. C. (2020, August). Earthquake
transformer—an attentive deep-learning model for simultaneous earthquake detection and phase picking.
Nature Communications, 11 (1), 3952.

Mousavi, S. M., Sheng, Y., Zhu, W., & Beroza, G. C. (2019). STanford EArthquake Dataset (STEAD): A
global data set of seismic signals for AI. IEEE Access, 7 , 179464–179476.

14
Mousavi, S. M., Zhu, W., Ellsworth, W., & Beroza, G. (2019, November). Unsupervised Clustering of
Seismic Signals Using Deep Convolutional Autoencoders. IEEE Geoscience and Remote Sensing Letters,
16 (11), 1693–1697.
Noh, H., Hong, S., & Han, B. (2015, December). Learning Deconvolution Network for Semantic Segmen-
tation. In 2015 IEEE International Conference on Computer Vision (ICCV) (pp. 1520–1528). Santiago,
Chile: IEEE.
Park, Y., Beroza, G. C., & Ellsworth, W. L. (2021, October). A Deep Earthquake Catalog for Oklahoma
and Southern Kansas Reveals Extensive Basement Fault Networks (Preprint). Geophysics.
Park, Y., Mousavi, S. M., Zhu, W., Ellsworth, W. L., & Beroza, G. C. (2020). Machine-Learning-Based
Analysis of the Guy-Greenbrier, Arkansas Earthquakes: A Tale of Two Sequences. Geophysical Research
Letters, 47 (6), e2020GL087032.
Peng, Z., & Zhao, P. (2009). Migration of early aftershocks following the 2004 Parkfield earthquake. nature
Geoscience, 2 (12), 877–881.
Perol, T., Gharbi, M., & Denolle, M. (2018, February). Convolutional neural network for earthquake
detection and location. Science Advances, 4 (2), e1700578.
Retailleau, L., Saurel, J.-M., Laporte, M., Lavayssière, A., Ferrazzini, V., Zhu, W., . . . Team, O. (2022). Au-
tomatic detection for a comprehensive view of Mayotte seismicity. Comptes Rendus. Géoscience, 354 (S2),
1–18.
Retailleau, L., Saurel, J.-M., Zhu, W., Satriano, C., Beroza, G. C., Issartel, S., . . . OVSM Team (2022, Febru-
ary). A Wrapper to Use a Machine-Learning-Based Algorithm for Earthquake Monitoring. Seismological
Research Letters, 93 (3), 1673–1682.
Ronneberger, O., Fischer, P., & Brox, T. (2015, May). U-Net: Convolutional Networks for Biomedical Image
Segmentation (No. arXiv:1505.04597). arXiv.
Ross, Z. E., Meier, M.-A., Hauksson, E., & Heaton, T. H. (2018, August). Generalized Seismic Phase
Detection with Deep Learning. Bulletin of the Seismological Society of America, 108 (5A), 2894–2901.
Ross, Z. E., Trugman, D. T., Hauksson, E., & Shearer, P. M. (2019). Searching for hidden earthquakes in
Southern California. Science, 364 (6442), 767–771.
Seydoux, L., Balestriero, R., Poli, P., de Hoop, M., Campillo, M., & Baraniuk, R. (2020, August). Clustering
earthquake signals and background noises in continuous seismic data with unsupervised deep learning.
Nature Communications, 11 (1), 3972.
Shelly, D. R., Beroza, G. C., & Ide, S. (2007a). Non-volcanic tremor and low-frequency earthquake swarms.
Nature, 446 (7133), 305–307.
Shelly, D. R., Beroza, G. C., & Ide, S. (2007b, March). Non-volcanic tremor and low-frequency earthquake
swarms. Nature, 446 (7133), 305–307.
Shelly, D. R., Hardebeck, J. L., Ellsworth, W. L., & Hill, D. P. (2016). A new strategy for earthquake focal
mechanisms using waveform-correlation-derived relative polarities and cluster analysis: Application to the
2014 Long Valley Caldera earthquake swarm. Journal of Geophysical Research: Solid Earth, 121 (12),
8622–8641.
Shelly, D. R., Skoumal, R. J., & Hardebeck, J. L. (n.d.). Fracture-mesh faulting in the swarm-like 2020
Maacama sequence revealed by high-precision earthquake detection, location, and focal mechanisms. Geo-
physical Research Letters, n/a(n/a), e2022GL101233.
Shi, P., Grigoli, F., Lanza, F., Beroza, G. C., Scarabello, L., & Wiemer, S. (2022, May). MALMI: An
Automated Earthquake Detection and Location Workflow Based on Machine Learning and Waveform
Migration. Seismological Research Letters, 93 (5), 2467–2483.

15
Shorten, C., & Khoshgoftaar, T. M. (2019, July). A survey on Image Data Augmentation for Deep Learning.
Journal of Big Data, 6 (1), 60.
Smith, J. D., Azizzadenesheli, K., & Ross, Z. E. (2021, December). EikoNet: Solving the Eikonal Equation
With Deep Neural Networks. IEEE Transactions on Geoscience and Remote Sensing, 59 (12), 10685–
10696.

Spica, Z. J., Ajo-Franklin, J., Beroza, G., Biondi, B., Cheng, F., Gaite, B., . . . Zhu, T. (2022, September).
PubDAS: A PUBlic Distributed Acoustic Sensing datasets repository for geosciences.
SU, J., LIU, M., ZHANG, Y., WANG, W., LI, H., YANG, J., . . . ZHANG, M. (2021). High resolution
earthquake catalog building for the 21 May 2021 Yangbi, Yunnan, M S 6.4 earthquake sequence using
deep-learning phase picker. Chinese Journal of Geophysics, 64 (8), 2647–2656.
Tan, Y. J., Waldhauser, F., Ellsworth, W. L., Zhang, M., Zhu, W., Michele, M., . . . Segou, M. (2021, May).
Machine-Learning-Based High-Resolution Earthquake Catalog Reveals How Complex Fault Structures
Were Activated during the 2016–2017 Central Italy Sequence. The Seismic Record , 1 (1), 11–19.
Trugman, D. T., & Shearer, P. M. (2017, February). GrowClust: A Hierarchical Clustering Algorithm for
Relative Earthquake Relocation, with Application to the Spanish Springs and Sheldon, Nevada, Earth-
quake Sequences. Seismological Research Letters, 88 (2A), 379–391.
van den Ende, M., Lior, I., Ampuero, J.-P., Sladen, A., Ferrari, A., & Richard, C. (2021). A Self-Supervised
Deep Learning Approach for Blind Denoising and Waveform Coherence Enhancement in Distributed
Acoustic Sensing Data. IEEE Transactions on Neural Networks and Learning Systems, 1–14.

VanDecar, J. C., & Crosson, R. S. (1990, February). Determination of teleseismic relative phase arrival times
using multi-channel cross-correlation and least squares. Bulletin of the Seismological Society of America,
80 (1), 150–169.
Vaswani, A., Shazeer, N., Parmar, N., Uszkoreit, J., Jones, L., Gomez, A. N., . . . Polosukhin, I. (2017).
Attention is All you Need. In Advances in Neural Information Processing Systems (Vol. 30). Curran
Associates, Inc.
Waldhauser, F., & Ellsworth, W. L. (2000, December). A Double-Difference Earthquake Location Algorithm:
Method and Application to the Northern Hayward Fault, California. Bulletin of the Seismological Society
of America, 90 (6), 1353–1368.

Wilding, J. D., Zhu, W., Ross, Z. E., & Jackson, J. M. (2022a). The magmatic web beneath Hawai ‘i.
Science, eade5755.
Wilding, J. D., Zhu, W., Ross, Z. E., & Jackson, J. M. (2022b, December). The magmatic web beneath
Hawai‘i. Science, 0 (0), eade5755.
Williams, E. F., Fernández-Ruiz, M. R., Magalhaes, R., Vanthillo, R., Zhan, Z., González-Herráez, M., &
Martins, H. F. (2019, December). Distributed sensing of microseisms and teleseisms with submarine dark
fibers. Nature Communications, 10 (1), 5778.
Woollam, J., Münchmeyer, J., Tilmann, F., Rietbrock, A., Lange, D., Bornstein, T., . . . Soto, H. (2022,
March). SeisBench—A Toolbox for Machine Learning in Seismology. Seismological Research Letters,
93 (3), 1695–1709.

Woollam, J., Rietbrock, A., Bueno, A., & De Angelis, S. (2019, January). Convolutional Neural Network
for Seismic Phase Classification, Performance Demonstration over a Local Seismic Network. Seismological
Research Letters, 90 (2A), 491–502.
Xie, Q., Luong, M.-T., Hovy, E., & Le, Q. V. (2020, June). Self-Training With Noisy Student Improves
ImageNet Classification. In 2020 IEEE/CVF Conference on Computer Vision and Pattern Recognition
(CVPR) (pp. 10684–10695). Seattle, WA, USA: IEEE.

16
Yang, Y., Atterholt, J. W., Shen, Z., Muir, J. B., Williams, E. F., & Zhan, Z. (2022). Sub-Kilometer
Correlation Between Near-Surface Structure and Ground Motion Measured With Distributed Acoustic
Sensing. Geophysical Research Letters, 49 (1), e2021GL096503.
Yang, Y., Zhan, Z., Shen, Z., & Atterholt, J. (2022). Fault Zone Imaging With Distributed Acoustic
Sensing: Surface-To-Surface Wave Scattering. Journal of Geophysical Research: Solid Earth, 127 (6),
e2022JB024329.
Yeck, W. L., Patton, J. M., Ross, Z. E., Hayes, G. P., Guy, M. R., Ambruz, N. B., . . . Earle, P. S. (2020a,
September). Leveraging Deep Learning in Global 24/7 Real-Time Earthquake Monitoring at the National
Earthquake Information Center. Seismological Research Letters, 92 (1), 469–480.

Yeck, W. L., Patton, J. M., Ross, Z. E., Hayes, G. P., Guy, M. R., Ambruz, N. B., . . . Earle, P. S. (2020b,
September). Leveraging Deep Learning in Global 24/7 Real-Time Earthquake Monitoring at the National
Earthquake Information Center. Seismological Research Letters, 92 (1), 469–480.
Zhan, Z. (2020). Distributed acoustic sensing turns fiber-optic cables into sensitive seismic antennas. Seis-
mological Research Letters, 91 (1), 1–15.

Zhang, H., & Thurber, C. H. (2003, October). Double-Difference Tomography: The Method and Its
Application to the Hayward Fault, California. Bulletin of the Seismological Society of America, 93 (5),
1875–1889.
Zhang, M., Liu, M., Feng, T., Wang, R., & Zhu, W. (2022, March). LOC-FLOW: An End-to-End Machine
Learning-Based High-Precision Earthquake Location Workflow. Seismological Research Letters, 93 (5),
2426–2438.
Zhang, M., & Wen, L. (2015, March). An effective method for small event detection: Match and locate
(M&L). Geophysical Journal International , 200 (3), 1523–1537.
Zhao, M., Xiao, Z., Chen, S., & Fang, L. H. (2022). DiTing: A large-scale Chinese seismic benchmark
dataset for artificial intelligence in seismology. Earthquake Science, 35 , 1–11.
Zhu, W., & Beroza, G. C. (2019). PhaseNet: A deep-neural-network-based seismic arrival-time picking
method. Geophysical Journal International , 216 (1), 261–273.
Zhu, W., Hou, A. B., Yang, R., Datta, A., Mousavi, S. M., Ellsworth, W. L., & Beroza, G. C. (2023,
January). QuakeFlow: A scalable machine-learning-based earthquake monitoring workflow with cloud
computing. Geophysical Journal International , 232 (1), 684–693.
Zhu, W., McBrearty, I. W., Mousavi, S. M., Ellsworth, W. L., & Beroza, G. C. (2022). Earthquake phase
association using a Bayesian Gaussian mixture model. Journal of Geophysical Research: Solid Earth,
127 (5), e2021JB023249.

Zhu, W., Mousavi, S. M., & Beroza, G. C. (2020a, January). Chapter Four - Seismic signal augmentation
to improve generalization of deep neural networks. In B. Moseley & L. Krischer (Eds.), Advances in
Geophysics (Vol. 61, pp. 151–177). Elsevier.
Zhu, W., Mousavi, S. M., & Beroza, G. C. (2020b). Seismic signal augmentation to improve generalization
of deep neural networks. In Advances in geophysics (Vol. 61, pp. 151–177). Elsevier.

Zhu, W., Tai, K. S., Mousavi, S. M., Bailis, P., & Beroza, G. C. (2022). An End-To-End Earthquake
Detection Method for Joint Phase Picking and Association Using Deep Learning. Journal of Geophysical
Research: Solid Earth, 127 (3), e2021JB023283.
Zhu, X. J. (2005). Semi-Supervised Learning Literature Survey (Technical Report). University of Wisconsin-
Madison Department of Computer Sciences.

17

You might also like