Next Article in Journal
Crack Detection Method for Wind Turbine Tower Bolts Using Ultrasonic Spiral Phased Array
Previous Article in Journal
Enhancing Performance of Continuous-Variable Quantum Key Distribution (CV-QKD) and Gaussian Modulation of Coherent States (GMCS) in Free-Space Channels under Individual Attacks with Phase-Sensitive Amplifier (PSA) and Homodyne Detection (HD)
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Pseudo-Spectral Spatial Feature Extraction and Enhanced Fusion Image for Efficient Meter-Sized Lunar Impact Crater Automatic Detection in Digital Orthophoto Map

1
School of Space Science and Physics, Institute of Space Sciences, Shandong University, Weihai 264209, China
2
National Space Science Data Center, National Space Science Center, Chinese Academy of Sciences, Beijing 100190, China
3
School of Mechanical, Electrical and Information Engineering, Institute of Mechanical, Shandong University, Weihai 264209, China
4
SDU-ANU Joint Science College, Shandong University, Weihai 264209, China
*
Authors to whom correspondence should be addressed.
Sensors 2024, 24(16), 5206; https://doi.org/10.3390/s24165206
Submission received: 1 July 2024 / Revised: 8 August 2024 / Accepted: 9 August 2024 / Published: 11 August 2024

Abstract

:
Impact craters are crucial for our understanding of planetary resources, geological ages, and the history of evolution. We designed a novel pseudo-spectral spatial feature extraction and enhanced fusion (PSEF) method with the YOLO network to address the problems encountered during the detection of the numerous and densely distributed meter-sized impact craters on the lunar surface. The illumination incidence edge features, isotropic edge features, and eigen frequency features are extracted by Sobel filtering, LoG filtering, and frequency domain bandpass filtering, respectively. Then, the PSEF images are created by pseudo-spectral spatial techniques to preserve additional details from the original DOM data. Moreover, we conducted experiments using the DES method to optimize the post-processing parameters of the models, thereby determining the parameter ranges for practical deployment. Compared with the Basal model, the PSEF model exhibited superior performance, as indicated by multiple measurement metrics, including the precision, recall, F1-score, mAP, and robustness, etc. Additionally, a statistical analysis of the error metrics of the predicted bounding boxes shows that the PSEF model performance is excellent in predicting the size, shape, and location of impact craters. These advancements offer a more accurate and consistent method to detect the meter-sized craters on planetary surfaces, providing crucial support for the exploration and study of celestial bodies in our solar system.

1. Introduction

Impact craters are the most prominent and universally significant geological features on planetary surfaces [1]. Impact craters offer vital clues for the evaluation of planetary resources, such as the subsurface minerals and water resources. For example, Dhingra et al. proposed that we can reveal the mineral resources in the lunar subsurface by analyzing the impact melt deposits at the bottom of impact craters [2,3]. Crawford et al. reported that due to the low rotational inclination (1.5°) of the Moon, the bottom of impact craters near the poles remains permanently shadowed, potentially stabilizing the deposits of water ice [4]. Meanwhile, the distribution and characteristics of impact craters are pivotal in determining the geological ages of celestial bodies and in decoding their geological evolutionary histories, such as the Moon and Mars. For instance, Yue et al. utilized the crater size–frequency distribution to date planetary surfaces, emphasizing its essential role in formulating models of lunar regolith formation and deducing the thicknesses of the regolith and basalt layers [5]. Moreover, in planetary exploration missions, the spatial distribution of impact craters is particularly critical for choosing probe landing sites [6] and developing rover routes [7,8], which need to avoid rugged terrain, thereby ensuring the safety and efficiency of exploration missions. For instance, Menon et al. noted that the horizons created by impact craters may impede power generation and communication for lunar landers and rovers, while Hu et al. highlighted that global path planning algorithms from orbital remote sensing data can pre-plan lunar rover routes, enhancing the exploration efficiency and system safety [9,10].
Lunar surface research has revealed a vast number of impact craters, which are crucial for understanding lunar and planetary evolution. Robbins established a database with 2 million lunar impact craters, including 1.3 million craters exceeding 1 km in diameter [11]. Efficient and precise automatic crater detection algorithms (CDAs) make it easier to create the comprehensive databases of impact craters on the planetary surface [12]. Using the Chang’E data and transfer learning in deep neural networks, Yang et al. developed an automatic CDA to build a new database containing 117,240 lunar impact craters with diameters over 1 km [13]. Then, they analyzed the stratigraphic coverage relationships, crater morphology, optical maturity, cumulative size–frequency distributions, and thermophysical characteristics via this new database. Fairweather et al. developed an automatic CDA using a modified YOLOv3 framework, which can detect craters as small as 20 m in diameter and analyze images taken at various incident light angles and stages of degradation [12]. Yang et al. introduced a comprehensive and effective deep learning workflow for lunar crater detection using digital elevation model (DEM) data and then assessed three popular detection frameworks across nine CNN models [14].
Up to now, algorithms to automatic identify large-scale impact craters have been well developed. However, an automatic CDA for meter-sized impact craters is still lacking [15]. In this work, meter-sized impact craters are defined as impact craters less than 10 pixels (about 14 m for the data we used) in diameter. Some investigations showed that the size–frequency distribution of craters follows a power–law relationship [16]. Kawashima et al. noted that near Whipple Crater, the cumulative crater frequency (CCF) for 10 m craters is approximately 60 km−2, which is 200 times that of 100 m craters (approximately 3 × 10−1 km−2), and it is also 20,000 times that of 1000 m craters (approximately 3 × 10−3 km−2) [17]. Thus, the manual recognition of these massive meter-sized craters is labor-intensive [18]. With respect to the automatic CDA, the sparse features in meter-sized craters pose challenges for feature learning in deep neural networks [19]. In the general deep learning frameworks, the process of multiple downsampling weakens the ability to resolve the fine details of targets [20,21,22,23]. Therefore, identification of meter-sized impact craters is frequently realized using the landing camera (LCAM) of planetary surface landers, which captures high-resolution images during the descent and landing processes [10,24]. However, the scope of images captured by the LCAM is restricted to areas surrounding the landing sites. The identification of meter-sized impact craters on planetary surfaces in larger areas still relies on remote sensing images taken from orbiters.
Thus, lots of studies have been carried out to obtain the sparse features of small craters to improve the identification ability of deep learning algorithms. For instance, Grassa et al. utilized super-resolution images with the YOLO framework to automatically detect craters using images taken by the Lunar Reconnaissance Orbiter Narrow Angle Camera (LRO-NAC), while Tewari et al. developed an arbitrary scale super-resolution technique to amplify the features of small impact craters in LRO-NAC images [25,26]. Additionally, there are CDA developed based on multi-stage neural networks such as R-CNN [27]. For instance, Zang et al. developed Crater R-CNN with TTSN, which demonstrated strong robustness and good generalization ability for detecting impact craters ranging from 100 to 1000 m in diameter in both the Maria and Highland regions of the Moon [28]. Prete et al. developed a CDA using Cascade Mask R-CNN to successfully detect larger impact craters in both the polar and equatorial regions of the Moon, but it still faced challenges in identifying small-sized craters [29]. Chatterjee et al. demonstrated that YOLO offers high accuracy while being faster than comparable CNNs such as R-CNN and Faster R-CNN [30]. In remote sensing images on the Moon, meter-sized impact craters usually lack features, equivalent to a typical Small Object Detection (SOD) [19] challenge. Although YOLO is extensively utilized for the detection of impact craters [25] and various other terrain elements on planetary surfaces [31], comprehensive studies have demonstrated that it is still a challenge for the YOLO framework to detect the SOD, due to the large receptive field of the deep feature maps, which lacks adequate features for small object identification [32,33,34]. Therefore, enriching the input features remains a crucial problem for the YOLO algorithm to enhance its ability to identify meter-sized lunar impact craters. There is another method, i.e., the multichannel input method, that can introduce additional features to enrich the original image features. For instance, Mu et al. developed an automatic CDA that integrates multimodal data including Digital Orthophoto Map (DOM), DEM, and slope data, along with seven kinds of visualization stretching methods [35]. After extensive experiments, they demonstrated that DOM data are the most effective data to detect small impact craters. Meanwhile, automatic CDAs using edge detection techniques can extract lunar crater edge features by grayscale mutation on both sides of the impact crater rims [36]. For instance, Saheba et al. explored adaptive edge detection algorithms such as the Gaussian filter for lunar surface crater topology under different illuminations and terrains [37]. Additionally, Zuo et al. utilized a ternary method based on grayscale frequency statistics to extract highlighted and shaded areas of impact craters [38].
The automatic detection of meter-sized craters remains challenging due to their sparse features and limitations in current deep learning frameworks. Therefore, there is a need for a more efficient and accurate method to identify these small craters, particularly in large datasets. To address these questions for the automatic detection of meter-sized craters on the lunar surface via the YOLO algorithm, we proposed a pseudo-spectral spatial feature extraction and enhanced fusion (PSEF) image based on advanced edge detection and frequency analysis techniques to improve the detection accuracy. Based on DOM data, the illumination incidence features, isotropic features, and eigen frequency features are extracted by means of Sobel filtering, Laplacian of Gaussian (LoG) filtering, and frequency domain bandpass filtering, respectively. Then, the PSEF images are created by pseudo-spectral spatial techniques to preserve additional details from the original DOM data and address the disadvantage of feature scarcity in the detection of meter-sized lunar impact craters. This new proposed method significantly improves the detection performance of the YOLOv5 framework on meter-sized lunar impact craters with scarce features. Moreover, the method proposed in this paper offers an improved approach for the development of algorithms for other remote sensing SOD tasks, such as lunar rocks and Martian dunes.

