Abstract
The rapid growth of outdoor digital twin data sets and advancements in 3D data acquisition technology have sparked interest in improving segmentation performance using deep learning. This research aims to analyze and evaluate different sampling strategies and optimization techniques while exploring the intensity information of outdoor point cloud data. Two sampling strategies, random and stratified sampling, are employed to divide a limited data set. Additionally, the data set is divided into point cloud data with and without intensity. The PointNet++ model is used to segment the point cloud data into two classes, vegetation and structure. The results indicate that stratified sampling outperforms random sampling, yielding a considerable improvement in mean intersection over union scores of up to 10%. Interestingly, the inclusion of intensity information in the data set does not universally enhance performance. Although the use of intensity improves the performance of random sampling, it does not benefit stratified sampling. This research provides insights into the effectiveness of different sampling strategies for outdoor point cloud data segmentation. The findings can contribute to the development of optimized approaches to improving segmentation accuracy in outdoor digital twin applications using deep learning techniques.
Graphical abstract

1 Introduction
The importance of outdoor objects in supporting the environment and infrastructure cannot be overstated [1]. The outdoor digital twin has been attracting attention since the introduction of large data sets and the development of 3D data acquisition technology [2]. Outdoor environments, which encompass natural elements and man-made structures, play a vital role in shaping our surroundings. Understanding and modeling these outdoor situations is crucial for various applications, ranging from urban planning and landscape design to environmental monitoring and infrastructure development [3].
Modeling 3D outdoor objects has traditionally relied on methods such as terrestrial surveys, close-range photogrammetry, and laser scanning [4,5]. Among these techniques, laser scanning has emerged as the most promising approach for accurate and automated 3D modeling. Laser scanning methods can be divided based on their platform into terrestrial, airborne, unmanned, and mobile laser scanners [6,7]. On the ground, terrestrial laser scanning (TLS) offers unparalleled precision and detail, making it an ideal choice for capturing the complexity of outdoor environments [8,9,10,11,12].
The successful use of deep learning for various applications also invites researchers to use it for outdoor points cloud tasks, such as classification and segmentation. The use of deep learning to process point cloud data has increased recently because of its accuracy and adaptability to new data [13]. Chen et al. [14] and Liu et al. [15] used a deep learning method for tree classification. Chen et al. [14] proposed the Point Cloud Tree Species Classification Network (PCTSCN) to overcome challenges in classifying tree species from laser data acquired from TLS and unmanned laser scanning. PCTSCN utilizes geometric sampling and improved Farthest Point Sampling for local and global feature extraction from laser data. By incorporating tree point cloud intensity and spatial information, PCTSCN aims to enhance classification accuracy through a nuanced consideration of both local and global characteristics. The trained models achieve 96% classification accuracy and a kappa coefficient of 0.923. Liu et al. [15] used PointNet++ to classify a tree point cloud data set acquired from a backpack laser scanner and achieved 98.26% classification accuracy. In more depth, the research analyzes the influence of leaf point clouds on classification, dissecting individual tree point clouds into leaves and wood, utilizing five downsampling methods for experimental design: farthest point sampling, K-means, random, grid average sampling, and nonuniform grid sampling.
Another research by Chen et al. [16] used PointNet to segment tree crowns, achieving 85, 87, and 86% for recall, precision, and F-Score, respectively. The methodology involved voxelization to subdivide point clouds into voxels, serving as training samples for the PointNet deep learning framework to identify tree crowns at the voxel scale. Subsequently, height-related gradient information refined initial segmentation results, accurately delineating tree crown boundaries, and the effectiveness of the approach was validated by comparing retrieved tree crown breadths with field measurements. Krisanski et al. [17] deployed PointNet++ to segment forest environments and obtained 95.4% overall accuracy. The point cloud data are obtained from various sensing systems across diverse forest conditions. The model, trained and evaluated on seven manually segmented data sets, achieves notable per-class segmentation accuracies, enabling the extraction of a precise Digital Terrain Model with a mean error of 0.04 m and 99.9% completeness, as demonstrated in a benchmarking study.
Several previous studies show that the deep learning method is usable for tree or vegetation segmentation and classification, producing accurate results even where none of them obtain a classification score below 80%. Notably, Liu et al. [15] and Krisanski et al. [17] leverage PointNet++ for tree species classification, while Chen et al. [16] adopt PointNet, and Chen et al. [14] employ Farthest Point Sampling – methods that align with the effectiveness of PointNet++. Building upon these foundations, this research is motivated to employ a deep learning architecture, specifically PointNet++, to address the inherent challenges in outdoor semantic segmentation.
While numerous methods and techniques are available for segmentation and information extraction from point cloud data, most of them have primarily focused on homogeneous objects, using geometric and radiometric features. However, the full potential of TLS, which provides intensity values for each point, has yet to be optimally explored. Several studies show that using intensity information obtains remarkable results and can improve accuracy. Harnessing the rich intensity data provided by TLS has the potential to unlock new dimensions of precision and detail in segmentation and information extraction processes, further enhancing the overall efficacy of these methodologies.
Li et al. [18] provided a supervised classification algorithm of ALS altimetry data combined with laser intensity. The method involves terrain data generation through initial height filtering, subsequent raw laser intensity filtering, and the analysis of statistical results combined with height information, particularly crucial for distinguishing between objects of similar height, such as trees and buildings, through their distinct laser impulse reflections. The result shows that intensity in point cloud data highlights the difference between objects (trees and buildings) compared with only using height slope information. Reymann and Lacroix [19] combined intensity and multiple echoes for outdoor point cloud classification. The research presents an empirical evaluation of a low-cost LiDAR, emphasizing the integration of features derived from intensity and multiple echoes within a hierarchical classification scheme to enhance the overall performance of the classifier. The result shows that the use of intensity can improve classification accuracy compared with only using geometry point cloud classification.
Sun et al. [20] combined intensity and geometric (spatial) information for automatic wood–leaf classification. The research proposed a three-step classification and verification method that leverage intensity and spatial information, utilizing intensity thresholds, neighborhood density, and voxelization to automate wood-leaf classification. The classification results were then compared with manual standards, employing Overall Accuracy (OA), Kappa coefficient (Kappa), and Matthew’s correlation coefficient. Several research studies show that using the intensity attribute of point cloud data can achieve automation, accuracy, and high-speed classification.
According to similar previous research, intensity potentially can be used to extract information from point cloud data. Intensity reflects the material characteristics of objects and can be widely used to characterize terrain features and classification [21]. Intensity from vegetation and the ground can be easily detected and distinguished [18]. Intensity measures the amount of reflected light and is much less dependent on the scene illumination conditions than the intensities perceived by passive cameras [19]. The intensities’ values depend on the scanning features (radiation range and reflecting ability of the objects) and the environmental conditions (season and weather) [22].
In addition to intensity data that still receives little exploration, most research also does not specify the distribution of the data set used in deep learning processing, but it is important because the method highly depends on the data set. Research on the effective sampling method for deep learning is scarce. Johnson and Khoshgoftaar [23] studied the effect of three data samplings with high imbalance data with deep learning. The research delves into the challenging task of training predictive models with class-imbalanced data, emphasizing the increasing difficulty posed by extreme levels of imbalance in the era of big data. The results show the hybrid between random over-sampling and under-sampling is identified as a preferred method for effectively addressing high imbalance within big data problems, maximizing both performance and efficiency.
Katharopoulos and Fleuret [24] proposed a sampling schema by focusing training with data that gives the biggest change in parameters or conducting an importance sampling. The research addresses the computational inefficiencies in deep neural network training, where a significant portion of computation is dedicated to well-handled and potentially ignorable examples. The proposed solution introduces a principled importance sampling scheme aimed at concentrating computation on “informative” examples, thereby diminishing variance in stochastic gradients during training. However, most of these works are still search theories with little applicability to wider problems.
In the field of deep learning for outdoor point cloud semantic segmentation, various studies, including those by Liu et al. [15], Krisanski et al. [17], Chen et al. [14,16] have successfully demonstrated the power of deep learning methods, showcasing high accuracy in segmenting objects like trees. While existing literature has explored the use of XYZ coordinates and RGB radiometric color, the incorporation of intensity as an additional parameter has not been thoroughly examined in the context of deep learning semantic segmentation. Li et al. [18], Reymann and Lacroix [19], and Sun et al.’s [20] works, for instance, delve into intensity for outdoor classification but do not touch upon deep learning techniques. Similarly, Johnson and Khoshgoftaar [23] also Katharopoulos and Fleuret [24] analyze the impact of sampling on deep learning but do not specifically address point cloud data or semantic segmentation. Thus, this research aims to bridge this gap by focusing on the preparation of data sets for deep learning semantic segmentation, exploring the use of additional parameters, and conducting comprehensive experiments. This research compares different sampling strategies in data set preparation, varying the inclusion of intensity and non-intensity data, and assesses the performance of deep learning models for semantic segmentation in outdoor environments.
This research serves as a bridge in the literature, connecting the gaps between data set preparation, the use of additional parameters, and the semantic segmentation process in point cloud data. It distinguishes itself by comparing random and stratified sampling methods, which are rarely discussed in the existing body of literature. Following data set preparation, the study examines the effectiveness of intensity as a parameter in point cloud data for deep learning semantic segmentation. By comparing models with and without intensity, employing both random and stratified sampling, the research conducts a thorough evaluation of deep learning performance. In summary, our work not only contributes to the understanding of the impact of different sampling strategies and intensities in semantic segmentation but also builds upon previous studies by addressing these aspects in the specific context of outdoor environments using deep learning techniques.
Therefore, the objective of this research is to analyze and evaluate different sampling strategies and optimization techniques, and explore the intensity information of point cloud data. The primary aim is to enhance segmentation performance using deep learning algorithms, particularly focusing on distinguishing outdoor vegetation from man-made structures. By harnessing the intensity data and two sampling strategies, this research seeks to unlock new possibilities and improve the accuracy and efficiency of outdoor object segmentation.
2 Methods
The research was conducted in AGS Park located in an area of the Faculty of Engineering at Universitas Gadjah Mada. This park features a combination of low and medium vegetation as well as various man-made objects, including park lamps, gazebos, chairs, tables, and a dome structure. The scanning of the park occurred in the morning, providing sample illumination for the visibility of all objects in the area. The selection of this park as the research location was motivated by the diverse range of outdoor objects.
This research uses two types of data sets, with and without intensity. In general, this research method comprises data acquisition, data processing, the deep learning process, and analysis. PointNet++ architecture is chosen as the deep learning model, a deliberate choice over alternatives such as PointNet. PointNet++ offers distinct advantages by effectively capturing both local and global features of point cloud data [25], providing a nuanced understanding that distinguishes it from the original PointNet. Additionally, this research method extends to data set preparation, a facet often overlooked in existing research. By employing several sampling strategy methods, this research contributes a comprehensive understanding of the data set preparation process, enhancing the reproducibility and reliability of segmentation results. Moreover, the methodology diverges from conventional approaches by incorporating intensity analysis in the segmentation process. While traditional deep learning segmentation rarely involves intensity analysis, this research recognizes the significance of intensity variations between vegetation and non-vegetation in the research area.
Point cloud data were acquired using Leica RTC 360 TLS with high-resolution settings. The scanning process uses the full power of the TLS instrument with specifications outlined in Table 1. The choice of the Leica RTC360 was crucial for several reasons. The high-resolution parameters are used to ensure the capture of high-resolution point cloud data, allowing for a detailed representation of the outdoor environment. The use of this laser scanner also facilitated efficient data acquisition due to its portability and easy-to-use instrument, contributing to the overall speed and accuracy of the scanning process. These specifications not only align with industry standards but were also chosen to meet the specific requirements of research objectives.
TLS Instrument specification
Field of view |
|
Range | Min 0.5 up to 130 m |
Speed | Up to 2,000,000 pts/s |
Resolution | 3 mm per 10 m |
Angular accuracy | 18″ |
Range accuracy | 1.0 mm + 10 ppm |
3D point accuracy | 1.9 mm per 10 m |
Imaging accuracy | 36 MP 3-camera system captures |
Each point in the point cloud data acquired has radiometric features or RGB colors and intensity information, which can be used in segmentation. The data are registered with the cloud-to-cloud method into one data set using Leica Cyclone Register 360 with an RMSE of registration under 0.001 m. The cloud-to-cloud registration method with a remarkably low RMSE ensures accurate alignment of point cloud data. To eliminate noise and outliers in the data, this data set is then filtered using CloudCompare with two filtering tools, the statistical outlier removal filter for removing outliers based on statistical calculations [26] and the radius outlier removal filter for eliminating outliers based on the number of neighbor points within a certain radius [27]. This dual-filtering approach not only eliminates outliers effectively but also addresses potential biases and errors, ensuring that the final point cloud data set is reliable and reflective of the true outdoor environment. The high specification parameters of the Leica RTC360 laser scanner, including its precision in capturing radiometric features and RGB colors, contribute to minimizing acquisition errors. To further enhance data quality, a meticulous noise reduction process is conducted using two filtering tools, ensuring the robustness of data processing techniques. From this step, the data set was prepared for the deep learning process. Figure 1 shows point cloud data in AGS Park.

Point cloud data in AGS Park.
In assessing the robustness of data processing methods, the diverse conditions encountered during the outdoor scanning process are considered. The scans were conducted in a park comprising low, medium, and high vegetation, representing a range of environmental complexities. Importantly, the data acquisition was performed exclusively in the morning under clear sunlight conditions, ensuring optimal visibility without the presence of clouds or rain. This deliberate choice aimed to capture the park in its entirety with high clarity. Moreover, the effectiveness of data processing methods extends beyond these controlled conditions. The use of advanced instruments with high precision parameters contributes to the adaptability of research methods to varying outdoor scenarios. The cloud-to-cloud registration method enhances alignment accuracy even in landscapes with diverse vegetation densities. The noise filtering method demonstrated consistency to eliminate noise and outliers from the data. This adaptability ensures the reliability and robustness of data processing methods, even when confronted with varying environmental conditions.
This research uses the PointNet++ model to segment point cloud data. PointNet++ architecture is the extension of PointNet created by Qi et al. [28]. PointNet++ introduces a hierarchical set of abstract layers to capture features at different scales [29]. PointNet++ also reaches an important result for classifying and segmenting point cloud data. The applicability of PointNet++ in vegetation analysis is the reason for using this architecture. Point cloud data was collected using TLS at 13 stations across the park, as shown in Figure 2. The data cover most of the park, particularly at the center and south of the park, while the northern area has fewer point clouds.

Scan stations map.
The prepared point cloud data set was split into training, validation, and testing data. This research uses 70% of the data for training, 10% for validation, and 20% for testing. This research uses two strategies, with a random and stratified sampling strategy to analyze the impact of the data set on deep learning performance. The distribution of the data set with different sampling strategies can be seen in Figure 3. Other researchers have used different sampling strategies for the machine learning or deep learning approach. Magar and Barati Farimani [30] used the mean absolute error and proposed two sampling strategies tested with CGCNN architecture, while Liu et al. [31] improved the sampling strategy for few-shot learning to optimize the distribution of data and recognized fine-grained objects in a remote sensing image.

Distribution of data set with different sampling strategies.
In addition to different sampling strategies, this research also divides the data set used in two conditions: a point cloud with and without intensity. Intensity information in point cloud data is useful for solving various problems in object detection and classification [19,32,33,34]. Both conditions were then sampled with two types of sampling, as described before. The ground truth data used was manually annotated using CloudCompare to classify point cloud data into structure and vegetation classes. Each data set, with and without intensity data and with different strategies, was then trained with PointNet++ architecture. This research employed the PointNet++ deep learning architecture for its proven effectiveness in point cloud segmentation tasks. The choice of PointNet++ is grounded in its ability to capture local and global features of point cloud data, making it well-suited for our segmentation objective. This research in total created four models with the same objectives to segment vegetation and structure classes. All four models were then trained with the same hyperparameters as shown in Table 2 to ensure a fair comparison of the models. The selected parameters for our PointNet++ model were determined through a careful optimization process.
Deep learning hyperparameter
Batch size | 16 |
Epoch | 32 |
Learning rate | 0.001 |
Optimizer | Adam |
Decay rate | 1 × 10−4 |
NPoint | 4,096 |
Step size | 10 |
LR decay | 0.7 |
A batch size of 16 was chosen to balance computational efficiency and model convergence. It allows for efficient parallel processing during training. The number of epochs was chosen, striking a balance between training duration and convergence. The Adam optimizer was chosen for its adaptive learning rate properties, which can effectively handle the non-stationary nature of point cloud data with the learning rate selected to ensure stable and steady model convergence during training. A decay rate was applied to the learning rate to facilitate fine-tuning and prevent overshooting during training. The research uses 4,096 points per batch and is based on the trade-off between computational efficiency and preserving key features in the point cloud data. The selection of parameters aims to strike a balance between model complexity, training efficiency, and segmentation accuracy, aligning with the specific requirements of the outdoor point cloud segmentation task.
All four models were then trained with 32 epochs, creating a trained model and a training log containing the training accuracy and the training loss score. The training accuracy (Figure 4) shows that all models reach high accuracy, with a final score of ±0.975. The training accuracy increases for each epoch, showing that each model learns the data set provided with different parameters and different sampling strategies. The training loss score decreases for each epoch and gets a score of ±0.052 for each model. The training accuracy and the mean loss score differ for each model but have the same pattern.

Training accuracy and mean loss score in the training process.
To evaluate the segmentation performance, the metrics of the mean intersection of union (mIoU) are used. The mIoU is a common method for evaluating segmentation tasks [35], including semantic segmentation. The IoU is a ratio between the area of the intersection or overlap and the area of union [36]. The formula used to calculate the IoU is shownas follows:
The area of overlap indicates an area of points correctly classified by the models. It has the same label as the ground truth and the predicted segmentation. Meanwhile, the area of union represents a combined area of points, i.e., the prediction, the ground truth, or both. The IoU also can be formulated as a ratio between true positives (TPs) and the sum of TPs, false positives (FPs), and false negatives (FNs). The TPs represent the points segmented correctly, while FPs and FNs represent false segmentation. The formula for the IoU is formulated as follows:
IoU was assessed for each class after segmentation, whereas mIoU was used to summarize the overall performance of segmentation models. It considers the individual IoU values for each class and provides an average score, giving equal importance to each class.
In addition to the IoU, OA is also used to assess the overall performance of the model. Unlike the IoU which focuses on the accuracy of individual classes, OA provides a holistic evaluation of the model’s ability to correctly classify all classes in the data set. OA is calculated as the ratio of correctly segmented points to the total number of points in the entire point cloud data set, as provided by the formula. It provides a single, aggregated percentage reflecting the model’s overall effectiveness in capturing the spatial distribution of different classes. A higher OA indicates a more accurate overall segmentation, making it a valuable metric for evaluating the global performance of segmentation models across diverse data sets.
3 Results
3.1 Semantic segmentation
The semantic segmentation result of outdoor point cloud data shows that deep learning, particularly the PointNet++ architecture used in this research, successfully separates vegetation and structure. With different strategies, this research creates four models and aims to analyze the impact of different sampling methods for creating training data sets. Both sampling strategies show an accurate prediction to segment outdoor point cloud data (Table 3). Vegetation and structure classes can be separated from each other. However, the random sampling strategy fails to predict several structural objects, such as the dome located in the center of the park, while the stratified sampling strategy successfully detects the dome as a structural object.
Semantic segmentation result
Ground truth | Prediction | |
---|---|---|
Random sampling | Stratified sampling | |
![]() |
![]() |
![]() |
With intensity | ||
![]() |
![]() |
|
Without intensity | ||
![]() |
![]() |
![]() |
With intensity | ||
![]() |
![]() |
|
Without intensity | ||
![]() |
![]() |
![]() |
With intensity | ||
![]() |
![]() |
|
Without intensity |
Vegetation classes achieve accurate segmentation results using random sampling strategies, with an IoU score over 0.80, and an even higher IoU score of 0.95 with the stratified approach. Although their distributions of vegetation classes differ, both approaches show accurate results. The difference is in the structure class. The stratified sampling outperforms the random one in the segment structure class. The small objects inside the data set also are well predicted in both strategies, even if they are not smooth or there are no clear boundaries between classes, such as small vegetation inside a pot, a gazebo, or a park lamp. The ground, road, and chair as part of the structure class get accurate predictions into all models, with only a slight difference between them. The random and stratified strategies clearly differ in terms of the dome building. The dome is segmented as vegetation in random strategies but correctly classified as a structure in stratified strategies.
The reason for different results with different sampling strategies is highly related to the training data set used. With stratified sampling, the structural objects receive a proportional distribution, making the deep learning model learn and predict more accurately compared with the random strategy. Figure 3 shows that the structure and vegetation distribution with random strategies are imbalanced. In contrast, both classes obtain a 70% distribution with stratified sampling. This prediction gives information about how impactful the distribution of training used for the model is and how it is related to the final segmentation.
In addition to radiometric information such as RGB color, all point cloud data also stored intensity information that represents materials reflection characteristics [21]. The intensity values can vary because of several factors, such as instrumental and atmospheric effects, the target scattering characteristics, and the measurement geometry [37]. The difference in intensity values between objects can be used as a parameter for deep learning to segment the point cloud data and also gives a difference to the result. For random strategies, the data set with intensity is more accurate than the one without intensity. However, in stratified strategies, the impact of intensity in the data set is unsubstantial. To measure the performance of each model after training, the mIoU score was calculated, as shown in Figure 5.