2. Methodology

2.1. Data Source

We used the DOM from LRO-NAC with the ID M1303619844 to build our dataset in this work, which shows a resolution of 1.4 m/pixel and an image size of 7800 × 19627 pixels [39,40]. This image was captured over the Chang’e-4 (CE-4) landing site, i.e., in the longitude range from 177.29° to 177.80° and the latitude range from −46.22° to −45.31°. This DOM features superior resolution and an appropriate solar elevation angle, which facilitates the performance of the CDA. Naturally, the method proposed in this paper is not limited to this particular DOM. This image is cropped into 320 × 320 pixel slices to construct our training, validation, and test datasets. An illustration of a slice is shown in Figure 1a. We chose 59 slices randomly to annotate the craters with diameters less than 10 pixels (14 m), producing a dataset of 34,876 tags in total. All targets identifiable as impact craters by manual inspection with diameters less than 10 pixels are tagged. The size–frequency distribution of our annotated impact craters is shown in Figure 1b.
Among those 59 slices, 34 slices containing 19,192 annotated craters are designated for training the network, while 15 slices with 9304 annotated craters are used for validation. The training dataset is used to adjust the parameters of the model by the features and patterns annotated in this dataset. The validation dataset in this study not only helps in tuning hyperparameters and mitigating overfitting by assessing the performance of the model on a separate subset of images during the training phase but also contributes to optimizing the non-maximum suppression (NMS) parameters of the preliminary model after training. This optimization determines the range for selecting and adjusting the post-processing parameters during the actual deployment of the model. Furthermore, for the testing process of our trained CDA, 10 slices comprising 6384 annotated craters are employed to evaluate the accuracy and the generalization ability of our proposed PSEF method.

2.2. Feature Extraction and Enhanced Fusion Method

We proposed a pseudo-spectral spatial feature extraction and enhanced fusion method to encompass different characteristic aspects of these meter-sized craters. The flowchart of this approach is shown in Figure 2.
The grayscale DOM image is initially cropped into several slices. Each slice is then upsampled by bilinear interpolation to form a pseudo-hyperspectral (PHS) image. The PHS images with promoted resolution serve as one of the inputs in the subsequent enhanced fusion operations, which increases the operational flexibility in the following extraction processes, such as adjusting the convolution kernel sizes.
In the feature extraction stage for various modalities of meter-sized impact craters, the LoG operator [41], Sobel operator [42], and Fourier transform [43] are utilized to extract the isotropic edge features, illumination incidence features, and eigen frequency features, respectively. These three extracted features will then be integrated into a pseudo-multispectral (PMS) image of meter-sized impact craters from those three distinct modalities.
The Sobel operator is used to extract the edge information of impact craters from the input grayscale PHS images. As is well known, the shadows of all craters in one image are all in the same direction, whereas the domes or rocks exhibit the opposite shadow directions at the same time [28]. This feature of shadow direction is easily distinguishable during manual annotation. However, in deep learning networks such as YOLO, when the rotational transformations are used in data augmentation, it is challenging to distinguish the positive terrain features (e.g., the domes, rocks) and the negative terrain features (e.g., craters). Therefore, the angle of incident light is a crucial factor that needs careful consideration and effective utilization in the analysis of DOM data. The Sobel operator is a directional first-order differential operator that exhibits high sensitivity to the edge variations in specific directions [44]. When the direction of the Sobel operator is along the direction of the incident light, it will extract the features of this direction. The directional Sobel operator can effectively distinguish feature changes between the positive terrain features and the negative terrain features in the DOM data. Thus, the edge information of impact craters can be extracted from the input grayscale PHS images via the Sobel operator along the illumination direction, which is denoted as M. The output images B0 capturing the illumination incidence features is defined as Equation (1).
B 0 x , y = S M x , y , g = x 2 cos θ + S M x , y , g = y 2 sin θ
where S(M(x, y), g = x) and S(M(x, y), g = y) are the Sobel operator calculated gradients in the horizontal and vertical directions, respectively. θ is the angle between the direction of incident light and the x-axis in the image.
The LoG operator is characterized as an isotropic second-order differential operator, which can effectively complement the directional first-order differential Sobel operator. By detecting zero-crossing points within the second derivative of the image [45], the LoG operator shows particular sensitivity to the edge continuity. Hence the LoG operator can accurately identify edge positions and integrate comprehensive contextual information from adjacent pixels [41,46]. The action of the LoG operator on the PHS image M(x, y) is defined as follows:
G 0 x , y = i = k k j = k k L o G i , j , σ · M x i ,   y j
where G0(x, y) is the resulting image after applying the LoG operator to the input image M (xi, yj). Here, i and j represent the indices used to iterate over the pixels surrounding the LoG kernel, defining its application area on the image. The sums iterate over the range [−k, k], where k is the radius of the LoG kernel. The size of the kernel is determined by σ, i.e., the standard deviation of the Gaussian function. LoG(i, j, σ) is the discrete LoG kernel defined by [45]:
L o G i , j , σ = i 2 + j 2 2 σ 2 2 π σ 6 · e x p i 2 + j 2 2 σ 2
The edges of large-scale impact craters are generally more profound and extensive, accompanied by lower spatial eigen frequencies, whereas our most interesting meter-sized impact craters manifest as more superficial and slimmer in appearance, with higher spatial eigen frequencies. Therefore, we converted the PHS image into frequency domain maps via Fourier transformation, in which the low-frequency data are located in the central regions and high-frequency specifics situated in marginal areas. In the frequency domain map, we only permit the eigen frequency associated with the meter-sized impact crater to pass through. The Discrete Fourier Transform (DFT) is defined as Equation (4) [47].
F u , v = 1 W i m g × H i m g y = 0 H i m g 1 x = 0 W i m g 1 M x , y e x p i × 2 π u x W i m g e x p i × 2 π v y H i m g
where (u, v) are the coordinates on the frequency domain map. Wimg and Himg are the width and height of the PHS image, respectively. The frequency domain map reserves the same size as the images prior to the Fourier transform. Subsequently, the region A that corresponds to the eigen frequency of meter-sized impact craters on the frequency domain map F(u, v) will be identified by further experiment (Section 3.1). Therefore, a band-pass mask U(u, v) is designed to selectively transmit information corresponding to the eigen frequency range of meter-sized impact craters in the spatial frequency domain, as described by the following equation.
U u , v =   1 w h e n   u , v A 0 o t h e r s
The mask U(u, v) is applied to F(u, v) before the inverse discrete Fourier transform:
R 0 x , y = u = 0 W i m g 1 v = 0 H i m g 1 F u , v × U u , v e x p i × 2 π v y H i m g e x p i × 2 π u x W i m g
The frequency domain bandpass filtered image R0 is generated by Equation (6), which characterizes the meter-sized impact craters. The bandpass filtered map based on 2D-DFT and its inverse transformation provide a novel pseudo-spectrum distinct from traditional edge detection methods. This highlights the scale characteristics of meter-sized impact craters more effectively.
Therefore, we obtained three pseudo-spectra for the meter-sized impact craters, which are the extracted features from the illumination incidence direction, isotropic second-order differential, and eigen frequency, respectively. These three extraction modalities are then amalgamated to construct a PMS image ([R0 G0 B0]T). As the PMS image only contains three pseudo-spectra with different extracted features, other details from the original image are lost. Thus, in the subsequent panchromatic sharpening operation, the PMS image is fused with the PHS image to form the PSEF image, as shown in Figure 2. In this procedure, the PMS image ([R0 G0 B0]T) is converted into the Hue-Saturation-Intensity (HSI) space [I0 t10 t20]T using the subsequent Equation (7).
I 0 t 10 t 20 = 1 / 3 1 / 3 1 / 3 2 / 6 2 / 6 2 2 / 6 1 / 2 1 / 2 0 R 0 G 0 B 0
It is imperative to recognize that the auxiliary parameters t10 and t20 exhibit a defined mathematical correlation with hue H and saturation S, as illustrated by the following equations:
H = tan 1 t 20 t 10 S = t 10 2 + t 20 2
Subsequently, I0 is substituted with the grayscale of the PHS image (M), followed by a transformation of the updated HSI space image [M t10 t20]T back into the red-green-blue (RGB) space utilizing the equation:
R P S E F G P S E F B P S E F = 1 1 / 2 1 / 2 1 1 / 2 1 / 2 1 2 0 M t 10 t 20
Consequently, we acquired the PSEF image [RPSEF GPSEF BPSEF]T.
All slices are converted to form a PSEF dataset with manually annotated labels in Section 2.1, which includes the training, validation, and test datasets. The training dataset and partial validation dataset from the PSEF dataset are fed into the YOLOv5 framework to train the PSEF model, which is shown in Figure 2. The crater detection model in this work is developed from the YOLOv5 framework, which is a single-stage object detection architecture composed of several key components [48,49]. Firstly, the input images are processed by the Backbone module, which creates a rich hierarchical representation of the visual data by identifying various features at different levels of abstraction. Next, the Neck module further processes these features, enhancing the ability to detect the objects of the model at various scales through top-down and bottom-up pathways. Finally, the Head module predicts the bounding boxes and class probabilities for the detected object using anchor boxes.
As shown in Figure 2, we can send PHS images or PSEF images as the input images for the YOLOv5 framework. As lots of deep-learning-based object detection networks are designed for color images (three-channel and multi-modality), the PHS images generate Basal images with identical values in three channels through the self-stacking method, that is, the Basal images have three channels with identical values, i.e., single-modality. Consequently, using single-channel images or three-channel single-modality PHS images as inputs only provides insufficient information. While PSEF images are color images with three channels possessing different values, which represent three distinct modalities that are specifically enhanced to detect meter-sized impact craters, the new proposed PSEF images can therefore address the limitations of single-modality images inputted in neural networks via enriching the features of the SOD.

2.3. Evaluation Metrics

Precision (P) and recall (R) are adopted firstly to evaluate the accuracy of our automatic CDA and further refine the hyperparameters of our crater extraction and post-processing procedures [50]. P quantifies the exactitude of the algorithm in identifying impact craters, while R measures the completeness of that. The equations to calculate these metrics are as follows:
P = T P T P + F P × 100 %
R = T P T P + F N × 100 %
where TP is the true positives quantity, referring to the predicted bounding boxes that align with the ground truth. FP is the false positives quantity, indicating the predicted bounding boxes that diverge from the ground truth. FN is the false negatives quantity, describing the ground truth bounding boxes overlooked by the model. We also introduced two other metrics, i.e., the F1-score and mean average precision (mAP), to comprehensively represent the average values of P and R. The F1-scores are the harmonic mean of P and R. mAP quantifies the area under the P-R curve averaged across different classes.
F 1 s c o r e = 2 P R P + R × 100 %
m A P = 1 C c C 1 K k K 0 1 P c , k , R d R
where C is the set of detected target classes, and K is the set of intersection over union (IoU) thresholds, which quantifies the ratio between the overlap of the detected bounding boxes and the ground truth boxes and their union. The vertical bars represent the cardinality of the set. The integral term denotes the area under the P–R curve for a specific class c and an IoU threshold k. For the metric mAP@50, K = [0.50], while for the metric mAP@50-95, K ranges from 0.50 to 0.95 in increments of 0.05. During the validation phase in this study, we employed the metrics mAP@50 and mAP@50-95 for the single class of meter-sized impact craters, while the F1-score is adopted as the evaluative benchmark to ascertain the detection accuracy of the model in the post-processing parameter optimization phase.
We should note that these aforementioned evaluation metrics are derived from the proportion of true positives. To examine the consistency between these predicted craters and the labelled craters more precisely, we introduced three extra metrics that represent the consistency in size, shape, and location between the predicted and labelled impact crater.
The first metric is the diameter relative error δD, which denotes the size discrepancy between a true positive predicted bounding box and its manually annotated ground truth counterpart [12].
δ D i = D T P i D G T i D G T i × 100 % = W T P i + H T P i W G T i + H G T i 1 × 100 %
where DTP, WTP, and HTP are the diameter, width, and height of a true positive predicted crater bounding box, respectively. While DGT, WGT, and HGT are the diameter, width, and height of the corresponding ground truth crater bounding box, respectively. The subscript i denotes the ith craters. The diameter D is approximated by the arithmetic mean of W and H within the bounding box of the crater.
Impact craters can be considered as circular targets theoretically, but they are not perfect circles in reality. Therefore, impact craters have been modelled as conic sections with an eccentricity less than 1 [51,52]. Thus, the variation in eccentricity, i.e., the eccentricity error Δe, is employed in this work to assess the shape difference between the predicted and labelled impact craters, which is defined as follows:
Δ e = e T P i e G T i = 1 b T P i 2 a T P i 2 1 b G T i 2 a G T i 2
where e represents the eccentricity of the crater modelled as a conic section. The parameter a is the length of the semi-major axis, while b is that of the semi-minor axis.
The third metric is the location error ΔL, which equals the distance between the center of a true positive crater and that of its corresponding ground truth, thereby representing the positional discrepancy:
Δ L = x 0 T P i x 0 G T i 2 + y 0 T P i y 0 G T i 2
where x0 and y0 represent the central coordinates of the crater.
The metrics δD, Δe, and ΔL represent the deviations in size, shape, and location between a true positive predicted crater and its ground truth, respectively. The larger these metrics are, the greater the discrepancies between the true positives and ground truths. By calculating and statistically analyzing these metrics for the true positives by an automatic CDA, we can evaluate the precision of the impact crater detection algorithm. Further error analysis experiments will be discussed in Section 3.4.

3. Results

3.1. Feature Extraction and Enhanced Fusion