mIoU score comparison after validation.
The mIoU score aggregates the IoU score per class after validation and summarizes it into a single score. The mIoU score clearly shows that the stratified strategy outperformed the random strategy. The difference between them is also considerable, up to 10%. This result shows that stratified sampling is much more accurate in predicting and segmenting the point cloud data in this research.
The use of intensity in point cloud data also gives different mIoU score results for both strategies. The use of intensity improves the model’s accuracy under the random sampling method but does not have a significant impact under stratified sampling, where both data get nearly the same mIoU score. The mIoU and OA scores are 0.98 and 0.9816, respectively, without the use of intensity, decreasing to 0.9605 and 0.9635 with intensities. The mIoU evaluation shows that the segmentation problem can be resolved with different approaches using different sampling methods and different data set formats.
3.2 Performance evaluation
The model performance was assessed using the IoU score per class, mIoU, and OA after testing. The IoU score for each class with different data sets and strategies is shown in Figure 6. The plot shows that for all classes, the stratified sampling strategy outperforms the random strategy. The difference between both strategies is even up to 15%, showing the superiority of the stratified approach over random sampling.

IoU score comparison after the test.
All classes with all methods receive high IoU scores, over 50% with the lowest one being the vegetation class with random sampling and without intensity. For stratified sampling, all classes even reach a 95% IoU score, with or without intensity data. This result means that even with random sampling and without intensity information, the model still achieves high accuracy. From the IoU score per class comparison, the use of intensity in the data set gives an improvement for the random sampling method but not the stratified method. This result is obtained because, in the stratified method, the model learned the data pattern from the balanced distribution of the data set. Consequently, the use of intensity does not apply to every scenario or every approach. The different distributions of the data sets caused by using different sampling methods improve the significant performance after evaluation. It concludes the high dependency between the deep learning method and the data set used, either for training or validation, or testing. The performance of all models is shown in Figure 7 below.

Performance score comparison.
The IoU score for each class, the mIoU score, and the OA show that the stratified strategy can surpass the random strategy by 10%. However, the impact of intensity inside the point cloud data depends on the strategy. The use of intensity increases model performance by 7% using the random sampling strategy but does not impact model performance using the stratified strategy.
3.3 Intensity analysis
Based on a performance evaluation, the use of intensity in the data set improves model performance with random sampling but not the stratified method. This finding provides an insight into why these data or information is probably not applicable or appropriate for all situations. The information and pattern of intensity data are probably the reasons why intensity can improve model performance with the random sampling method but not the stratified method.
The intensity of the data set shows a varied distribution, even within one vegetation class. According to vegetation intensity, stems or wood always have higher intensity than leaves. This result is similar to the findings of Tao et al. [38], who separated wood–leaf using TLS with the geometric method, where wood also has higher intensity values than leaves. The pattern is the same for all trees or vegetation in the data set, in that stems have higher intensity values. This pattern or intensity distribution between stems and values is a piece of important information and can be used to separate both classes.
In addition to one vegetation type, vegetation species differ in intensity. Based on intensity, there is still confusion about separating intensity values between low- and high-leaf vegetation. This confusion is probably due to the overlapping intensity between the two types of vegetation. Low and high vegetation in some intensity ranges have the same values, either the stems or the leaves, making it difficult to separate the low- and high-leaf vegetation.
The structure class also has a varied intensity distribution among man-made objects. A structure comprises ground and non-ground objects that vary in intensity, where the dome has a higher intensity than the ground. The dome receives the highest structure class, highlighting it and differentiating it from other structural objects. The distribution of intensity for several objects from the vegetation and structure classes is shown in Table 4 below.
Intensity distribution
Object | Intensity |
---|---|
Low vegetation | 0.001–0.094 |
Leaves/high vegetation | 0.091–0.253 |
Stems | 0.168–0.271 |
Road (block paving) | 0.026–0.139 |
Rock chair | 0.051–0.195 |
The dome and gazebo | 0.194–0.423 |
Park lights | 0.138–0.387 |
The intensity of structural objects shows a pattern and is affected by various factors, such as laser scanner systems, atmospheric effects, distance and incidence angle, and target surface physical characteristics [39,40,41]. From our point of cloud data, an intensity pattern created between the objects can be seen: the dome, lamp lights, chairs, and finally the road. Each object has a different pattern and distribution of intensity due to different distances, angles, environments, and materials between structures and vegetation with the TLS instrument. An example of the intensity distribution for structure and vegetation classes is shown in Figure 8.

Intensity of structures and vegetation.
Both classes, vegetation and structure, have different intensity patterns, and there are even variations within each class. In the vegetation class, the intensity varies between stems, wood, low vegetation, and high vegetation. These variations are probably caused by the different materials of wood and leaves. However, the difference between low and high vegetation creates assumptions that the intensity also becomes greater with higher objects. Meanwhile, the intensity of structure classes also varies among man-made objects. The variations in structure surface properties and the incidence angle create different intensity patterns [37]. The patterns of structures and vegetation are different and even varied. Structures have a higher intensity pattern than vegetation. The vegetation intensity peaks approximately between 0.05 and 0.15, while the structure is relatively higher at 0.25 to 0.35.
The difference between structure and vegetation becomes a point for separating both classes for segmentation and classification. However, as can be seen from the results, the random sampling strategy failed to segment the dome object, with or without intensity information. The intensity information based on the intensity graph (Figure 9) shows that the vegetation and structure can be separated by the intensity values, but the results of the random sampling method refute this finding. The stratified sampling method is unaffected by these intensity variations.