Adopting the DOM from LRO-NAC with ID M1303619844, i.e., the remote sensing image over the CE-4 landing site with the light incidence angle value of 0.74 radians, we constructed the PSEF images using the methods described above. The original PHS image is presented in Figure 3a, and then the Sobel operators with a three-pixel kernel size are applied to this PHS image in both the x and y directions to generate the edge feature maps. These maps are subsequently weighted and combined according to the cosine and sine values of the incident light angle. The processes involving the Sobel operator and the combination are performed in 16-bit format, while the final images are saved in 8-bit format, as depicted in Figure 3b. A LoG operator with a convolution kernel size of three pixels is also applied to the PHS images, and the resulting isotropic features are shown in Figure 3c. Similarly, the intermediate process of LoG operator processing is conducted in 16-bit format but saved in 8-bit.
Within the frequency domain image created from the PHS image through DFT, a bandpass mask is employed to extract the domain information on meter-sized impact craters. As discussed above, the center of the frequency domain image is dominated by low spatial frequency feature information, while high spatial frequency feature information is distributed in the marginal area. In the frequency domain image shown in Figure 4a,b, the 1–11 pixels region around the center corresponds to the eigen frequencies of impact craters over 100 m in diameter, while the 25–50 pixels region corresponds to those of impact craters over 20 m in diameter, as shown in Figure 4c,d. In our frequency domain bandpass filtering, the annular mask is the region that allows information to pass through, thereby enabling the extraction of corresponding features through inverse Fourier transformation. We conducted extensive experiments to adjust different masks to find the frequencies of impact craters at various positions in the frequency domain image. We found that the concentric annular regions of 215–270 pixels and 350–400 pixels are the optimal bandpass filter masks to extract the eigen frequency features of meter-sized impact craters, as shown in Figure 4e,f. Using this specific mask, the eigen frequency features of meter-sized craters are expressed, while information from impact craters of other sizes is suppressed.
After those procedures, we amalgamated these three pseudo-spectra to produce the PMS image in the pseudo-spectral space, which is shown in Figure 3e. Moreover, to complete the lost detailed information in the PMS image, we performed the panchromatic sharpening method to generate the PSEF image through enhanced fusion of the PMS and PHS images, as shown in Figure 3f.

3.2. Training

Datasets constructed using these PSEF images are also labelled as described in Section 2.1 and then are input into YOLO networks to train the PSEF model. Fives slices from the validation dataset are used in conjunction with the training dataset for learning within the YOLO framework. The remaining 10 slices from the validation dataset will be used to optimize the post-processing parameters in Section 3.3. Using the Basal image as the input, we also constructed a control group with all processing methods identical to those in the PSEF model.
The training process is conducted using two RTX 3090 GPUs, each with 24 GB of CUDA memory and a 36 vCPU AMD EPYC 9754 128-Core Processor. Training is carried out over 500 epochs with a batch size of 64 and 32 worker processes, and the optimizer is Stochastic Gradient Descent (SGD).
The loss functions of the training processes include three components, i.e., the box loss, the object loss (also known as confidence loss), and the class loss. The box loss is used to measure the prediction on the position and size of the bounding boxes. The object loss quantifies the confidence in the presence of a target within a given bounding box. If there is a target in the bounding box, the confidence is 1. Otherwise, it should be near 0. Thus, the object loss function contributes to distinguishing targets from the background. It should be noted that in this study, the meter-sized impact crater dataset we focused on is characterized by sparse features, a dense distribution, uniform background, and few negative examples. Therefore, we assigned a higher weight to the object loss. The box loss weight is set as 0.05, while the object loss weight is set as 10.0. As there is only one category of detection target in this work, i.e., impact crater, the class loss is thus maintained at 0.
The results in the validation set for the best epoch during the training process are shown in Table 1. The P values acquired from the Basal model and the PSEF model are 0.912 and 0.943, respectively, indicating the better precision performance by the PSEF model. R measures the proportion of true positives among all ground truths. In the best epoch, the R values of the Basal model and PSEF model are 0.806 and 0.891, respectively. This demonstrates the enhanced effectiveness of the PSEF model in correctly identifying the real positive cases. During the training process, the automatically generated results for P and R may not always be balanced well [53]. Thus, mAP is a key metric to evaluate the performance of detection models. The mAP@50 and mAP@50-95 of the PSEF model are 0.937 and 0.658, respectively, which are better than those of the Basal model.

3.3. Optimization of Post-Processing Parameters

The dataset of meter-sized craters used in this study is characterized by small scale, large sample number, and significant degradation in some cases. When the YOLO framework is employed for such detection, it tends to produce several candidate bounding boxes overlapping frequently and significantly for one target. Therefore, NMS is introduced as a crucial post-processing step to address this question; NMS is an essential technique to refine the output of object detection models [54]. NMS reduces redundancy among these boxes, ensuring each detected object is represented by only one bounding box, which is measured by the principal parameters of the confidence threshold (σ) and the IoU threshold (τ).
Initially, all detected bounding boxes with a confidence above σ are sorted in descending order based on their confidence. Starting with the box possessing the highest confidence, the IoU is calculated between this box and all the others. If the IoU exceeds a predefined threshold (τ), the overlapping boxes are suppressed. This process is repeated for each box in the sorted list. The iteration stops when all boxes have either been identified as the final detections or suppressed. After that, ten images from the validation dataset are used to optimize the aforementioned two post-processing parameters, i.e., the confidence threshold and the IoU threshold. The optimizing post-processing parameters for the Basal model and the PSEF model are acquired through the discrete exhaustive search (DES) method [6] in which the optimizing post-processing parameters σ and τ are taken as σ ∈ {0, 0.1, 0.2, 0.3, 0.4, 0.5, 0.6, 0.7} and τ ∈ {0, 0.1, 0.2, 0.3, 0.4}, respectively. The F1-score serves as a key evaluation metric for the detection capability of the model with respect to the target under the specified post-processing parameter settings. The results are displayed in Figure 5, in which the maximum number of predictions per slices during detection is set to 10,000.
As τ increases from 0 to 0.4, the number of predicted bounding boxes (Pred) rises sharply. However, this increase mainly originates from the duplicate boxes classified as false positives, thereby reducing the P. That is, the increase in τ diminishes the effectiveness of suppressing larger overlaps in repeated prediction boxes. However, as σ increases from 0 to 0.7, Pred gradually decreases. The model only exhibits the prediction boxes with high confidence values. Consequently, the model outputs fewer but more accurate prediction boxes. However, true positives may be discarded mistakenly for not meeting the higher threshold, which reduces R and thus the F1-score.
Compared with the Basal model, the PSEF model’s Pred decreases more gently as τ decreases. For instance, with σ = 0.1, when τ decreases from 0.4 to 0.3, the Pred of the PSEF model decreases by 1565, which is lower than the value of 6180 for the Basal model. With σ = 0.2 and the decrease in τ from 0.4 to 0.3, the decrease in Pred is 719 for the PSEF model and 4071 for the Basal model. These results suggest that the PSEF model achieves greater accuracy in edge detection. With higher τ settings, detection boxes are considered duplicates only when their overlap is substantial, thereby retaining more exactly positioned boxes. Greater precision in edge detection enables the model to distinguish closely adjacent and slightly overlapping targets more accurately. This accuracy arises from the detection boxes possessing more accurate positions and shapes of the targets. Conversely, even with higher τ settings, a model with worse precision in edge detection may mistakenly merge distinct targets due to less accurate detection boundaries. At higher τ values, the PSEF model maintains a lower Pred, possibly due to the superior edge detection precision. This enables it to effectively distinguish and retain accurate detection boxes during the NMS process, thereby minimizing false suppression and enhancing the overall detection accuracy for impact craters.
The PSEF model records its highest F1-score of 0.935 with σ = 0.2 and τ = 0.2, while the Basal model achieves its max F1-score of 0.931 with σ = 0.2 and τ = 0.1. Although the F1-scores of the PSEF and Basal models are close in their optimal post-processing parameters, the PSEF model maintains higher F1-scores with a broader range of σ and τ parameters. Among our 40 sampling results, the PSEF model achieves F1-scores exceeding 0.9 in 19 parameter combinations, while the Basal model achieves this value in only 11 parameter combinations. This demonstrates the stronger robustness of the PSEF model to variations in NMS parameter settings. Consequently, employing the PSEF model to detect impact craters in new regions without annotations tends to yield superior results. That is, when the PSEF model is adopted to detect the new unknown regions, although specific adjustment of the NMS parameters is not feasible, it maintains better performance across a wider range of settings. The robustness to the NMS parameter settings is essential to detect the numerous and densely distributed meter-sized impact craters. Therefore, the PSEF model is more practical than the Basal model for detecting meter-sized impact craters in unknown regions.