Graph of intensity of structures and vegetation.
Although the random sampling fails to segment the dome as a structure, the use of intensity does improve model performance. With the intensity value added to the dataset with the random sampling method, model parameters are increased to learn and predict more accurately to segment vegetation and structure. The use of intensity itself is not applicable for all scenarios, proven because stratified sampling does not have an effect whether using intensity or not. The intensity represented by the data is the linear object height, which probably does not contribute greatly to deep learning with stratified sampling.
4 Discussion
According to results and performance evaluation, the stratified sampling method outperforms the random sampling methods. The use of the stratified method improved the accuracy of the model by 10%. With or without intensity data, the stratified sampling is superior to random sampling strategies for both classes, vegetation, and structure.
This result is similar to the findings of another study comparing different sampling strategies for machine learning and deep learning. Mehta et al. [42] compared several data sampling methods, and the result shows that the stratified method outperformed random and simple latent space sampling. Lang et al. [43] also reached a similar conclusion showing the disadvantages of random sampling compared to other methods.
According to the performance evaluation, the average score of the four models created in this research is also reasonable compared with similar research. This research obtains an OA of 0.944, similar to other research using deep learning methods for outdoor segmentation. This OA score is not the highest compared with other research but higher compared with several other methods not using PointNet++. The OA scores of our study and those of other studies are compared in Table 5.
Overall accuracy comparison
Research | Method | OA |
---|---|---|
Krisanski et al. [17] | PointNet++ | 0.958 |
Wang et al. [44] | Unsupervised Learning | 0.925 |
Shen et al. [47] | PointCNN | 0.939 |
This research | PointNet++ | 0.944* |
*Average of four models used.
By using the PointNet++ model, this research obtains a higher OA score compared with other research. However, all the OA scores compared are above 90%, meaning the models are accurate for all the tasks. This research also obtains OA scores, with and without intensity data, and with random and stratified sampling methods. The intensity analysis shows a different pattern of intensity within one class and between classes. The use of intensity for prediction with two sampling methods also causes variation in the performances of the models. The use of intensity improves accuracy under random sampling but does not affect the results of the stratified method.
The use of intensity for point cloud classification has limited application scenarios [44]. According to Kaasalainen et al. [45] and Calders et al. [46], the intensity information is affected by many factors, such as the distance and incidence angle, and needs to be calibrated. These factors probably caused inconsistency in intensity data and did not affect deep learning performance in stratified sampling. The use of intensity in some applications still separates wood and leaves with difficulty [20]. Levashev [22], who segmented intensity point cloud data into individual objects, showed similar results. In some cases, the information about intensities does not allow for effective segmentation.
With the limitation of intensity data, several studies switched to using geometric features to accelerate model performance. The geometric features are represented by the point cloud itself and are unaffected by many factors, likewise the intensity. PointNet++ is chosen as the deep learning architecture, creating four models with different sampling strategies, random sampling and stratified sampling, and different data sets, with and without intensity information in the data. A limitation lies in the specificity of our dataset, which was derived from a particular park environment. Future work could benefit from a more diverse set of outdoor environments to assess the robustness of our methodology across varied contexts. Additionally, the performance evaluation focused on segmentation accuracy, and future research could explore additional metrics to provide a more comprehensive understanding of model performance. Despite these limitations, this research lays a foundation for future research to expand and refine outdoor point cloud segmentation methodologies, providing avenues for broader applicability and increased robustness in diverse environmental settings.
In contrast to prior studies, these research results yield distinctive findings that significantly contribute to the field of semantic segmentation in outdoor environments using deep learning. The extensive performance evaluation reveals a noteworthy advancement with the implementation of the stratified sampling method, outperforming random sampling by a substantial accuracy. Remarkably, this superiority persists across both vegetation and structure classes, irrespective of the presence or absence of intensity data. Surprisingly, the study diverges from existing literature by showcasing that the inclusion of intensity information in point cloud classification does not enhance the overall performance of the deep learning model. This finding not only challenges previous assumptions but also underscores the nuanced applicability of intensity data, revealing its limited effectiveness under certain conditions. These nuanced results not only distinguish this research from prior works but also carry implications for the practical implementation of deep learning techniques in outdoor semantic segmentation. The recognition of the superior performance of stratified sampling and the limited utility of intensity information in certain scenarios provide valuable insights that can guide future endeavors in optimizing segmentation accuracy for outdoor digital twin applications.
5 Conclusion
According to the experimental result, it can be concluded that the sampling method used for datasets highly impacts model performance. The use of stratified sampling balances the distribution of both classes. With random sampling, there are possibilities of imbalance between classes, making the model fail to predict accurately. Meanwhile, stratified sampling ensures that both classes have an equal distribution of data sets. The semantic segmentation result showed the stratified method outperforms the random method. Performance evaluation of each model reveals the use of the stratified method boosted the performance of the model by up to 10%. However, all four models obtain a high IoU score per class and an mIoU score >80%, meaning that all models are accurate, but a model with the stratified method obtains the highest performance. Moreover, this research obtains a reasonable and good performance compared with other research.
For the intensity, these data can be useful but are not applicable or suitable for all situations. The performance evaluation shows an improvement in the model when using intensity with random sampling compared to not using intensity. However, the use of intensity with stratified sampling does not affect the performance of the model, meaning that the model still predicts accurately even without intensity information. The intensity analysis reveals that intensity values are distributed in and between classes, making them useful information for separating objects that have highly different intensity values. This nuanced observation provides a practical perspective on the conditional applicability of intensity data in outdoor point cloud segmentation, aligning with these research findings in intensity analysis.
The utilization of Deep Learning algorithms, notably PointNet++, in outdoor environments extends their applicability beyond interiors, showcasing the adaptability of such methodologies in addressing real-world complexities. The demonstrated superiority of the stratified sampling strategy over random subsampling not only optimizes data set quality for geospatial analyses but also holds broader implications for machine learning practices. Additionally, while intensity information within point cloud data may not universally enhance model performance, the insights gained contribute valuable considerations for practitioners, guiding the judicious selection of parameters for more effective model training and segmentation outcomes. These findings collectively advance the field by enhancing segmentation methodologies in outdoor settings and offering practical guidelines for the broader integration of deep learning in geospatial data analytics.
Acknowledgments
The authors thank the Department of Geodetic Engineering – Universitas Gadjah Mada for providing laboratorium facilities and financial support. The authors also acknowledge the support of Leica Geosystems Indonesia, which provided a TLS instrument and its equipment.
-
Funding information: This study is partly supported by Department of Geodetic Engineering Research Scheme.
-
Author contributions: Harintaka Harintaka designed the research method and workflow and prepared and reviewed the manuscript. Calvin Wijaya performed data acquisition and technical data processing, and prepared the manuscript. Both authors have read and agreed to the published version of this manuscript.
-
Conflict of interest: The authors state no conflicts of interest.
-
Data availability statement: The data involved during the present study are available from the corresponding author upon reasonable request.
References
[1] Fedra K. GIS and environmental modeling. Env Model GIS. 1993;February:35–50. http://pure.iiasa.ac.at/id/eprint/3730/1/RR-94-02.pdf%0A.Suche in Google Scholar
[2] Shi H, Wei J, Li R, Liu F, Lin G. Weakly supervised segmentation on outdoor 4D point clouds with temporal matching and spatial graph propagation. Proc IEEE Comput Soc Conf Comput Vis Pattern Recognit. 2022;2022-June:11830–9.10.1109/CVPR52688.2022.01154Suche in Google Scholar
[3] Chen X. Environmental landscape design and planning system based on computer vision and deep learning. J Intell Syst. 2023;32(1):20220092.10.1515/jisys-2022-0092Suche in Google Scholar
[4] Carpenter J, Jung J, Oh S, Hardiman B, Fei S. An unsupervised canopy-to-root pathing (UCRP) tree segmentation algorithm for automatic forest mapping. Remote Sens. 2022;14(17):4274.10.3390/rs14174274Suche in Google Scholar
[5] Seidel D, Annighöfer P, Thielman A, Seifert QE, Thauer JH, Glatthorn J, et al. Predicting tree species from 3D laser scanning point clouds using deep learning. Front Plant Sci. 2021;12(February):1–12.10.3389/fpls.2021.635440Suche in Google Scholar PubMed PubMed Central
[6] Oehmcke S, Li L, Revenga JC, Nord-Larsen T, Trepekli K, Gieseke F, et al. Deep learning based 3D point cloud regression for estimating forest biomass. GIS Proc ACM Int Symp Adv Geogr Inf Syst. 2022;1–31.10.1145/3557915.3561471Suche in Google Scholar
[7] Xie Y, Tian J, Zhu XX. Linking points with labels in 3D: A review of point cloud semantic segmentation. arXiv; 2019 August.10.1109/MGRS.2019.2937630Suche in Google Scholar
[8] Jacobs M, Rais A, Pretzsch H. How drought stress becomes visible upon detecting tree shape using terrestrial laser scanning (TLS). Ecol Manage. 2021;489(March):118975. 10.1016/j.foreco.2021.118975 Suche in Google Scholar
[9] Ko C, Lee S, Yim J, Kim D, Kang J. Comparison of forest inventory methods at plot-level between a backpack personal laser scanning (Bpls) and conventional equipment in Jeju Island, South Korea. Forests. 2021;12(3):1–13.10.3390/f12030308Suche in Google Scholar
[10] Muumbe TP, Baade J, Singh J, Schmullius C, Thau C. Terrestrial laser scanning for vegetation analyses with a special focus on savannas. Remote Sens. 2021;13(3):1–31.10.3390/rs13030507Suche in Google Scholar
[11] O’sullivan H, Raumonen P, Kaitaniemi P, Perttunen J, Sievänen R. Integrating terrestrial laser scanning with functional-structural plant models to investigate ecological and evolutionary processes of forest communities. Ann Bot. 2021;128(6):663–84.10.1093/aob/mcab120Suche in Google Scholar PubMed PubMed Central
[12] Wang F, Bryson M. Tree segmentation and parameter measurement from point clouds using deep and handcrafted features. Remote Sens. 2023;15(4):1–28.10.3390/rs15041086Suche in Google Scholar
[13] Bryson M, Wang F, Allworth J. Using synthetic tree data in deep learning-based tree segmentation using LiDAR point clouds. Remote Sens. 2023;15(9):2380.10.3390/rs15092380Suche in Google Scholar
[14] Chen J, Chen Y, Liu Z. Classification of typical tree species in laser point cloud based on deep learning. Remote Sens. 2021;13(23):1–21.10.3390/rs13234750Suche in Google Scholar
[15] Liu B, Chen S, Huang H, Tian X. Tree species classification of backpack laser scanning data using the PointNet++ point cloud deep learning method. Remote Sens. 2022;14(15):3809.10.3390/rs14153809Suche in Google Scholar
[16] Chen X, Jiang K, Zhu Y, Wang X, Yun T. Individual tree crown segmentation directly from uav-borne lidar data using the pointnet of deep learning. Forests. 2021;12(2):1–22.10.3390/f12020131Suche in Google Scholar
[17] Krisanski S, Taskhiri MS, Aracil SG, Herries D, Turner P. Sensor agnostic semantic segmentation of structurally diverse and complex forest point clouds using deep learning. Remote Sens. 2021;13(8):1413.10.3390/rs13081413Suche in Google Scholar
[18] Li H, Liping D, Huang X, Li D. Laser intensity used in classification of lidar point cloud data. Int Geosci Remote Sens Symp. 2008;2(1):1140–3.Suche in Google Scholar
[19] Reymann C, Lacroix S. Improving LiDAR point cloud classification using intensities and multiple echoes. IEEE Int Conf Intell Robot Syst. 2015;2015-Dec:5122–8.10.1109/IROS.2015.7354098Suche in Google Scholar
[20] Sun J, Wang P, Gao Z, Liu Z, Li Y, Gan X, et al. Wood–leaf classification of tree point cloud based on intensity and geometric information. Remote Sens. 2021;13(20):4050.10.3390/rs13204050Suche in Google Scholar
[21] Song J-H, Han S-H, Yu K, Kim Y-I. Assessing the possibility of land-cover classification using lidar intensity data. Int Arch Photogramm Remote Sens Spat Inf Sci - ISPRS Arch. 2002;34:259–62.Suche in Google Scholar
[22] Levashev SP. Segmentation of a point cloud by data on laser scanning intensities. Pattern Recognit Image Anal. 2019;29(1):144–55.10.1134/S1054661819010152Suche in Google Scholar
[23] Johnson JM, Khoshgoftaar TM. The effects of data sampling with deep learning and highly imbalanced big data. Inf Syst Front. 2020;22(5):1113–31.10.1007/s10796-020-10022-7Suche in Google Scholar
[24] Katharopoulos A, Fleuret F. Not all samples are created equal: Deep learning with importance sampling. 35th Int Conf Mach Learn ICML. 2018;2018(6):3936–49.Suche in Google Scholar
[25] Qi CR, Yi L, Su H, Guibas LJ. PointNet++: Deep hierarchical feature learning on point sets in a metric space. Adv Neural Inf Process Syst. 2017;2017-Dec:5100–9.Suche in Google Scholar
[26] Liu S, Zhang M, Kadam P, Kuo CC, Liu S, Zhang M, et al. 3D point cloud analysis: traditional, deep learning, and explainable machine learning methods. Switzerland: Springer International Publishing; 2021. p. 58–60.10.1007/978-3-030-89180-0Suche in Google Scholar
[27] Weinmann M. Reconstruction and analysis of 3D scenes: From irregularly distributed 3D points to object classes. Reconstruction and Analysis of 3D Scenes: From Irregularly Distributed 3D Points to Object Classes. Switzerland: Springer International Publishing; 2016. p. 1–233.Suche in Google Scholar
[28] Qi CR, Su H, Mo K, Guibas LJ. PointNet: Deep learning on point sets for 3D classification and segmentation. Comput Vis Pattern Recognit. 2017;77–85.10.1109/CVPR.2017.16Suche in Google Scholar
[29] Kada M, Kuramin D. ALS point cloud classification using PointNet++ and KPConv with prior knowledge. Int Arch Photogramm Remote Sens Spat Inf Sci - ISPRS Arch. 2021;46(4/W4-2021):91–6.10.5194/isprs-archives-XLVI-4-W4-2021-91-2021Suche in Google Scholar
[30] Magar R, Barati Farimani A. Learning from mistakes: Sampling strategies to efficiently train machine learning models for material property prediction. Comput Mater Sci. 2023;224(October 2022):112167. 10.1016/j.commatsci.2023.112167.Suche in Google Scholar
[31] Liu S, Ma A, Pan S, Zhong Y. An effective task sampling strategy based on category generation for fine-grained few-shot object recognition. Remote Sens. 2023;15(6):1552.10.3390/rs15061552Suche in Google Scholar
[32] Wang Z, Wang X, Fang B, Yu K, Ma J. Vehicle detection based on point cloud intensity and distance clustering. J Phys Conf Ser. 2021;1748(4):6.10.1088/1742-6596/1748/4/042053Suche in Google Scholar
[33] Fang L, Chen H, Luo H, Guo Y, Li J. An intensity-enhanced method for handling mobile laser scanning point clouds. Int J Appl Earth Obs Geoinf. 2022;107:102684. 10.1016/j.jag.2022.102684.Suche in Google Scholar
[34] Lei X, Wang H, Wang C, Zhao Z, Miao J, Tian P. Als point cloud classification by integrating an improved fully convolutional network into transfer learning with multi-scale and multi-view deep features. Sens (Switz). 2020;20(23):1–15.10.3390/s20236969Suche in Google Scholar PubMed PubMed Central
[35] Rahman MA, Wang Y. Optimizing intersection-over-union in deep neural networks for image segmentation. Lect Notes Comput Sci (including Subser Lect Notes Artif Intell Lect Notes Bioinforma). 2016;10072 LNCS:234–44.10.1007/978-3-319-50835-1_22Suche in Google Scholar
[36] Shanmugamani R. Deep Learning for Computer Vision: Expert techniques to train advanced neural networks using TensorFlow and Keras. Birmingham, UK: Packt Publishing Ltd; 2018. p. 305.Suche in Google Scholar
[37] Kaasalainen S, Jaakkola A, Kaasalainen M, Krooks A, Kukko A. Analysis of incidence angle and distance effects on terrestrial laser scanner intensity: Search for correction methods. Remote Sens. 2011;3(10):2207–21.10.3390/rs3102207Suche in Google Scholar
[38] Tao S, Guo Q, Xu S, Su Y, Li Y, Wu F. A geometric method for wood-leaf separation using terrestrial and simulated lidar data. Photogramm Eng Remote Sens. 2015;81(10):767–76.10.14358/PERS.81.10.767Suche in Google Scholar
[39] Pfeifer N, Dorninger P, Haring A, Fan H. Investigating terrestrial laser scanning intensity data: Quality and functional relations. 8th Conf Opt 3-D Meas Tech; 2007 November. p. 328–37.Suche in Google Scholar
[40] Kashani AG, Olsen MJ, Parrish CE, Wilson N. A review of LIDAR radiometric processing: From ad hoc intensity correction to rigorous radiometric calibration. Sens (Switz). 2015;15(11):28099–128.10.3390/s151128099Suche in Google Scholar PubMed PubMed Central
[41] Bolkas D. Terrestrial laser scanner intensity correction for the incidence angle effect on surfaces with different colours and sheens. Int J Remote Sens. 2019;40(18):7169–89. 10.1080/01431161.2019.1601283.Suche in Google Scholar
[42] Mehta P, Portillo S, Balazinska M, Connolly A. Sampling for deep learning model diagnosis; 2020. http://arxiv.org/abs/2002.09754.10.1109/ICDE48307.2020.00201Suche in Google Scholar
[43] Lang K, Liberty E, Shmakov K. Stratified sampling meets machine learning. 33rd Int Conf Mach Learn ICML 2016. 2016;5(1):3442–51.Suche in Google Scholar
[44] Wang D, Momo Takoudjou S, Casella E. LeWoS: A universal leaf-wood classification method to facilitate the 3D modelling of large tropical trees using terrestrial LiDAR. Methods Ecol Evol. 2020;11:376–89.10.1111/2041-210X.13342Suche in Google Scholar
[45] Kaasalainen S, Krooks A, Kukko A, Kaartinen H. Radiometric calibration of terrestrial laser scanners withexternal reference targets. Remote Sens. 2009;1(3):144–58.10.3390/rs1030144Suche in Google Scholar
[46] Calders K, Disney MI, Armston J, Burt A, Brede B, Origo N, et al. Evaluation of the range accuracy and the radiometric calibration of multiple terrestrial laser scanning instruments for data interoperability. IEEE Trans Geosci Remote Sens. 2017;55(5):2716–24.10.1109/TGRS.2017.2652721Suche in Google Scholar
[47] Shen X, Huang Q, Wang X, Li J, Xi B. A deep learning-based method for extracting standing wood feature parameters from terrestrial laser scanning point clouds of artificially planted forest. Remote Sens. 2022;14(15):3842.10.3390/rs14153842Suche in Google Scholar
© 2024 the author(s), published by De Gruyter
This work is licensed under the Creative Commons Attribution 4.0 International License.
Artikel in diesem Heft
- Regular Articles
- Theoretical magnetotelluric response of stratiform earth consisting of alternative homogeneous and transitional layers
- The research of common drought indexes for the application to the drought monitoring in the region of Jin Sha river
- Evolutionary game analysis of government, businesses, and consumers in high-standard farmland low-carbon construction
- On the use of low-frequency passive seismic as a direct hydrocarbon indicator: A case study at Banyubang oil field, Indonesia
- Water transportation planning in connection with extreme weather conditions; case study – Port of Novi Sad, Serbia
- Zircon U–Pb ages of the Paleozoic volcaniclastic strata in the Junggar Basin, NW China
- Monitoring of mangrove forests vegetation based on optical versus microwave data: A case study western coast of Saudi Arabia
- Microfacies analysis of marine shale: A case study of the shales of the Wufeng–Longmaxi formation in the western Chongqing, Sichuan Basin, China
- Multisource remote sensing image fusion processing in plateau seismic region feature information extraction and application analysis – An example of the Menyuan Ms6.9 earthquake on January 8, 2022
- Identification of magnetic mineralogy and paleo-flow direction of the Miocene-quaternary volcanic products in the north of Lake Van, Eastern Turkey
- Impact of fully rotating steel casing bored pile on adjacent tunnels
- Adolescents’ consumption intentions toward leisure tourism in high-risk leisure environments in riverine areas
- Petrogenesis of Jurassic granitic rocks in South China Block: Implications for events related to subduction of Paleo-Pacific plate
- Differences in urban daytime and night block vitality based on mobile phone signaling data: A case study of Kunming’s urban district
- Random forest and artificial neural network-based tsunami forests classification using data fusion of Sentinel-2 and Airbus Vision-1 satellites: A case study of Garhi Chandan, Pakistan
- Integrated geophysical approach for detection and size-geometry characterization of a multiscale karst system in carbonate units, semiarid Brazil
- Spatial and temporal changes in ecosystem services value and analysis of driving factors in the Yangtze River Delta Region
- Deep fault sliding rates for Ka-Ping block of Xinjiang based on repeating earthquakes
- Improved deep learning segmentation of outdoor point clouds with different sampling strategies and using intensities
- Platform margin belt structure and sedimentation characteristics of Changxing Formation reefs on both sides of the Kaijiang-Liangping trough, eastern Sichuan Basin, China
- Enhancing attapulgite and cement-modified loess for effective landfill lining: A study on seepage prevention and Cu/Pb ion adsorption
- Flood risk assessment, a case study in an arid environment of Southeast Morocco
- Lower limits of physical properties and classification evaluation criteria of the tight reservoir in the Ahe Formation in the Dibei Area of the Kuqa depression
- Evaluation of Viaducts’ contribution to road network accessibility in the Yunnan–Guizhou area based on the node deletion method
- Permian tectonic switch of the southern Central Asian Orogenic Belt: Constraints from magmatism in the southern Alxa region, NW China
- Element geochemical differences in lower Cambrian black shales with hydrothermal sedimentation in the Yangtze block, South China
- Three-dimensional finite-memory quasi-Newton inversion of the magnetotelluric based on unstructured grids
- Obliquity-paced summer monsoon from the Shilou red clay section on the eastern Chinese Loess Plateau
- Classification and logging identification of reservoir space near the upper Ordovician pinch-out line in Tahe Oilfield
- Ultra-deep channel sand body target recognition method based on improved deep learning under UAV cluster
- New formula to determine flyrock distance on sedimentary rocks with low strength
- Assessing the ecological security of tourism in Northeast China
- Effective reservoir identification and sweet spot prediction in Chang 8 Member tight oil reservoirs in Huanjiang area, Ordos Basin
- Detecting heterogeneity of spatial accessibility to sports facilities for adolescents at fine scale: A case study in Changsha, China
- Effects of freeze–thaw cycles on soil nutrients by soft rock and sand remodeling
- Vibration prediction with a method based on the absorption property of blast-induced seismic waves: A case study
- A new look at the geodynamic development of the Ediacaran–early Cambrian forearc basalts of the Tannuola-Khamsara Island Arc (Central Asia, Russia): Conclusions from geological, geochemical, and Nd-isotope data
- Spatio-temporal analysis of the driving factors of urban land use expansion in China: A study of the Yangtze River Delta region
- Selection of Euler deconvolution solutions using the enhanced horizontal gradient and stable vertical differentiation
- Phase change of the Ordovician hydrocarbon in the Tarim Basin: A case study from the Halahatang–Shunbei area
- Using interpretative structure model and analytical network process for optimum site selection of airport locations in Delta Egypt
- Geochemistry of magnetite from Fe-skarn deposits along the central Loei Fold Belt, Thailand
- Functional typology of settlements in the Srem region, Serbia
- Hunger Games Search for the elucidation of gravity anomalies with application to geothermal energy investigations and volcanic activity studies
- Addressing incomplete tile phenomena in image tiling: Introducing the grid six-intersection model
- Evaluation and control model for resilience of water resource building system based on fuzzy comprehensive evaluation method and its application
- MIF and AHP methods for delineation of groundwater potential zones using remote sensing and GIS techniques in Tirunelveli, Tenkasi District, India
- New database for the estimation of dynamic coefficient of friction of snow
- Measuring urban growth dynamics: A study in Hue city, Vietnam
- Comparative models of support-vector machine, multilayer perceptron, and decision tree predication approaches for landslide susceptibility analysis
- Experimental study on the influence of clay content on the shear strength of silty soil and mechanism analysis
- Geosite assessment as a contribution to the sustainable development of Babušnica, Serbia
- Using fuzzy analytical hierarchy process for road transportation services management based on remote sensing and GIS technology
- Accumulation mechanism of multi-type unconventional oil and gas reservoirs in Northern China: Taking Hari Sag of the Yin’e Basin as an example
- TOC prediction of source rocks based on the convolutional neural network and logging curves – A case study of Pinghu Formation in Xihu Sag
- A method for fast detection of wind farms from remote sensing images using deep learning and geospatial analysis
- Spatial distribution and driving factors of karst rocky desertification in Southwest China based on GIS and geodetector
- Physicochemical and mineralogical composition studies of clays from Share and Tshonga areas, Northern Bida Basin, Nigeria: Implications for Geophagia
- Geochemical sedimentary records of eutrophication and environmental change in Chaohu Lake, East China
- Research progress of freeze–thaw rock using bibliometric analysis
- Mixed irrigation affects the composition and diversity of the soil bacterial community
- Examining the swelling potential of cohesive soils with high plasticity according to their index properties using GIS
- Geological genesis and identification of high-porosity and low-permeability sandstones in the Cretaceous Bashkirchik Formation, northern Tarim Basin
- Usability of PPGIS tools exemplified by geodiscussion – a tool for public participation in shaping public space
- Efficient development technology of Upper Paleozoic Lower Shihezi tight sandstone gas reservoir in northeastern Ordos Basin
- Assessment of soil resources of agricultural landscapes in Turkestan region of the Republic of Kazakhstan based on agrochemical indexes
- Evaluating the impact of DEM interpolation algorithms on relief index for soil resource management
- Petrogenetic relationship between plutonic and subvolcanic rocks in the Jurassic Shuikoushan complex, South China
- A novel workflow for shale lithology identification – A case study in the Gulong Depression, Songliao Basin, China
- Characteristics and main controlling factors of dolomite reservoirs in Fei-3 Member of Feixianguan Formation of Lower Triassic, Puguang area
- Impact of high-speed railway network on county-level accessibility and economic linkage in Jiangxi Province, China: A spatio-temporal data analysis
- Estimation model of wild fractional vegetation cover based on RGB vegetation index and its application
- Lithofacies, petrography, and geochemistry of the Lamphun oceanic plate stratigraphy: As a record of the subduction history of Paleo-Tethys in Chiang Mai-Chiang Rai Suture Zone of Thailand
- Structural features and tectonic activity of the Weihe Fault, central China
- Application of the wavelet transform and Hilbert–Huang transform in stratigraphic sequence division of Jurassic Shaximiao Formation in Southwest Sichuan Basin
- Structural detachment influences the shale gas preservation in the Wufeng-Longmaxi Formation, Northern Guizhou Province
- Distribution law of Chang 7 Member tight oil in the western Ordos Basin based on geological, logging and numerical simulation techniques
- Evaluation of alteration in the geothermal province west of Cappadocia, Türkiye: Mineralogical, petrographical, geochemical, and remote sensing data
- Numerical modeling of site response at large strains with simplified nonlinear models: Application to Lotung seismic array
- Quantitative characterization of granite failure intensity under dynamic disturbance from energy standpoint
- Characteristics of debris flow dynamics and prediction of the hazardous area in Bangou Village, Yanqing District, Beijing, China
- Rockfall mapping and susceptibility evaluation based on UAV high-resolution imagery and support vector machine method
- Statistical comparison analysis of different real-time kinematic methods for the development of photogrammetric products: CORS-RTK, CORS-RTK + PPK, RTK-DRTK2, and RTK + DRTK2 + GCP
- Hydrogeological mapping of fracture networks using earth observation data to improve rainfall–runoff modeling in arid mountains, Saudi Arabia
- Petrography and geochemistry of pegmatite and leucogranite of Ntega-Marangara area, Burundi, in relation to rare metal mineralisation
- Prediction of formation fracture pressure based on reinforcement learning and XGBoost
- Hazard zonation for potential earthquake-induced landslide in the eastern East Kunlun fault zone
- Monitoring water infiltration in multiple layers of sandstone coal mining model with cracks using ERT
- Study of the patterns of ice lake variation and the factors influencing these changes in the western Nyingchi area
- Productive conservation at the landslide prone area under the threat of rapid land cover changes
- Sedimentary processes and patterns in deposits corresponding to freshwater lake-facies of hyperpycnal flow – An experimental study based on flume depositional simulations
- Study on time-dependent injectability evaluation of mudstone considering the self-healing effect
- Detection of objects with diverse geometric shapes in GPR images using deep-learning methods
- Behavior of trace metals in sedimentary cores from marine and lacustrine environments in Algeria
- Spatiotemporal variation pattern and spatial coupling relationship between NDVI and LST in Mu Us Sandy Land
- Formation mechanism and oil-bearing properties of gravity flow sand body of Chang 63 sub-member of Yanchang Formation in Huaqing area, Ordos Basin
- Diagenesis of marine-continental transitional shale from the Upper Permian Longtan Formation in southern Sichuan Basin, China
- Vertical high-velocity structures and seismic activity in western Shandong Rise, China: Case study inspired by double-difference seismic tomography
- Spatial coupling relationship between metamorphic core complex and gold deposits: Constraints from geophysical electromagnetics
- Disparities in the geospatial allocation of public facilities from the perspective of living circles
- Research on spatial correlation structure of war heritage based on field theory. A case study of Jinzhai County, China
- Formation mechanisms of Qiaoba-Zhongdu Danxia landforms in southwestern Sichuan Province, China
- Magnetic data interpretation: Implication for structure and hydrocarbon potentiality at Delta Wadi Diit, Southeastern Egypt
- Deeply buried clastic rock diagenesis evolution mechanism of Dongdaohaizi sag in the center of Junggar fault basin, Northwest China
- Application of LS-RAPID to simulate the motion of two contrasting landslides triggered by earthquakes
- The new insight of tectonic setting in Sunda–Banda transition zone using tomography seismic. Case study: 7.1 M deep earthquake 29 August 2023
- The critical role of c and φ in ensuring stability: A study on rockfill dams
- Evidence of late quaternary activity of the Weining-Shuicheng Fault in Guizhou, China
- Extreme hydroclimatic events and response of vegetation in the eastern QTP since 10 ka
- Spatial–temporal effect of sea–land gradient on landscape pattern and ecological risk in the coastal zone: A case study of Dalian City
- Study on the influence mechanism of land use on carbon storage under multiple scenarios: A case study of Wenzhou
- A new method for identifying reservoir fluid properties based on well logging data: A case study from PL block of Bohai Bay Basin, North China
- Comparison between thermal models across the Middle Magdalena Valley, Eastern Cordillera, and Eastern Llanos basins in Colombia
- Mineralogical and elemental analysis of Kazakh coals from three mines: Preliminary insights from mode of occurrence to environmental impacts
- Chlorite-induced porosity evolution in multi-source tight sandstone reservoirs: A case study of the Shaximiao Formation in western Sichuan Basin
- Predicting stability factors for rotational failures in earth slopes and embankments using artificial intelligence techniques
- Origin of Late Cretaceous A-type granitoids in South China: Response to the rollback and retreat of the Paleo-Pacific plate
- Modification of dolomitization on reservoir spaces in reef–shoal complex: A case study of Permian Changxing Formation, Sichuan Basin, SW China
- Geological characteristics of the Daduhe gold belt, western Sichuan, China: Implications for exploration
- Rock physics model for deep coal-bed methane reservoir based on equivalent medium theory: A case study of Carboniferous-Permian in Eastern Ordos Basin
- Enhancing the total-field magnetic anomaly using the normalized source strength
- Shear wave velocity profiling of Riyadh City, Saudi Arabia, utilizing the multi-channel analysis of surface waves method
- Effect of coal facies on pore structure heterogeneity of coal measures: Quantitative characterization and comparative study
- Inversion method of organic matter content of different types of soils in black soil area based on hyperspectral indices
- Detection of seepage zones in artificial levees: A case study at the Körös River, Hungary
- Tight sandstone fluid detection technology based on multi-wave seismic data
- Characteristics and control techniques of soft rock tunnel lining cracks in high geo-stress environments: Case study of Wushaoling tunnel group
- Influence of pore structure characteristics on the Permian Shan-1 reservoir in Longdong, Southwest Ordos Basin, China
- Study on sedimentary model of Shanxi Formation – Lower Shihezi Formation in Da 17 well area of Daniudi gas field, Ordos Basin
- Multi-scenario territorial spatial simulation and dynamic changes: A case study of Jilin Province in China from 1985 to 2030
- Review Articles
- Major ascidian species with negative impacts on bivalve aquaculture: Current knowledge and future research aims
- Prediction and assessment of meteorological drought in southwest China using long short-term memory model
- Communication
- Essential questions in earth and geosciences according to large language models
- Erratum
- Erratum to “Random forest and artificial neural network-based tsunami forests classification using data fusion of Sentinel-2 and Airbus Vision-1 satellites: A case study of Garhi Chandan, Pakistan”
- Special Issue: Natural Resources and Environmental Risks: Towards a Sustainable Future - Part I
- Spatial-temporal and trend analysis of traffic accidents in AP Vojvodina (North Serbia)
- Exploring environmental awareness, knowledge, and safety: A comparative study among students in Montenegro and North Macedonia
- Determinants influencing tourists’ willingness to visit Türkiye – Impact of earthquake hazards on Serbian visitors’ preferences
- Application of remote sensing in monitoring land degradation: A case study of Stanari municipality (Bosnia and Herzegovina)
- Optimizing agricultural land use: A GIS-based assessment of suitability in the Sana River Basin, Bosnia and Herzegovina
- Assessing risk-prone areas in the Kratovska Reka catchment (North Macedonia) by integrating advanced geospatial analytics and flash flood potential index
- Analysis of the intensity of erosive processes and state of vegetation cover in the zone of influence of the Kolubara Mining Basin
- GIS-based spatial modeling of landslide susceptibility using BWM-LSI: A case study – city of Smederevo (Serbia)
- Geospatial modeling of wildfire susceptibility on a national scale in Montenegro: A comparative evaluation of F-AHP and FR methodologies
- Geosite assessment as the first step for the development of canyoning activities in North Montenegro
- Urban geoheritage and degradation risk assessment of the Sokograd fortress (Sokobanja, Eastern Serbia)
- Multi-hazard modeling of erosion and landslide susceptibility at the national scale in the example of North Macedonia
- Understanding seismic hazard resilience in Montenegro: A qualitative analysis of community preparedness and response capabilities
- Forest soil CO2 emission in Quercus robur level II monitoring site
- Characterization of glomalin proteins in soil: A potential indicator of erosion intensity
- Power of Terroir: Case study of Grašac at the Fruška Gora wine region (North Serbia)
- Special Issue: Geospatial and Environmental Dynamics - Part I
- Qualitative insights into cultural heritage protection in Serbia: Addressing legal and institutional gaps for disaster risk resilience
Artikel in diesem Heft
- Regular Articles
- Theoretical magnetotelluric response of stratiform earth consisting of alternative homogeneous and transitional layers
- The research of common drought indexes for the application to the drought monitoring in the region of Jin Sha river
- Evolutionary game analysis of government, businesses, and consumers in high-standard farmland low-carbon construction
- On the use of low-frequency passive seismic as a direct hydrocarbon indicator: A case study at Banyubang oil field, Indonesia
- Water transportation planning in connection with extreme weather conditions; case study – Port of Novi Sad, Serbia
- Zircon U–Pb ages of the Paleozoic volcaniclastic strata in the Junggar Basin, NW China
- Monitoring of mangrove forests vegetation based on optical versus microwave data: A case study western coast of Saudi Arabia
- Microfacies analysis of marine shale: A case study of the shales of the Wufeng–Longmaxi formation in the western Chongqing, Sichuan Basin, China
- Multisource remote sensing image fusion processing in plateau seismic region feature information extraction and application analysis – An example of the Menyuan Ms6.9 earthquake on January 8, 2022
- Identification of magnetic mineralogy and paleo-flow direction of the Miocene-quaternary volcanic products in the north of Lake Van, Eastern Turkey
- Impact of fully rotating steel casing bored pile on adjacent tunnels
- Adolescents’ consumption intentions toward leisure tourism in high-risk leisure environments in riverine areas
- Petrogenesis of Jurassic granitic rocks in South China Block: Implications for events related to subduction of Paleo-Pacific plate
- Differences in urban daytime and night block vitality based on mobile phone signaling data: A case study of Kunming’s urban district
- Random forest and artificial neural network-based tsunami forests classification using data fusion of Sentinel-2 and Airbus Vision-1 satellites: A case study of Garhi Chandan, Pakistan
- Integrated geophysical approach for detection and size-geometry characterization of a multiscale karst system in carbonate units, semiarid Brazil
- Spatial and temporal changes in ecosystem services value and analysis of driving factors in the Yangtze River Delta Region
- Deep fault sliding rates for Ka-Ping block of Xinjiang based on repeating earthquakes
- Improved deep learning segmentation of outdoor point clouds with different sampling strategies and using intensities
- Platform margin belt structure and sedimentation characteristics of Changxing Formation reefs on both sides of the Kaijiang-Liangping trough, eastern Sichuan Basin, China
- Enhancing attapulgite and cement-modified loess for effective landfill lining: A study on seepage prevention and Cu/Pb ion adsorption
- Flood risk assessment, a case study in an arid environment of Southeast Morocco
- Lower limits of physical properties and classification evaluation criteria of the tight reservoir in the Ahe Formation in the Dibei Area of the Kuqa depression
- Evaluation of Viaducts’ contribution to road network accessibility in the Yunnan–Guizhou area based on the node deletion method
- Permian tectonic switch of the southern Central Asian Orogenic Belt: Constraints from magmatism in the southern Alxa region, NW China
- Element geochemical differences in lower Cambrian black shales with hydrothermal sedimentation in the Yangtze block, South China
- Three-dimensional finite-memory quasi-Newton inversion of the magnetotelluric based on unstructured grids
- Obliquity-paced summer monsoon from the Shilou red clay section on the eastern Chinese Loess Plateau
- Classification and logging identification of reservoir space near the upper Ordovician pinch-out line in Tahe Oilfield
- Ultra-deep channel sand body target recognition method based on improved deep learning under UAV cluster
- New formula to determine flyrock distance on sedimentary rocks with low strength
- Assessing the ecological security of tourism in Northeast China
- Effective reservoir identification and sweet spot prediction in Chang 8 Member tight oil reservoirs in Huanjiang area, Ordos Basin
- Detecting heterogeneity of spatial accessibility to sports facilities for adolescents at fine scale: A case study in Changsha, China
- Effects of freeze–thaw cycles on soil nutrients by soft rock and sand remodeling
- Vibration prediction with a method based on the absorption property of blast-induced seismic waves: A case study
- A new look at the geodynamic development of the Ediacaran–early Cambrian forearc basalts of the Tannuola-Khamsara Island Arc (Central Asia, Russia): Conclusions from geological, geochemical, and Nd-isotope data
- Spatio-temporal analysis of the driving factors of urban land use expansion in China: A study of the Yangtze River Delta region
- Selection of Euler deconvolution solutions using the enhanced horizontal gradient and stable vertical differentiation
- Phase change of the Ordovician hydrocarbon in the Tarim Basin: A case study from the Halahatang–Shunbei area
- Using interpretative structure model and analytical network process for optimum site selection of airport locations in Delta Egypt
- Geochemistry of magnetite from Fe-skarn deposits along the central Loei Fold Belt, Thailand
- Functional typology of settlements in the Srem region, Serbia
- Hunger Games Search for the elucidation of gravity anomalies with application to geothermal energy investigations and volcanic activity studies
- Addressing incomplete tile phenomena in image tiling: Introducing the grid six-intersection model
- Evaluation and control model for resilience of water resource building system based on fuzzy comprehensive evaluation method and its application
- MIF and AHP methods for delineation of groundwater potential zones using remote sensing and GIS techniques in Tirunelveli, Tenkasi District, India
- New database for the estimation of dynamic coefficient of friction of snow
- Measuring urban growth dynamics: A study in Hue city, Vietnam
- Comparative models of support-vector machine, multilayer perceptron, and decision tree predication approaches for landslide susceptibility analysis
- Experimental study on the influence of clay content on the shear strength of silty soil and mechanism analysis
- Geosite assessment as a contribution to the sustainable development of Babušnica, Serbia
- Using fuzzy analytical hierarchy process for road transportation services management based on remote sensing and GIS technology
- Accumulation mechanism of multi-type unconventional oil and gas reservoirs in Northern China: Taking Hari Sag of the Yin’e Basin as an example
- TOC prediction of source rocks based on the convolutional neural network and logging curves – A case study of Pinghu Formation in Xihu Sag
- A method for fast detection of wind farms from remote sensing images using deep learning and geospatial analysis
- Spatial distribution and driving factors of karst rocky desertification in Southwest China based on GIS and geodetector
- Physicochemical and mineralogical composition studies of clays from Share and Tshonga areas, Northern Bida Basin, Nigeria: Implications for Geophagia
- Geochemical sedimentary records of eutrophication and environmental change in Chaohu Lake, East China
- Research progress of freeze–thaw rock using bibliometric analysis
- Mixed irrigation affects the composition and diversity of the soil bacterial community
- Examining the swelling potential of cohesive soils with high plasticity according to their index properties using GIS
- Geological genesis and identification of high-porosity and low-permeability sandstones in the Cretaceous Bashkirchik Formation, northern Tarim Basin
- Usability of PPGIS tools exemplified by geodiscussion – a tool for public participation in shaping public space
- Efficient development technology of Upper Paleozoic Lower Shihezi tight sandstone gas reservoir in northeastern Ordos Basin
- Assessment of soil resources of agricultural landscapes in Turkestan region of the Republic of Kazakhstan based on agrochemical indexes
- Evaluating the impact of DEM interpolation algorithms on relief index for soil resource management
- Petrogenetic relationship between plutonic and subvolcanic rocks in the Jurassic Shuikoushan complex, South China
- A novel workflow for shale lithology identification – A case study in the Gulong Depression, Songliao Basin, China
- Characteristics and main controlling factors of dolomite reservoirs in Fei-3 Member of Feixianguan Formation of Lower Triassic, Puguang area
- Impact of high-speed railway network on county-level accessibility and economic linkage in Jiangxi Province, China: A spatio-temporal data analysis
- Estimation model of wild fractional vegetation cover based on RGB vegetation index and its application
- Lithofacies, petrography, and geochemistry of the Lamphun oceanic plate stratigraphy: As a record of the subduction history of Paleo-Tethys in Chiang Mai-Chiang Rai Suture Zone of Thailand
- Structural features and tectonic activity of the Weihe Fault, central China
- Application of the wavelet transform and Hilbert–Huang transform in stratigraphic sequence division of Jurassic Shaximiao Formation in Southwest Sichuan Basin
- Structural detachment influences the shale gas preservation in the Wufeng-Longmaxi Formation, Northern Guizhou Province
- Distribution law of Chang 7 Member tight oil in the western Ordos Basin based on geological, logging and numerical simulation techniques
- Evaluation of alteration in the geothermal province west of Cappadocia, Türkiye: Mineralogical, petrographical, geochemical, and remote sensing data
- Numerical modeling of site response at large strains with simplified nonlinear models: Application to Lotung seismic array
- Quantitative characterization of granite failure intensity under dynamic disturbance from energy standpoint
- Characteristics of debris flow dynamics and prediction of the hazardous area in Bangou Village, Yanqing District, Beijing, China
- Rockfall mapping and susceptibility evaluation based on UAV high-resolution imagery and support vector machine method
- Statistical comparison analysis of different real-time kinematic methods for the development of photogrammetric products: CORS-RTK, CORS-RTK + PPK, RTK-DRTK2, and RTK + DRTK2 + GCP
- Hydrogeological mapping of fracture networks using earth observation data to improve rainfall–runoff modeling in arid mountains, Saudi Arabia
- Petrography and geochemistry of pegmatite and leucogranite of Ntega-Marangara area, Burundi, in relation to rare metal mineralisation
- Prediction of formation fracture pressure based on reinforcement learning and XGBoost
- Hazard zonation for potential earthquake-induced landslide in the eastern East Kunlun fault zone
- Monitoring water infiltration in multiple layers of sandstone coal mining model with cracks using ERT
- Study of the patterns of ice lake variation and the factors influencing these changes in the western Nyingchi area
- Productive conservation at the landslide prone area under the threat of rapid land cover changes
- Sedimentary processes and patterns in deposits corresponding to freshwater lake-facies of hyperpycnal flow – An experimental study based on flume depositional simulations
- Study on time-dependent injectability evaluation of mudstone considering the self-healing effect
- Detection of objects with diverse geometric shapes in GPR images using deep-learning methods
- Behavior of trace metals in sedimentary cores from marine and lacustrine environments in Algeria
- Spatiotemporal variation pattern and spatial coupling relationship between NDVI and LST in Mu Us Sandy Land
- Formation mechanism and oil-bearing properties of gravity flow sand body of Chang 63 sub-member of Yanchang Formation in Huaqing area, Ordos Basin
- Diagenesis of marine-continental transitional shale from the Upper Permian Longtan Formation in southern Sichuan Basin, China
- Vertical high-velocity structures and seismic activity in western Shandong Rise, China: Case study inspired by double-difference seismic tomography
- Spatial coupling relationship between metamorphic core complex and gold deposits: Constraints from geophysical electromagnetics
- Disparities in the geospatial allocation of public facilities from the perspective of living circles
- Research on spatial correlation structure of war heritage based on field theory. A case study of Jinzhai County, China
- Formation mechanisms of Qiaoba-Zhongdu Danxia landforms in southwestern Sichuan Province, China
- Magnetic data interpretation: Implication for structure and hydrocarbon potentiality at Delta Wadi Diit, Southeastern Egypt
- Deeply buried clastic rock diagenesis evolution mechanism of Dongdaohaizi sag in the center of Junggar fault basin, Northwest China
- Application of LS-RAPID to simulate the motion of two contrasting landslides triggered by earthquakes
- The new insight of tectonic setting in Sunda–Banda transition zone using tomography seismic. Case study: 7.1 M deep earthquake 29 August 2023
- The critical role of c and φ in ensuring stability: A study on rockfill dams
- Evidence of late quaternary activity of the Weining-Shuicheng Fault in Guizhou, China
- Extreme hydroclimatic events and response of vegetation in the eastern QTP since 10 ka
- Spatial–temporal effect of sea–land gradient on landscape pattern and ecological risk in the coastal zone: A case study of Dalian City
- Study on the influence mechanism of land use on carbon storage under multiple scenarios: A case study of Wenzhou
- A new method for identifying reservoir fluid properties based on well logging data: A case study from PL block of Bohai Bay Basin, North China
- Comparison between thermal models across the Middle Magdalena Valley, Eastern Cordillera, and Eastern Llanos basins in Colombia
- Mineralogical and elemental analysis of Kazakh coals from three mines: Preliminary insights from mode of occurrence to environmental impacts
- Chlorite-induced porosity evolution in multi-source tight sandstone reservoirs: A case study of the Shaximiao Formation in western Sichuan Basin
- Predicting stability factors for rotational failures in earth slopes and embankments using artificial intelligence techniques
- Origin of Late Cretaceous A-type granitoids in South China: Response to the rollback and retreat of the Paleo-Pacific plate
- Modification of dolomitization on reservoir spaces in reef–shoal complex: A case study of Permian Changxing Formation, Sichuan Basin, SW China
- Geological characteristics of the Daduhe gold belt, western Sichuan, China: Implications for exploration
- Rock physics model for deep coal-bed methane reservoir based on equivalent medium theory: A case study of Carboniferous-Permian in Eastern Ordos Basin
- Enhancing the total-field magnetic anomaly using the normalized source strength
- Shear wave velocity profiling of Riyadh City, Saudi Arabia, utilizing the multi-channel analysis of surface waves method
- Effect of coal facies on pore structure heterogeneity of coal measures: Quantitative characterization and comparative study
- Inversion method of organic matter content of different types of soils in black soil area based on hyperspectral indices
- Detection of seepage zones in artificial levees: A case study at the Körös River, Hungary
- Tight sandstone fluid detection technology based on multi-wave seismic data
- Characteristics and control techniques of soft rock tunnel lining cracks in high geo-stress environments: Case study of Wushaoling tunnel group
- Influence of pore structure characteristics on the Permian Shan-1 reservoir in Longdong, Southwest Ordos Basin, China
- Study on sedimentary model of Shanxi Formation – Lower Shihezi Formation in Da 17 well area of Daniudi gas field, Ordos Basin
- Multi-scenario territorial spatial simulation and dynamic changes: A case study of Jilin Province in China from 1985 to 2030
- Review Articles
- Major ascidian species with negative impacts on bivalve aquaculture: Current knowledge and future research aims
- Prediction and assessment of meteorological drought in southwest China using long short-term memory model
- Communication
- Essential questions in earth and geosciences according to large language models
- Erratum
- Erratum to “Random forest and artificial neural network-based tsunami forests classification using data fusion of Sentinel-2 and Airbus Vision-1 satellites: A case study of Garhi Chandan, Pakistan”
- Special Issue: Natural Resources and Environmental Risks: Towards a Sustainable Future - Part I
- Spatial-temporal and trend analysis of traffic accidents in AP Vojvodina (North Serbia)
- Exploring environmental awareness, knowledge, and safety: A comparative study among students in Montenegro and North Macedonia
- Determinants influencing tourists’ willingness to visit Türkiye – Impact of earthquake hazards on Serbian visitors’ preferences
- Application of remote sensing in monitoring land degradation: A case study of Stanari municipality (Bosnia and Herzegovina)
- Optimizing agricultural land use: A GIS-based assessment of suitability in the Sana River Basin, Bosnia and Herzegovina
- Assessing risk-prone areas in the Kratovska Reka catchment (North Macedonia) by integrating advanced geospatial analytics and flash flood potential index
- Analysis of the intensity of erosive processes and state of vegetation cover in the zone of influence of the Kolubara Mining Basin
- GIS-based spatial modeling of landslide susceptibility using BWM-LSI: A case study – city of Smederevo (Serbia)
- Geospatial modeling of wildfire susceptibility on a national scale in Montenegro: A comparative evaluation of F-AHP and FR methodologies
- Geosite assessment as the first step for the development of canyoning activities in North Montenegro
- Urban geoheritage and degradation risk assessment of the Sokograd fortress (Sokobanja, Eastern Serbia)
- Multi-hazard modeling of erosion and landslide susceptibility at the national scale in the example of North Macedonia
- Understanding seismic hazard resilience in Montenegro: A qualitative analysis of community preparedness and response capabilities
- Forest soil CO2 emission in Quercus robur level II monitoring site
- Characterization of glomalin proteins in soil: A potential indicator of erosion intensity
- Power of Terroir: Case study of Grašac at the Fruška Gora wine region (North Serbia)
- Special Issue: Geospatial and Environmental Dynamics - Part I
- Qualitative insights into cultural heritage protection in Serbia: Addressing legal and institutional gaps for disaster risk resilience