3.4. Error Analysis of True Positives

The results in Section 3.3 indicated that with the optimized post-processing parameters, the PSEF model exhibits obvious advantages in P, R, and F1-scores in the 10 slices from the validation dataset compared to the Basal model. We compared the performances of the PSEF model and the Basal model on the test dataset, each with their respective optimal post-processing parameters, and listed several metrics in Table 1. The results from Table 1 show that the performance of the PSEF model surpasses that of the Basal model. There are relatively few CDAs focusing specifically on meter-sized craters. Moreover, compared to other advanced CDAs developed for tens or hundreds of meters in diameter, our PSEF model shows obvious advantages in the P, R, and F1-score metrics, as shown in Table S1. As is discussed in the previous section, the slighter decrease in Pred with the reduction in τ for the PSEF model indicates a superior recognition effect on the edges of impact craters. Preliminary observations from Figure 6 suggest that the true positives bounding box matches the corresponding ground truth better in the PSEF model than that of the Basal model.
Subsequent analyses involving the diameter relative error (δD), the eccentricity error (Δe), and the location error (ΔL) for each true positive and their ground truth in the PSEF and Basal models are performed to further quantify the accuracy of the prediction box edges. The marginal distribution diagrams of these three error metrics for all true positives in the test dataset of both the PSEF and Basal models are depicted in Figure 7. To determine which model demonstrates an error distribution closer to zero, statistical values of the error metrics, including the mean, median, etc., are also calculated accordingly, which are presented alongside the first three error metrics in Table 2.
From the test dataset shown in Table 2, we found that the mean and median values of D|, |Δe|, and ΔL acquired from the PSEF model are notably closer to zero than those from the Basal model, suggesting the reduced recognition errors in the size, shape, and location of impact craters by the PSEF model. Moreover, the standard deviations and the IQRs of δD, Δe, and ΔL serve as metrics to measure the consistency of the edge detection of the model. The standard deviations and IQR values for δD, Δe, and ΔL in the PSEF model are lower than those in the Basal model, indicating the improved consistency in the edge detection of the PSEF model. Figure 7 demonstrates that the statistical marginal distributions of δD, Δe, and ΔL from the PSEF model are closer to zero, and the scatter points are more concentrated. There results demonstrate that compared to the Basal model, the PSEF model shows less error during the detection of meter-sized craters, thus achieving more reliable and accurate edge recognition results. The smaller δD of the PSEF model is possibly due to its eigen frequency features effectively capturing the scale information of meter-sized impact craters, while the smaller Δe and ΔL may be attributed to the isotropic features and illumination incidence features effectively extracting the edge variations of impact craters.

4. Conclusions

We proposed a new pseudo-spectral spatial feature extraction and enhanced fusion (PSEF) image input method to detect meter-sized impact craters on the lunar surface by the YOLOv5 framework, which addresses the difficulty in detecting feature scarce small impact craters using deep learning methods. Adopting the DOM of the LRO-NAC image captured on the CE-4 landing site, the illumination incidence features, isotropic features, and eigen frequency features are extracted by means of Sobel filtering, Laplacian of Gaussian (LoG) filtering, and frequency domain bandpass filtering, respectively. Then, the PSEF images are created by pseudo-spectral spatial techniques to preserve additional details from the original DOM data. This PSEF image dataset is input into the YOLOv5 framework to train the PSEF model. Compared with the model trained by the self-stacking PHS images composed of the Basal images, the detection results show that this new PSEF method significantly improves the detection accuracy of meter-sized craters.
After that, two post-processing parameters, i.e., the confidence threshold (σ) and IoU threshold (τ), are optimized using the validation dataset and DES method. We found that although the F1-scores of the PSEF and Basal models are close in their optimal post-processing parameters, the PSEF model maintains higher F1-scores with a broader range of σ and τ parameters. The stronger robustness of the PSEF model makes it more practical than the Basal model to detect meter-sized impact craters in unknown regions.
Our PSEF model achieves a P of 0.943, R of 0.891, F1-score of 0.916, and mAP@50 of 0.937 on the validation dataset. In the test dataset, the PSEF model maintains a high P of 0.969, R of 0.932, and F1-score of 0.950, demonstrating superior robustness and accuracy in practical deployment. In addition to these common evaluation metrics, we designed several metrics to examine the detection performance, including the diameter relative error, the eccentricity error, and the location error between each true positive and their ground truth. The PSEF model exhibited superior performance over the Basal model in predicting the size, shape (eccentricity), and position of impact craters. The error metrics of the PSEF model, including the mean, median, IQR, and standard deviation, are better than those of the Basal model, indicating its ability to predict features that are more consistent, stable, and closer to the true characteristics of impact craters.
Above all, the superior edge detection and feature extraction provided by the PSEF model contribute to more accurate and consistent crater identification, which can supply crucial and helpful support for subsequent applications in the evaluation of planetary resources, decoding their geological evolutionary histories, exploration missions, etc.

Supplementary Materials

The following supporting information can be downloaded at: https://www.mdpi.com/article/10.3390/s24165206/s1, Table S1: Comparison of Key Metrics for Advanced Automatic Impact Crater Detection Algorithms.

Author Contributions

Conceptualization, H.L., Y.-B.L., and L.Z.; Data curation, H.L., F.L., Y.T., H.D., J.Y., D.L., and X.L.; Formal analysis, H.L., Y.-B.L., and L.Z.; Funding acquisition, Y.-B.L.; Methodology, H.L. and F.L.; Resources, Y.-B.L. and L.Z.; Software, H.L., F.L., and J.Y.; Supervision, Y.-B.L., L.Z., and Z.Y.; Validation, H.L. and Z.Y.; Visualization, H.L.; Writing—original draft, H.L.; Writing—review and editing, Y.T. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by National Space Science Data Center Youth Open Project, grant number NSSDC2302001 and National Key Research and Development Program of China, grant number 2022YFF0711400.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Data are contained within the article.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Ashley, J.W.; Robinson, M.S.; Hawke, B.R.; van der Bogert, C.H.; Hiesinger, H.; Sato, H.; Speyerer, E.J.; Enns, A.C.; Wagner, R.V.; Young, K.E.; et al. Geology of the King crater region: New insights into impact melt dynamics on the Moon. J. Geophys. Res. -Planets 2012, 117, 13. [Google Scholar] [CrossRef]
  2. Dhingra, D.; Head, J.W.; Pieters, C.M. Geological mapping of impact melt deposits at lunar complex craters Jackson and Tycho: Morphologic and topographic diversity and relation to the cratering process. Icarus 2017, 283, 268–281. [Google Scholar] [CrossRef]
  3. Bray, V.J.; Tornabene, L.L.; Keszthelyi, L.P.; McEwen, A.S.; Hawke, B.R.; Giguere, T.A.; Kattenhorn, S.A.; Garry, W.B.; Rizk, B.; Caudill, C.M.; et al. New insight into lunar impact melt mobility from the LRO camera. Geophys. Res. Lett. 2010, 37, 5. [Google Scholar] [CrossRef]
  4. Crawford, I.A. Lunar resources: A review. Prog. Phys. Geogr. 2015, 39, 137–167. [Google Scholar] [CrossRef]
  5. Yue, Z.Y.; Shi, K.; Di, K.C.; Lin, Y.T.; Gou, S. Progresses and prospects of impact crater studies. Sci. China-Earth Sci. 2023, 66, 2441–2451. [Google Scholar] [CrossRef]
  6. Liu, J.; Zeng, X.; Li, C.; Ren, X.; Yan, W.; Tan, X.; Zhang, X.; Chen, W.; Zuo, W.; Liu, Y.; et al. Landing Site Selection and Overview of China’s Lunar Landing Missions. Space Sci. Rev. 2020, 217, 6. [Google Scholar] [CrossRef]
  7. Sutoh, M.; Otsuki, M.; Wakabayashi, S.; Hoshino, T.; Hashimoto, T. The Right Path: Comprehensive Path Planning for Lunar Exploration Rovers. IEEE Robot. Autom. Mag. 2015, 22, 22–33. [Google Scholar] [CrossRef]
  8. Yu, X.Q.; Wang, P.; Zhang, Z.X. Learning-Based End-to-End Path Planning for Lunar Rovers with Safety Constraints. Sensors 2021, 21, 16. [Google Scholar] [CrossRef] [PubMed]
  9. Menon, M.S.; Kothandhapani, A.; Sundaram, N.S.; Raghavan, V.; Nagaraj, S. Terrain-based Analysis as a Design and Planning Tool for Operations of a Lunar Exploration Rover for the TeamIndus Lunar Mission. In Proceedings of the 2018 SpaceOps Conference, Marseille, France, 28 May–1 June 2018; p. 2494. [Google Scholar]
  10. Hu, T.; Yang, Z.; Kang, Z.Z.; Lin, H.Y.; Zhong, J.; Zhang, D.Y.; Cao, Y.M.; Geng, H.M. Population of Degrading Small Impact Craters in the Chang’E-4 Landing Area Using Descent and Ground Images. Remote Sens. 2022, 14, 21. [Google Scholar] [CrossRef]
  11. Robbins, S.J. A New Global Database of Lunar Impact Craters >1-2km: 1. Crater Locations and Sizes, Comparisons With Published Databases, and Global Analysis. J. Geophys. Res. -Planets 2019, 124, 871–892. [Google Scholar] [CrossRef]
  12. Fairweather, J.H.; Lagain, A.; Servis, K.; Benedix, G.K.; Kumar, S.S.; Bland, P.A. Automatic Mapping of Small Lunar Impact Craters Using LRO-NAC Images. Earth Space Sci. 2022, 9, 19. [Google Scholar] [CrossRef]
  13. Yang, C.; Zhao, H.S.; Bruzzone, L.; Benediktsson, J.A.; Liang, Y.C.; Liu, B.; Zeng, X.G.; Guan, R.C.; Li, C.L.; Ouyang, Z.Y. Lunar impact crater identification and age estimation with Chang’E data by deep and transfer learning. Nat. Commun. 2020, 11, 15. [Google Scholar] [CrossRef] [PubMed]
  14. Juntao, Y.; Shuowei, Z.; Lin, L.; Zhizhong, K.; Yuechao, M. Topographic knowledge-aware network for automatic small-scale impact crater detection from lunar digital elevation models. Int. J. Appl. Earth Obs. Geoinf. 2024, 129, 13. [Google Scholar] [CrossRef]
  15. Bugiolacchi, R.; Wöhler, C. Small craters population as a useful geological investigative tool: Apollo 17 region as a case study. Icarus 2020, 350, 20. [Google Scholar] [CrossRef]
  16. Xiao, Z.Y. Size-frequency distribution of different secondary crater populations: 1. Equilibrium caused by secondary impacts. J. Geophys. Res. -Planets 2016, 121, 2404–2425. [Google Scholar] [CrossRef]
  17. Kawashima, O.; Morota, T.; Ohtake, M.; Kasahara, S. Size-frequency measurements of meter-sized craters and boulders in the lunar polar regions for landing-site selections of future lunar polar missions. Icarus 2022, 378, 13. [Google Scholar] [CrossRef]
  18. Cadogan, P.H. Automated precision counting of very small craters at lunar landing sites. Icarus 2020, 348, 32. [Google Scholar] [CrossRef]
  19. Feng, Q.H.; Xu, X.Z.; Wang, Z.X. Deep learning-based small object detection: A survey. Math. Biosci. Eng. 2023, 20, 6551–6590. [Google Scholar] [CrossRef]
  20. Liu, Y.; Sun, P.; Wergeles, N.; Shang, Y. A survey and performance evaluation of deep learning methods for small object detection. Expert Syst. Appl. 2021, 172, 14. [Google Scholar] [CrossRef]
  21. Wu, J.Q.; Xu, S.B. From Point to Region: Accurate and Efficient Hierarchical Small Object Detection in Low-Resolution Remote Sensing Images. Remote Sens. 2021, 13, 16. [Google Scholar] [CrossRef]
  22. Tong, K.; Wu, Y.Q. Deep learning-based detection from the perspective of small or tiny objects: A survey. Image Vis. Comput. 2022, 123, 26. [Google Scholar] [CrossRef]
  23. Lang, X.; Yuan, L.; Li, S.; Liu, M. Pipeline Multipoint Leakage Detection Method Based on KKL-MSCNN. IEEE Sens. J. 2024, 24, 11438–11449. [Google Scholar] [CrossRef]
  24. Bo, Z.; Di, K.C.; Liu, Z.Q.; Yue, Z.Y.; Liu, J.; Shi, K. A catalogue of meter-scale impact craters in the Chang’e-5 landing area measured from centimeter-resolution descent imagery. Icarus 2022, 378, 10. [Google Scholar] [CrossRef]
  25. La Grassa, R.; Cremonese, G.; Gallo, I.; Re, C.; Martellato, E. YOLOLens: A Deep Learning Model Based on Super-Resolution to Enhance the Crater Detection of the Planetary Surfaces. Remote Sens. 2023, 15, 22. [Google Scholar] [CrossRef]
  26. Tewari, A.; Khanna, N. Arbitrary Scale Super-Resolution Assisted Lunar Crater Detection in Satellite Images. arXiv 2024, arXiv:2402.05068. [Google Scholar] [CrossRef]
  27. Yan, Y.; Qi, D.; Li, C. Vision-based crater and rock detection using a cascade decision forest. IET Comput. Vis. 2019, 13, 549–555. [Google Scholar] [CrossRef]
  28. Zang, S.; Mu, L.; Xian, L.; Zhang, W. Semi-Supervised Deep Learning for Lunar Crater Detection Using CE-2 DOM. Remote Sens. 2021, 13, 2819. [Google Scholar] [CrossRef]
  29. Prete, R.D.; Saveriano, A.; Renga, A. A Deep Learning-based Crater Detector for Autonomous Vision-Based Spacecraft Navigation. In Proceedings of the 2022 IEEE 9th International Workshop on Metrology for AeroSpace (MetroAeroSpace), Pisa, Italy, 27–29 June 2022; pp. 231–236. [Google Scholar]
  30. Chatterjee, S.; Chakraborty, S.; Nath, A.; Chowdhury, P.R.; Deshmukh, B. Near-Real-Time Detection of Craters: A YOLO v5 Based Approach. In Proceedings of the 2023 International Conference on Machine Intelligence for GeoAnalytics and Remote Sensing (MIGARS), Hyderabad, India, 27–29 January 2023; pp. 1–4. [Google Scholar]
  31. Zhu, L.L.; Geng, X.; Li, Z.; Liu, C. Improving YOLOv5 with Attention Mechanism for Detecting Boulders from Planetary Images. Remote Sens. 2021, 13, 19. [Google Scholar] [CrossRef]
  32. Hari, R.V.S.; Ambalam, R.; Kumar, B.R.; Ibrahim, M.; Ponnusamy, R. Yolo5-Based UAV Surveillance for Tiny Object Detection on Airport Runways. In Proceedings of the 2023 International Conference on Data Science, Agents & Artificial Intelligence (ICDSAAI), Chennai, India, 21–23 December 2023; pp. 1–6. [Google Scholar]
  33. Su, Y.; Tan, W.X.; Dong, Y.F.; Xu, W.; Huang, P.P.; Zhang, J.X.; Zhang, D.K. Enhancing concealed object detection in Active Millimeter Wave Images using wavelet transform. Signal Process. 2024, 216, 13. [Google Scholar] [CrossRef]
  34. Ji, C.; Zhang, F.; Huang, X.B.; Song, Z.W.; Hou, W.; Wang, B.Y.; Chen, G.Y. STAE-YOLO: Intelligent detection algorithm for risk management of construction machinery intrusion on transmission lines based on visual perception. IET Gener. Transm. Distrib. 2024, 18, 542–567. [Google Scholar] [CrossRef]
  35. Mu, L.L.; Xian, L.A.; Li, L.H.; Liu, G.; Chen, M.; Zhang, W. YOLO-Crater Model for Small Crater Detection. Remote Sens. 2023, 15, 17. [Google Scholar] [CrossRef]
  36. Kim, J.R.; Muller, J.P.; van Gasselt, S.; Morley, J.G.; Neukum, G.; Team, H.C. Automated crater detection, a new tool for Mars cartography and chronology. Photogramm. Eng. Remote Sens. 2005, 71, 1205–1217. [Google Scholar] [CrossRef]
  37. Saheba, S.M.; Upadhyaya, T.K.; Sharma, R.K. Lunar surface crater topology generation using adaptive edge detection algorithm. IET Image Process. 2016, 10, 657–661. [Google Scholar] [CrossRef]
  38. Zuo, W.; Li, C.L.; Yu, L.J.; Zhang, Z.B.; Wang, R.W.; Zeng, X.G.; Liu, Y.X.; Xiong, Y.Y. Shadow-highlight feature matching automatic small crater recognition using high-resolution digital orthophoto map from Chang’E Missions. Acta Geochim. 2019, 38, 541–554. [Google Scholar] [CrossRef]
  39. Robinson, M.S.; Brylow, S.M.; Tschimmel, M.; Humm, D.; Lawrence, S.J.; Thomas, P.C.; Denevi, B.W.; Bowman-Cisneros, E.; Zerr, J.; Ravine, M.A.; et al. Lunar Reconnaissance Orbiter Camera (LROC) Instrument Overview. Space Sci. Rev. 2010, 150, 81–124. [Google Scholar] [CrossRef]
  40. Speyerer, E.J.; Wagner, R.V.; Robinson, M.S.; Humm, D.C.; Becker, K.; Anderson, J.; Thomas, P. IN-FLIGHT GEOMETRIC CALIBRATION OF THE LUNAR RECONNAISSANCE ORBITER CAMERA. Int. Arch. Photogramm. Remote Sens. Spatial Inf. Sci. 2012, XXXIX-B4, 511–516. [Google Scholar] [CrossRef]
  41. Zaka, S.S.; Majeed, M.N.; Dawood, H.J.V.I. Blind Image Deblurring Using Laplacian of Gaussian (LoG) Based Image Prior. Int. J. Innov. Sci. Technol. 2022, 4, 365–374. [Google Scholar] [CrossRef]
  42. Zhang, Y.; Han, X.; Zhang, H.; Zhao, L. Edge detection algorithm of image fusion based on improved Sobel operator. In Proceedings of the 2017 IEEE 3rd Information Technology and Mechatronics Engineering Conference (ITOEC), Chongqing, China, 3–5 October 2017; pp. 457–461. [Google Scholar]
  43. Huang, G.W.; Zhang, F. The fast computation of multi-angle discrete fractional Fourier transform. Signal Process. 2024, 218, 11. [Google Scholar] [CrossRef]
  44. Liao, T.L.; Peng, C.Y.; Hou, Y.Y. Application of multi-party computation and error correction with image enhancement and convolution neural networks based on cloud computing. IET Image Process. 2023, 17, 1931–1950. [Google Scholar] [CrossRef]
  45. Ghosal, S.K.; Mandal, J.K.; Sarkar, R. High payload image steganography based on Laplacian of Gaussian (LoG) edge detector. Multimed. Tools Appl. 2018, 77, 30403–30418. [Google Scholar] [CrossRef]
  46. Gunn, S.R. On the discrete representation of the Laplacian of Gaussian. Pattern Recognit. 1999, 32, 1463–1472. [Google Scholar] [CrossRef]
  47. Winograd, S. On computing the Discrete Fourier Transform. Proc. Natl. Acad. Sci. USA 1976, 73, 1005–1006. [Google Scholar] [CrossRef]
  48. Gao, T.Y.; Wushouer, M.; Tuerhong, G. DMS-YOLOv5: A Decoupled Multi-Scale YOLOv5 Method for Small Object Detection. Appl. Sci. 2023, 13, 19. [Google Scholar] [CrossRef]
  49. Xue, J.; Zheng, Y.G.; Dong, C.L.Y.; Wang, P.; Yasir, M. Improved YOLOv5 network method for remote sensing image-based ground objects recognition. Soft Comput. 2022, 26, 10879–10889. [Google Scholar] [CrossRef]
  50. Silburt, A.; Ali-Dib, M.; Zhu, C.C.; Jackson, A.; Valencia, D.; Kissin, Y.; Tamayo, D.; Menou, K. Lunar crater identification via deep learning. Icarus 2019, 317, 27–38. [Google Scholar] [CrossRef]
  51. Andrews-Hanna, J.C.; Zuber, M.T.; Gibson, R.L.; Reimold, W.U. Elliptical craters and basins on the terrestrial planets. Large Meteor. Impacts Planet. Evol. IV 2010, 465, 1–13. [Google Scholar] [CrossRef]
  52. Christian, J.A.; Derksen, H.; Watkins, R. Lunar Crater Identification in Digital Images. J. Astronaut. Sci. 2021, 68, 1056–1144. [Google Scholar] [CrossRef]
  53. Wilhelm, T.; Wöhler, C.; Ieee Comp, S.O.C. Uncertainty Guided Recognition of Tiny Craters on the Moon. In Proceedings of the 25th International Conference on Pattern Recognition (ICPR), Electr Network, Milan, Italy, 10–15 January 2021; pp. 5198–5205. [Google Scholar]
  54. Qiu, S.H.; Wen, G.J.; Deng, Z.P.; Liu, J.; Fan, Y.X. Accurate non-maximum suppression for object detection in high-resolution remote sensing images. Remote Sens. Lett. 2018, 9, 237–246. [Google Scholar] [CrossRef]
Figure 1. (a) An illustration of an impact crater slice. (b) The number–diameter distribution of 34,876 impact craters with diameters less than 14 m in our cropped 59 slices from the CE-4 landing site.
Figure 1. (a) An illustration of an impact crater slice. (b) The number–diameter distribution of 34,876 impact craters with diameters less than 14 m in our cropped 59 slices from the CE-4 landing site.
Sensors 24 05206 g001
Figure 2. Schematic diagram of the PSEF method for detecting meter-sized impact craters. The parameter preceding the ‘@’ represents the number of channels in the image. The parameters W and H following ‘@’ denote the width and height of the image, respectively. In this figure, W and H are both set to 320 pixels, e.g., ‘1@4W×4H’ under the PHS image indicates that the PHS image is single-channel with a size of 1280 × 1280 pixels. The grey arrows indicate that the images connected by these arrows represent the same image at different stages of the process.
Figure 2. Schematic diagram of the PSEF method for detecting meter-sized impact craters. The parameter preceding the ‘@’ represents the number of channels in the image. The parameters W and H following ‘@’ denote the width and height of the image, respectively. In this figure, W and H are both set to 320 pixels, e.g., ‘1@4W×4H’ under the PHS image indicates that the PHS image is single-channel with a size of 1280 × 1280 pixels. The grey arrows indicate that the images connected by these arrows represent the same image at different stages of the process.
Sensors 24 05206 g002
Figure 3. Illustration of images in the pseudo-spectral space. (a) The original PHS image. (b) Incidence features of crater rims obtained by the Sobel operator along the direction of incident light on the PHS image. (c) Isotropic features of meter-sized craters obtained by the LoG operator on the PHS image. (d) Eigen frequency features of meter-sized craters obtained by the bandpass filter in the frequency domain on the PHS image. (e) The PMS image obtained by amalgamating the images (bd). (f) The PSEF image obtained by panchromatic sharpening on the PMS and PHS images.
Figure 3. Illustration of images in the pseudo-spectral space. (a) The original PHS image. (b) Incidence features of crater rims obtained by the Sobel operator along the direction of incident light on the PHS image. (c) Isotropic features of meter-sized craters obtained by the LoG operator on the PHS image. (d) Eigen frequency features of meter-sized craters obtained by the bandpass filter in the frequency domain on the PHS image. (e) The PMS image obtained by amalgamating the images (bd). (f) The PSEF image obtained by panchromatic sharpening on the PMS and PHS images.
Sensors 24 05206 g003
Figure 4. Frequency domain maps of PHS images with various mask regions. (a) Only the central 1–11 pixels annular mask region in the frequency domain of the PHS image is allowed to pass through. (b) The pseudo-spectrum obtained after the inverse DFT exhibiting eigen frequency features of impact craters with diameters in the hundreds of meters. (c) The annular mask region of 25–50 pixels in the frequency domain. (d) Eigen frequency features of impact craters with diameters over 20 m. (e) The concentric dual annular masks of 215–270 pixels and 350–400 pixels in the frequency domain. (f) Eigen frequency features for meter-sized impact craters.
Figure 4. Frequency domain maps of PHS images with various mask regions. (a) Only the central 1–11 pixels annular mask region in the frequency domain of the PHS image is allowed to pass through. (b) The pseudo-spectrum obtained after the inverse DFT exhibiting eigen frequency features of impact craters with diameters in the hundreds of meters. (c) The annular mask region of 25–50 pixels in the frequency domain. (d) Eigen frequency features of impact craters with diameters over 20 m. (e) The concentric dual annular masks of 215–270 pixels and 350–400 pixels in the frequency domain. (f) Eigen frequency features for meter-sized impact craters.
Sensors 24 05206 g004
Figure 5. Illustrations for the optimization of the confidence threshold (σ) and IoU threshold (τ) using the discrete exhaustive search (DES) method. The F1-score in the best post-processing parameters for the PSEF model and the Basal model are highlighted with blue circles.
Figure 5. Illustrations for the optimization of the confidence threshold (σ) and IoU threshold (τ) using the discrete exhaustive search (DES) method. The F1-score in the best post-processing parameters for the PSEF model and the Basal model are highlighted with blue circles.
Sensors 24 05206 g005
Figure 6. Visualization of partial test dataset slices and their corresponding automatic identification results. (ac) are images from the test dataset. (df) are the identification results from the PSEF model. (gi) display the identification results of the Basal model. Among them, the green, red, yellow, and blue circles refer to true positives, ground truth, false negatives, and false positives, respectively.
Figure 6. Visualization of partial test dataset slices and their corresponding automatic identification results. (ac) are images from the test dataset. (df) are the identification results from the PSEF model. (gi) display the identification results of the Basal model. Among them, the green, red, yellow, and blue circles refer to true positives, ground truth, false negatives, and false positives, respectively.
Sensors 24 05206 g006
Figure 7. Statistical marginal distribution of the diameter relative error (δD), the eccentricity error (Δe), and the location error (ΔL) between true positives and the corresponding ground truths in the test dataset under the optimal post-processing parameters for the Basal model (ac) and the PSEF model (df). The scatter points represent the distribution of error metrics—diameter for each true positive. The top and bottom of each box plot represent 75% and 25% of the data, respectively. Within the box, the solid line indicates the median, while the dot denotes the mean value. The whiskers extending from the boxes represent the interval within one standard deviation of the mean. Outliers that exceed the whiskers are marked individually.
Figure 7. Statistical marginal distribution of the diameter relative error (δD), the eccentricity error (Δe), and the location error (ΔL) between true positives and the corresponding ground truths in the test dataset under the optimal post-processing parameters for the Basal model (ac) and the PSEF model (df). The scatter points represent the distribution of error metrics—diameter for each true positive. The top and bottom of each box plot represent 75% and 25% of the data, respectively. Within the box, the solid line indicates the median, while the dot denotes the mean value. The whiskers extending from the boxes represent the interval within one standard deviation of the mean. Outliers that exceed the whiskers are marked individually.
Sensors 24 05206 g007
Table 1. Evaluation metrics of PSEF and Basal models in both validation and test datasets.
Table 1. Evaluation metrics of PSEF and Basal models in both validation and test datasets.
ResultModelPRmAP@50mAP@50-95F1-Score
Best epoch results in
validation dataset
PSEF0.9430.8910.9370.6580.916
Basal0.9120.8060.8980.4980.856
Optimal post-processing parameter results
in test dataset
PSEF0.9690.932//0.950
Basal0.9510.886//0.917
Table 2. The mean, median, interquartile range (IQR), and standard deviations for the error metrics including the diameter relative error (δD), absolute diameter relative error (|δD|), eccentricity error (Δe), absolute eccentricity error (|Δe|), and location deviation (ΔL) for both the PSEF and Basal models in the test dataset.
Table 2. The mean, median, interquartile range (IQR), and standard deviations for the error metrics including the diameter relative error (δD), absolute diameter relative error (|δD|), eccentricity error (Δe), absolute eccentricity error (|Δe|), and location deviation (ΔL) for both the PSEF and Basal models in the test dataset.
ModelAnalytical ScaleδD (%)|δD| (%)Δee|ΔL (m)
PSEFmean/3.94/0.1681.03
median/3.03/0.1240.78
IQR4.54/0.246/0.91
standard deviation5.67/0.233/0.73
Basalmean/8.91/0.2581.35
median/6.52/0.2501.11
IQR13.76/0.353/1.00
standard deviation12.26/0.275/0.94
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

Liu, H.; Lu, Y.-B.; Zhang, L.; Liu, F.; Tian, Y.; Du, H.; Yao, J.; Yu, Z.; Li, D.; Lin, X. Pseudo-Spectral Spatial Feature Extraction and Enhanced Fusion Image for Efficient Meter-Sized Lunar Impact Crater Automatic Detection in Digital Orthophoto Map. Sensors 2024, 24, 5206. https://doi.org/10.3390/s24165206

AMA Style

Liu H, Lu Y-B, Zhang L, Liu F, Tian Y, Du H, Yao J, Yu Z, Li D, Lin X. Pseudo-Spectral Spatial Feature Extraction and Enhanced Fusion Image for Efficient Meter-Sized Lunar Impact Crater Automatic Detection in Digital Orthophoto Map. Sensors. 2024; 24(16):5206. https://doi.org/10.3390/s24165206

Chicago/Turabian Style

Liu, Huiwen, Ying-Bo Lu, Li Zhang, Fangchao Liu, You Tian, Hailong Du, Junsheng Yao, Zi Yu, Duyi Li, and Xuemai Lin. 2024. "Pseudo-Spectral Spatial Feature Extraction and Enhanced Fusion Image for Efficient Meter-Sized Lunar Impact Crater Automatic Detection in Digital Orthophoto Map" Sensors 24, no. 16: 5206. https://doi.org/10.3390/s24165206

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