Next Article in Journal
Suppression of Jammer Multipath in GNSS Antenna Array Receiver
Next Article in Special Issue
Multiview Image Matching of Optical Satellite and UAV Based on a Joint Description Neural Network
Previous Article in Journal
Soil Erosion Susceptibility Prediction in Railway Corridors Using RUSLE, Soil Degradation Index and the New Normalized Difference Railway Erosivity Index (NDReLI)
Previous Article in Special Issue
BiFDANet: Unsupervised Bidirectional Domain Adaptation for Semantic Segmentation of Remote Sensing Images
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Logging Trail Segmentation via a Novel U-Net Convolutional Neural Network and High-Density Laser Scanning Data

Department of Forest Sciences, University of Helsinki, Latokartanonkaari 7, 00014 Helsinki, Finland
*
Author to whom correspondence should be addressed.
Remote Sens. 2022, 14(2), 349; https://doi.org/10.3390/rs14020349
Submission received: 3 December 2021 / Revised: 6 January 2022 / Accepted: 10 January 2022 / Published: 13 January 2022
(This article belongs to the Special Issue Deep Learning and Computer Vision in Remote Sensing)

Abstract

:
Logging trails are one of the main components of modern forestry. However, spotting the accurate locations of old logging trails through common approaches is challenging and time consuming. This study was established to develop an approach, using cutting-edge deep-learning convolutional neural networks and high-density laser scanning data, to detect logging trails in different stages of commercial thinning, in Southern Finland. We constructed a U-Net architecture, consisting of encoder and decoder paths with several convolutional layers, pooling and non-linear operations. The canopy height model (CHM), digital surface model (DSM), and digital elevation models (DEMs) were derived from the laser scanning data and were used as image datasets for training the model. The labeled dataset for the logging trails was generated from different references as well. Three forest areas were selected to test the efficiency of the algorithm that was developed for detecting logging trails. We designed 21 routes, including 390 samples of the logging trails and non-logging trails, covering all logging trails inside the stands. The results indicated that the trained U-Net using DSM (k = 0.846 and IoU = 0.867) shows superior performance over the trained model using CHM (k = 0.734 and IoU = 0.782), DEMavg (k = 0.542 and IoU = 0.667), and DEMmin (k = 0.136 and IoU = 0.155) in distinguishing logging trails from non-logging trails. Although the efficiency of the developed approach in young and mature stands that had undergone the commercial thinning is approximately perfect, it needs to be improved in old stands that have not received the second or third commercial thinning.

Graphical Abstract

1. Introduction

In modern timber harvesting, logging trails are crucial entities for the accurate navigations of harvesters and forwarders to penetrate into forest stands for silvicultural operations [1] in the pathway of precision harvesting. However, spotting the accurate locations of old logging trails is one the major and most challenging tasks for forest owners or operators/drivers, particularly in the stands that have not undergone commercial thinning for a long period of time. Little is known about holistic solutions for the detection of logging trails using remote-sensing data. However, cutting-edge deep-learning based approaches using high-density laser scanning data may aid in solving this problem.
In Finland, rotation forest management (RFM) is the most common silvicultural method. It relies on three main phases: establishment, thinning, and final felling [2]. Normally, forest stands are thinned two to three times between the ages of 20 and 70 years [3,4]. Logging trails are determined with a width of 4–5 m and a spacing of 20–25 m in the first commercial thinning [1,3,5], which covers the entirety of a stand. However, some segments of a trail, an entire trail, or even a logging trail network may vanish on the ground over time, due to the regrowth of trees, the growth of seedlings, and the spreading of the crowns of trees on the trail surface. Therefore, spotting the initial locations of logging trails can be time-consuming and costly. Additionally, misinterpreting the original logging trail network in subsequent thinning operations may cause overcut of the growing stock.
In recent decades, airborne laser scanning (ALS) systems have become central to characterizing the 3D structure of forest canopies. These systems have provided cutting-edge applications and research in forestry, particularly in the areas of forest inventory and ecology [6,7,8]. Few studies have addressed the detection of logging trails using laser scanning data [9,10], while well-documented literature is available regarding the mapping of forest roads using either low-density laser scanning data or high-density laser scanning data [11,12,13,14,15,16]. The majority of these studies have used traditional methods based on edge detection, thresholding, or object-based segmentation to detect logging trails or forest roads under canopies via machine learning algorithms. Sherba et al. [10] presented a rule-based classification approach for detecting old logging roads using slope models derived from high-density LiDAR data in Marin County, California. They reported that some post-classification techniques such as LiDAR-derived flow direction raster and curvature increased the accuracy of detecting logging trails by dropping streams and gullies and adding ridge trails to the final classified layer. They emphasized that the high point density of LiDAR data has a significant influence on the accuracy of discriminating old logging trails from non-trail objects. Similarly, Buján et al. [16] proposed a pixel-based random forest approach to map paved and unpaved roads through numerous LiDAR-derived metrics in the forests of Spain. However, they concluded that the density of LiDAR points did not have a significant impact on the accuracy of the detection of roads using random forest. Lee et al. [9] extracted trails using the segmentation of canopy density derived from the airborne laser swath mapping (ALSM) data. They labeled the sharpened sightlines as trails that result from the visibility vectors between the canopies. The introduced approaches may show promising results but rely on heavy pre-processing and post-processing tasks. Typically, they are developed for a specific type of trail or road in a particular forest. Furthermore, the detection of a logging trail is more difficult than the detection of a forest road using these developed approaches, due to a lower geometric consistency, more complex background, and the occlusions of the canopy [17]. Therefore, the need to develop a versatile approach, such as deep learning methods with minimal processing and optimal efficiency for detecting logging trails from laser scanning data, is undeniable.
Recently, convolutional neural networks (CNNs), as one of the architectures of deep learning neural networks, have become the epicenter for image classification, semantic segmentation, pattern recondition, and object detection, in particular with the emerging high-resolution remote sensing data [18,19]. The standard architecture of a CNN encompasses a set of convolutional layers, pooling and non-linear operations [20]. The primary characteristics of a CNN are the spatial connectivity between the adjacent layers, sharing of the weights, acquiring features from low-spatial scale to high-spatial scale, and integrating the modules of feature extractions and classifiers [21]. Various successful CNN architectures have been developed for main road classification, such as U-Net [22] and GANs [23], and for main road area or centerline extractions, such as U-Net [24,25,26,27,28,29], ResNet [30], GANs [31], Y-Net [32], SegNet [33], and CasNet [34], which mostly were used very high-resolution satellite (VHR) images or UAV. Several studies have addressed the outperforming of deep learning-based approaches in forest applications, such as individual tree detection [35,36,37,38], species classification [35,39,40,41,42], tree characteristics extraction [43,44], and forest disturbances [45,46,47,48], mostly using VHR, UAV, or high-density laser scanning data. At present, little is known about the efficiency of the deep learning-based approaches on the extraction of logging trails or forest roads.
Tree occlusions and other noises hampered accurate road detection using the traditional road segmentation methods even using VHR images [17,49,50]. However, the CNN-based approaches could relatively alleviate the effects of complex background and the occlusion of trees [34,51]. Using high-density laser scanning data with the capability of penetrating into the canopy and reaching the ground surface may aid to solve these problems. Few studies explored the feasibility of CNN-based architectures in using laser scanning-derived metrics for detecting road networks [52,53]. Caltagirone et al. [52] developed a fast fully convolutional neural network (FCN) for road detection through the metrics of average elevation and density layers derived from laser scanning data. They reported excellent performance of this approach in detecting roads, particularly for real-time applications. Similarly, Verschoof-van der Vaart et al. [53] demonstrated the efficiency of CarcassonNet using a digital terrain model (DTM) derived from laser scanning data for detecting and tracing of archaeological objects such as historical roads in Netherlands.
Although the performance of CNNs methods for road extractions and its components have been well documented using VHR and UAV for public roads [51], this efficiency requires greater scrutiny in the more complex backgrounds, such as for detecting commercial forest roads or logging trails in forests, and with different data such as laser scanning data. Therefore, this study seeks to test the performance of U-Net, as one of the most popular architectures of CNNs, in integration with high-density laser scanning data for detecting logging trails, as one of the most complex networks regarding geometry and visibility in the mechanized forests of Finland.
The main purpose of this research is to develop an end-to-end deep learning-based approach that uses the metrics of high-density laser scanning data to automate the detection of logging trails in forest stands that have undergone commercial thinning. Specifically, we aim to comparatively evaluate the performance of a trained U-Net algorithm by using different derivatives of laser scanning datasets (i.e., canopy height and elevation-based models) for the detection of logging trails. We are also eager to investigate the performance of this approach to detect logging trails in young and mature stands with different development classes.

2. Materials and Methods

2.1. Description of the Study Area

We focused our research on the Kakkurinmaa, Länsi-Aure, and Karpanmaa forests in the municipalities of Parkano and Ikaalinen, Southern Finland. The Kakkurinmaa and Karpanmaa forests are owned by Finsilva Oyj, and the Länsi-Aure forest, as governmental public land, is managed by state-owned Metsähallitus. The forest areas are structured in spatially uniform forest stands, typically 3–10 hectares in size. The tree species are pine, spruce, and birch with a predominance of pine in the three regions. The stands are managed even-aged, and the age range of the stands is between 34 and 72 years. The height of trees ranges between 5 and 30 m. Forest stands are typically thinned 2–3 times during a rotation period in which around 25–30% of the trees are removed [4,54]. We classified forest stands concerning age, height, and thinning operations into four development categories to facilitate the detection of logging trails (Figure 1): (1) young stands before the first commercial thinning, (2) young stands that had experienced the first commercial thinning, (3) mature stands before the second commercial thinning, and (4) mature stands that had undergone the second or third thinning operation. Logging trails may be visible within Categories 2 and 4 stands (Figure 1b,d); however, in some development classes, for example, within Category 3 stands, old logging trails are very challenging to find (Figure 1c).

2.2. Data

We ordered a license to access the high-quality laser scanning data for the study area in 2020, under the framework of the National Land Survey of Finland (NLS). These data are the latest and most accurate laser scanning data that have been collected by the NLS in Finland. The density of data is at least 5 points per square meter, as the average distance between points is circa 40 cm. The mean altimetric error of the data is less than 10 cm and the mean error of horizontal accuracy is less than 45 cm [55]. To detect logging trails, we extracted the canopy height and the elevation metrics after processing the high-quality laser scanning data. The characteristics of the forest stands (e.g., species composition, age, height, and thinning history) and their boundaries were collected from the databases of Finsilva Oy and Metsähallitus. These data were used for the classification of the stands as described in Section 2.1. A further set of required data such as topographic maps and the time-series of orthophotos were also obtained from the open databases of the NLS [56].
We used these data to create the labeled dataset of logging trails for training the U-Net algorithm. In addition to the extensive ground-truth samplings of the logging trails to test the algorithm efficiency (Section 2.5), we visited the logging trails and recorded some tracks in three regions before creating the dataset of labels.

2.3. Training Datasets

We selected 44 laser scanning tiles of 1 × 1 km to create image and labeled datasets for training the deep-learning algorithm. After decompressing the laser scanning datasets, we merged the tiles and produced required data from the cloud points such as the height metrics and elevation models. The canopy height model (CHM) was utilized [57] with a spatial resolution of 0.5 m to estimate the total height of trees. The binning interpolation methods were adopted to derive a digital elevation models (DEMs) based on the minimum cell assignment types (DEMmin) (i.e., close to the terrain using the point clouds with minimum elevation) and the average digital elevation model (DEMavg) as well as a digital surface model (DSM) based on the maximum cell assignment type [58]. For example, the assignment of each output cell was determined from the maximum value of point clouds that fall within its extent to form the DSM. The values of all the raster models were normalized between 0 and 255 using a min–max scaling method. Finally, we smoothed the raster layers by calculating their median value in a 3 × 3 neighborhood around each cell.
The labels of logging trails were generated from a variety of resources such as orthophotos (Figure 2a), trees height (Figure 2b) and profiles extracted from the laser scanning points (Figure 2c and Figure 3). The ground elevation model was used to discriminate ditches and forest roads from the logging trails (Figure 2d). We created a total of 336 km of logging trails and then defined a 2 m buffer, as the width of a segment, from the centerline. The logging trails were converted into a binary image containing the cells with the labels 0 (non-trail) and 1 (trail) (Figure 2e).
The images and their corresponding labels were converted into the patches with a size of 256 × 256 cells (Figure 4a) before entering these into U-Net. In total, we selected 1888 image patches and their corresponding labels for training (75%) and validation (25%) of the U-Net. We excluded some image patches from training datasets that were in the areas selected for collecting test data, as described in Section 2.5.

2.4. U-Net Architecture

The U-Net is one of the cutting-edge architectures of the convolutional neural network for image segmentation due to its simple structure, ability to work with little training data, and high performance [59,60]. The U-Net concatenates low-level information and high-level semantic information that is derived from the convolutional layers. This strategy enables it to produce accurate prediction maps, even with limited training data [59]. The U-shaped structure of U-Net consists of a contraction path (encoder) and an expansion path (decoder). The extraction of low-level features and the reduction of spatial dimensions are implemented in the contraction path, while the spatial dimensions of the features are enhanced through a series of upward convolutions and concatenations in the expansion path. In the architecture of our U-Net (Figure 4b), the contraction path consists of four steps, each step comprising two 3 × 3 convolution layers. Each convolution layer is followed by an ReLU activation function and a batch normalization layer with a same-padded. The spatial dimensions of the features were reduced using a 2 × 2 max-pooling layer. The number of filters/features was doubled, while the spatial dimensions were halved at each contraction step. In our U-Net, the first and last convolution layers of the contraction path entail 16 and 128 filters, respectively. The expansion path consists of a sequence of upsampling of the features, followed by the transposed convolution layers with a stride 2. The upsampling layers combine the high-level features with the corresponding features in the contraction path using the intermediate concatenations. A bottleneck layer with 256 filters is located between the contraction and expansion blocks as well (Figure 4b). The output is a 1 × 1 convolutional layer with one dimension that is followed by a sigmoid activation function (Figure 4c).
The U-Net architecture was constructed and trained in Python using the powerful Keras and TensorFlow libraries [61]. The model was trained using the GPU of NVIDIA Quadro RTX 4000 with 8 GB. We implemented the Hyperband algorithm in Keras Tuner to search the optimal set of hyperparameters for our algorithm [62], such as the optimization algorithm, learning rate, dropout rate, batch size, and loss function [20]. The model builder was used to define the search algorithm and hypertuned model. The model was trained using the training data and evaluated using the test data. Table A1 shows a number of tuned optimal values for the hyperparameters in training the U-Net. The minimum number of epochs was set at 100, and the early stop rule was implicated to stop the process of training, in case of overfitting. The cross-entropy loss function was set to monitor how poorly the U-Net was performing. The plots of accuracy and loss versus the epochs in the training of U-Net are provided in Figure A1.
Figure 5 shows an example of the predicted logging trails from DSM data, using the trained U-Net. The algorithm accepts an input layer (i.e., a DSM) with a fixed size (256, 256, 1). It produces different feature maps in the intermediate step, such as convolution, batch normal, dropout, and max-pooling layers. The convolutional layers generate several spatial features from small parts of the image, based on the defined number and size of the filters. The batch normalization layer normalizes the previous layers in the network. The dropout layer reduces the complexity of the network. The batch normalization and dropout layers act as regulators to avoid overfitting in the model. The max-pooling layer reduces the scale of the features in each step of the contraction path [63]. The output layer indicates the probability of existing logging trails by the fixed size, as the input layer. A few low-level feature maps generated from 32 filters (3 × 3) in the second block of the contraction path along with the obtained high-level feature maps during the expansion path with the same filters are shown in Figure 5b and Figure 5c, respectively.

2.5. Accuracy Assessment

2.5.1. Collecting Testing Data from Logging Trails

We selected some stands to collect testing data from logging trails in the Kakkurinmaa, Länsi-Aure, and Karpanmaa regions (Figure 6a). We designed 21 routes to collect the samples from segments to cover all of the logging trails within a stand (Figure 6b–d). Each route consisted of endpoints, trail segments, and edges (interval between two segment trails) (Figure 6f,g). The segments and edges indicated ground-truth trails and non-trails, respectively.
The length of an example sample segment trail was approximately 30 m; it may be longer in some cases, however, due to certain conditions such as existing connections or looped trails at the edges. Each segment has a start point and an endpoint that are both called endpoints. The positions of endpoints were converted into the GPS Exchange Format (GPX) and imported into a Garmin Oregon 750t GNSS receiver. The routes were reconstructed based on their corresponding endpoints and then navigated point by point with a PDOP (position dilution of precision) of less than 3 m. After finding the approximate location of an endpoint, the surveyor moved to the center of the trail and recorded the segment between the two endpoints using a Trimble GeoXT GNSS receiver. It also controlled the existence of any possible trails between two adjacent trails in the connector edges. The attributes of each endpoint, segment, and edge (e.g., PDOP, dominant tree species, existence trail, or other objects) were recorded. The data were transferred into GPS Pathfinder Office to correct errors based on the nearby GPS base stations to achieve an accuracy of less than 50 cm. The corrected data files were exported in shapefile format for use in assessing the accuracy of the predicted trails by the trained U-Net using the high-density laser scanning datasets.

2.5.2. Accuracy Metrics

A confusion matrix was constructed to assess the accuracy of the trained U-Net through the testing data in predicting logging trails using the laser scanning-derived datasets. The confusion matrix consisted of the number of the ground-truth samples that were labeled as logging trails on the ground and predicted as logging trails through the U-Net (TP), the number of samples that were labeled as non-logging trails and predicted as non-logging trails (TN), the number of samples that were labeled as logging trails but predicted as non-logging trails (FN), and the number of samples that were labeled as non-logging trails but predicted as logging trails (FP). Cohen’s kappa, overall accuracy, intersection over union (IoU), and recall metrics were then derived from the confusion matrix to quantify the U-Net’s performance in detecting logging trails from the canopy height and elevation models.
Cohen’s kappa indicates the ratio of agreement after removing chance agreement [64,65]. It was calculated as Equation (1) [20] with respect to the observed accuracy ( P 0 ) and the randomly expected accuracy ( P e ).
C o h e n s   k a p p a = ( P 0 P e ) ( 1 P e )
P 0 = T P + T N N
P e = ( T P + F N ) × ( T P + F P ) N 2 + ( T N + F P ) × ( T N + F N ) N 2
where N is the total number of ground-truth samples.
The overall accuracy indicates the ratio of correct predictions for both logging trail and non-logging trail classes (Equation (2)).
O v e r a l l   A c c u r a c y = T P + T N T P + T N + F P + F N
IoU expresses the similarity ratio between the predicted logging trails and the corresponding segments of ground truth samples (Equation (3)).
I o U = T P T P + F P + F N
Recall expresses the perfection of the positive predictions. It is the proportion that a real instance of the target class (i.e., logging trails) can be correctly detected through the model (Equation (4)).
R e c a l l = T P ( T P + F N )

3. Results

3.1. Performance of Trained Models

3.1.1. Detection Logging Trails in the Entire Forest

The results of the accuracy assessment of the trained U-Net using the CHM, DSM, and DEMs datasets in distinguishing logging trails from non-logging trails demonstrate the superior performance of the DSM (Table 1). The accuracy metrics show almost excellent performance of the U-Net using the DSM (k = 0.846 and IoU = 0.867), substantial performance using the CHM (k = 0.734 and IoU = 0.782), moderate performance using the DEMavg (k = 0.528 and IoU = 0.587), and a slight performance using the DEMmin (k = 0.136 and IoU = 0.155). The values of Recall show the excellent performance of trained U-Net using the DSM (0.959) and the CHM (0.908) in detecting the logging trail class.

3.1.2. Detection Logging Trails in Different Stages of Commercial Thinning

The performance of the trained U-Net using the CHM, the DSM, and the DEMs varies in distinguishing logging trails from non-logging trails in the four classes of stand development (Figure 7) as well. Although the trained U-Net using CHM could distinguish significantly logging trails from non-logging trails in young stands after the first commercial thinning (k = 0.859 and IoU = 0.893) and in mature stands after the second/third commercial thinning (k = 0.834 and IoU = 0.876), it shows moderate performance in mature stands before the second commercial thinning (k = 0.438 and IoU = 0.505) (Figure 7a).
Similarly, the trained U-Net using DSM showed excellent performance to distinguish the logging trails from the non-logging trails in young stands (k = 0.953 and IoU = 0.963) and mature stands (k = 0.854 and IoU = 0.889) after receiving the commercial thinning operations. The efficiency of the trained model using DSM is higher than the trained model using CHM in mature stands before the second commercial thinning (k = 0.684 and IoU = 0.686) (Figure 7b).
The trained U-Net using DEMavg showed moderate performance in detecting logging trails within thinned stands, with slightly better performance in the mature stands after receiving the commercial thinning (k = 0.542 and IoU = 0.667) (Figure 7c). The trained U-Net using DEMmin demonstrated a slight performance in all four stand classes. The accuracy values in the mature stands with commercial thinning is slightly better than other stands (k = 0.179 and IoU = 0.218) (Figure 7d).

3.2. Prediction of Logging Trails

Figure 8 shows some examples of predicted logging trails by trained U-Net using different datasets within different stages of commercial thinning. Logging trails were detected with high probabilities using both CHM (Figure 8b,c) and DSM (Figure 8f,g) datasets in young stands and mature stands that had undergone commercial thinning. The detected logging trail patterns were very similar by these two models. However, the trained model using DSM detected the trails under the canopy with a higher probability. In the old stands before the second commercial thinning, the trained U-Net, based on the both CHM (Figure 8d) and DSM (Figure 8h), predicted some segments of a trail with a high probability while other segments with a low probability. Typically, most of these segments are located in complex backgrounds that are clogged by regenerated trees or seedlings. However, this detection, even with a low probability, can be used to restore the original network of old logging trails in this type of stand.
The trained U-Net using DEMavg dataset for detecting logging trails, demonstrated a weak prediction in the young stands that had received the first thinning (Figure 8j), a relatively high prediction in the mature stands that had received the second thinning (Figure 8k), and a moderate prediction in the old stands (Figure 8l). The trained U-Net using DEMmin dataset only indicated a high prediction of logging trails in mature stands after a second or third commercial thinning (Figure 8o). As logging trails were not established in young stands before the first commercial thinning, the trained models did not predict any significant segments as part of a logging trail (Figure 8a,e,i,m).

4. Discussion

4.1. Distinguishing Logging Trails from Non-Logging Trails Using U-Net

The developed U-Net algorithm can distinguish logging trails from non-logging trails with almost perfect accuracy in the studied forest stands. The algorithm could precisely classify wide-open, polygonal spaces within the stands, such as forest storage areas and landing areas as a non-logging trail (Figure 9b). Nevertheless, few narrow corridors, mostly within the mature stands that were not thinned for a long time are predicted as logging trails (Figure 9f). Additionally, some linear features such as drainage ditches with geometric characteristics similar to logging trails (e.g., ditch width/cleaned area from tress) may be misidentified as logging trails in some stands (Figure 9g,h). We classified the testing samples of these objects as the FP samples in the confusion matrix during the performance assessment. However, the pattern of the corridors in the network and the geometric characteristics, such as their spacing and width, might cause the U-Net to recognize them as a logging trail. The forest roads are detected as non-logging trails in all stands; the specific geometry of a forest road and its texture on the DSM or CHM resulted in distinguishing it from a logging trail through the U-Net (Figure 9c). As previous studies reported the efficiency of U-Net in detection of road areas using VHR or UAV images [24,25,26,27,28,29], this study adds its efficiency in detection of logging trails using high-density laser scanning data as well. On the basis of traditional machine learning, some studies have extracted numerous metrics from laser scanning data to achieve accurate segments of roads under the canopy [10,16]. However, logging trail segmentation using our trained U-Net does not require laborious feature extractions or post-processing to detect the final trail using laser scanning-derived metrics. The developed end-to-end convolutional neural network approach obtains the image patches of the DSM or CHM, derived from laser scanning points, as inputs without extensive pre-processing and creates trail segments without requiring specific post-processing.

4.2. Detection of Logging Trails in Different Stages of Commercial Thinning

Using the CHM and DSM datasets, our algorithm perfectly detected logging trails in both young and mature stands that had undergone commercial thinning operations (Figure 7a,b). The misidentification of some drainage ditches as logging trails mainly occurred in these two types of stand; we recommend excluding these from the final network. Triangular irregular networks (TIN), which are derived from the laser scanning data, can significantly detect drainage ditches (Figure 9h) and solve this problem. Moreover, using the DSM, the U-Net was able to detect logging trails within mature stands that had not recently undergone a second commercial thinning. The logging trails in these stands do not form a continuous network, as opposed to stands that have undergone recent commercial thinning operations (Figure 8). Some segments of logging trails in the old stands are occluded by regenerated young trees (Figure 9i). The U-Net detected some of these clogged trails with a lower probability, however, which may aid in reconstruction of the original network of logging trails in these stands, for example, similar to the proposed approach [53] for restoring the network of historical roads through hollow roads detected by CarcassonNet and laser scanning-derived DTM.

4.3. Geometric Properties of the Predicted Logging Trails

The trained U-Net has sharpened the geometric properties of the logging-trail network as accurate as that of the labeled dataset used for its training. It recognized the pattern of a network within a stand (Figure 9) and attempted to keep the average spacing (i.e., 20–25 m) between the logging trails, while avoiding any overlap between them, particularly in the stands that were thinned (Figure 9a). The connection between the trails occurred at the endpoints or through intermediate trail connections that looped the trails (Figure 9d,e). The algorithm also detected those segments of a trail that were clogged by new trees, mostly in mature stands that were not thinned over a long period of time (Figure 9i). However, it did retain the overall pattern of a network, making it possible to restore the missing segments and the original network. Similarly, earlier studies reported the efficiency of some CNN-based algorithms, such as CasNet [34] and DH-GAN [66], for the extraction of some characterizations of main roads using VHR images.
No ground data was available to measure the accurate width of the logging trails. Therefore, we took the standard width of 4 m for a logging trail into account during the creation of the labeled dataset. We attempted to select trails that are visible in the set of our applied sources (e.g., orthophotos and tree profiles), particularly for the stands that had undergone commercial thinning. We randomly visited some of the logging trails within the selected sites to achieve the highest confidence in the created labeled dataset, before training the model.
The U-Net perfectly detected the features as logging trails when their width was close to the average value. For example, forest roads were classified as non-logging trails using this geometry by the U-Net. However, we could not find reliable labels in some complex stands, such as the mature stands that were not thinned for a long time. With the modern harvesting methods, the harvesters and forwarders are equipped with a computer system and a global navigation satellite system (GNSS) [67,68] that enables them to record the tracks of logging trails with an acceptable accuracy during thinning operations. We recommend employing this large dataset to train the deep learning-based algorithms to sharpen the detection of logging trails using high-quality laser scanning data, particularly in the complex stands.
To explore how well the developed U-Net algorithm performed with the datasets of high-quality laser scanning, we carried out a novel sampling method, with an extensive field survey from the predicted logging trails and non-logging trails in three selected forest sites. For this purpose, we collected adequate ground-truth samples (390) from the segments of predicted logging trails (with a size of circa 30 m) and the interval between two logging trails to check for possible missing trails that might not be detected by the algorithm (Figure 6). This surveying method enabled us to take samples from almost entire logging trails inside a stand; as a logging trail is designed as a continuous loop line starting from one side of the stand and continuing to the other side, so a segment of this line represents the existing or non-existence of the entire trail. It also enabled us to detect the non-logging trail objects either in the spot of predicted logging trails (i.e., segments) or the space between the trails (i.e., edges). Therefore, we maintained a balance between the samples of logging trails and non-logging trail objects, which is curtailed in the assessment of the efficiency of machine learning- or deep learning-based approaches to avoid unbalanced testing data and then miss-evaluation by the algorithm [69].

4.4. DEM Drawbacks in Detecting Logging Trails

Our research confirms the efficiency of the laser scanning derived metrics that sharpen the changes in the canopy structure of the trees, such as the DSM and DHM, in detecting logging trails (Figure 3). Therefore, the metrics, such as DEMs, which merely demonstrate the topographic characteristics of the ground surface, failed to recognize logging trails in the stands that had undergone commercial thinning. The earlier studies reported the efficiency of high-quality laser scanning data for detecting old logging trails or skid trails in harvested forests using DEM-derivatives, such as the morphological metrics [10,70]. Conversely, using the DEMs dataset (i.e., close to the ground surface), our research did not verify the efficiency of U-Net for detecting logging trails in forests that use harvesters or forwarders in commercial thinning (Figure 7). The soil damage created by harvesters and forwarders is reported to be less than that of skidders during the forest operations [71]. Forwarders carry a large volume of timber, but skidders drag the logs on the ground with several passes, which results in soil disturbance, compaction, and rutting [72]. Moreover, Finland’s forest management regulations do not allow heavy soil disturbances, such as deep ruts (>10 cm), during commercial thinning. They recommend spreading logging residues on the logging trails, particularly on routes prone to rutting, to minimize soil damage [5]. The looped pattern of a logging trail network and retaining the optimal spacing between the trails within a stand, may aid to reduce the number of passes on some specific trails and then soil disturbances in forest operations as well. These practices lead to minimal alterations in the natural condition of the ground by logging trails. Therefore, logging trails are not expected to emerge in the DEM against the skid trails [70], abandoned logging trails [10], drainage ditches, or forest roads (Figure 9). Nevertheless, a few logging trails were detected using the DEMs dataset in the mature stands that had undergone commercial thinning (Figure 8). There is a good chance that increasing the number of passes by the machinery [73], using multifactional and heavier harvesters/forwarders [1], surging the weight of timber loads, and concentrating the forest operation during wet seasons [73], have all resulted in soil compression and then alteration in the natural ground (i.e., terrain).

4.5. Applications

Our findings and the procedure that we developed have several implications for precision harvesting and sustainable forest management during forest operations. A holistic network of old logging trails may lead to a better understanding of the patterns, geometric characteristics, efficiency, and drawbacks of the network. This understanding provides a new perspective on the designation of an optimal logging-trail network in the new stands, one that can minimize the costs of thinning operations and the damage to the soil and the trees left. This new perspective also provides a modification of the routes of a network that probably passes the soils with low bearing capacity due to a weakness in the design of the initial network or the deformation of the ground surface over time.
By having a network of old logging trails, the operators can import the routes into the computer system of the harvesters/forwarders for accurate navigation of the machines. Doing so decreases the costs of finding the old trails and prevents the overthinning of the stand, which may occur when removing trees for establishing new trails. This is a crucial step to approaching the aims of precision harvesting by minimizing the operation costs and preserving the forest landscape in modern forestry.

4.6. Outlook

Despite difficulties in finding reliable logging trails, we could collect acceptable patches of labeled datasets for training the U-Net algorithm. However, the datasets are limited to the Parkano and Ikaalinen areas, in Southern Finland. We strongly recommend employing a large dataset of logging trails that covers similar forest stands, with regard to commercial thinning, at least in the Nordic region for training the deep learning-based algorithm to achieve a versatile algorithm for the detection of logging trails.
The developed model performed with reasonable accuracy in detection of old logging trails in the mature stands that had not received the second thinning. However, detecting entire segments of a logging trail is still challenging in this type of stand. As mentioned earlier, providing an appropriate labeled dataset for improving the process of training the algorithm or testing the performances of other deep learning-based algorithms may aid in sharpening old logging trails in the mature stands.
In some stands, the drainage ditches hampered the efficiency of U-Net using the DSM or DHM to distinguish the logging trails through the semantic segmentation procedure that relies on the binary segmentation. We recommend testing high-level semantic segmentation or instance segmentation that discriminates different objects from each other [74]. However, this requires a larger labeled dataset based on the number of objects.

5. Conclusions

In this research, we presented an end-to-end U-Net convolutional neural network that uses high-density laser scanning-derived metrics for logging trail extraction. We carried out an extensive field survey to test the efficiency of the trained model based on three metrics (i.e., DSM, CHM, and DEMs) in forests with different commercial thinning. The trained U-Net using DSM was able to distinguish logging trails from the background with a high probability and very high performance, particularly in young and mature stands that had undergone commercial thinning. However, it needs to be improved for the very old stands that have not received second commercial thinning for a long time. The developed model can be used easily by the end-users, without heavy pre-processing of the laser scanning data or heavy post-processing of the outputs. We recommend creating a large labeled dataset from logging trials collected by harvesters during thinning operations and use them to train the deep-learning based algorithms. It would help to develop a versatile model that can extract logging trails in different forest management systems and different thinning stages, at least over the Nordic regions.

Author Contributions

Conceptualization, O.A., J.U. and V.-P.K.; methodology, O.A., J.U. and V.-P.K.; data provision, J.U.; data preparation, O.A.; software and programming, O.A.; field investigation and sampling, O.A., J.U. and V.-P.K.; visualization, O.A.; writing—original draft preparation, O.A.; writing—review and editing, J.U. and V.-P.K.; supervision, J.U. and V.-P.K.; project administration, J.U. All authors have read and agreed to the published version of the manuscript.

Funding

This work has been funded by the public-private partnership grant established for the professorship of forest operation and logistics at the University of Helsinki, grant number 7820148 and by the proof-of-concept-grant by the Faculty of Agriculture and Forestry, University of Helsinki, grant number 78004041. The APC was funded by University of Helsinki.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Acknowledgments

We would like thank Mikko Leinonen and Juho Luotola for assisting in the field operations. We would also like to express our gratitude to Finsilva Oyj and Metsähallitus for providing the access to their forest holdings and related forest inventory databases.

Conflicts of Interest

The authors declare no conflict of interest. The funders had no role in the design of the study; in the collection, analyses, or interpretation of data; in the writing of the manuscript, or in the decision to publish the results.

Appendix A

Table A1. U-Net tuned hyperparameters.
Table A1. U-Net tuned hyperparameters.
ParameterValue
Kernels16, 32, 64, 128, 256
ActivationReLU
Weight initializerHeNormal
Max-pooling size(2, 2)
OptimizerAdam (β1 = 0.9, β2 = 0.999, ε = 1 × 10−7)
Learning rate0.0008
Batch size32
Dropout rate[0.2, 0.4]
Figure A1. Accuracy and loss versus epochs during training of U-Net using (a) the DSM, (b) the CHM, (c) the DEMavg, and (d) the DEMmin derived from high-density laser scanning data.
Figure A1. Accuracy and loss versus epochs during training of U-Net using (a) the DSM, (b) the CHM, (c) the DEMavg, and (d) the DEMmin derived from high-density laser scanning data.
Remotesensing 14 00349 g0a1

References

  1. Uusitalo, J. Introduction to Forest Operations and Technology; JVP Forest Systems OY: Helsinki, Finland, 2010; ISBN 978-952-92-5269-5. [Google Scholar]
  2. Pukkala, T.; Lähde, E.; Laiho, O. Continuous Cover Forestry in Finland—Recent Research Results. In Continuous Cover Forestry; Pukkala, T., von Gadow, K., Eds.; Springer: Dordrecht, The Netherlands, 2012; pp. 85–128. ISBN 978-94-007-2201-9. [Google Scholar]
  3. Mielikaeinen, K.; Hakkila, P. Review of wood fuel from precommercial thinning and plantation cleaning in Finland. In Wood Fuel from Early Thinning and Plantation Cleaning: An International Review; Puttock, D., Richardson, J., Eds.; Vantaa Research Centre, Finnish Forest Research Institute: Vantaa, Finland, 1998; pp. 29–36. ISBN 9514016009. [Google Scholar]
  4. Leinonen, A. Harvesting Technology of Forest Residues for Fuel in the USA and Finland; Valopaino Oy: Helsinki, Finland, 2004; ISBN 951-38-6212-7. [Google Scholar]
  5. Äijälä, O.; Koistinen, A.; Sved, J.; Vanhatalo, K.; Väisänen, P. Recommendations for Forest Management; Tapio Oy: Helsinki, Finland, 2019; Available online: https://tapio.fi/wp-content/uploads/2020/09/Metsanhoidon_suositukset_Tapio_2019.pdf (accessed on 31 May 2021).
  6. Maltamo, M.; Næsset, E.; Vauhkonen, J. Forestry Applications of Airborne Laser Scanning: Concepts and Case Studies; Maltamo, M., Næsset, E., Vauhkonen, J., Eds.; Springer: Dordrecht, The Netherlands, 2014; ISBN 978-94-017-8662-1. [Google Scholar]
  7. Saukkola, A.; Melkas, T.; Riekki, K.; Sirparanta, S.; Peuhkurinen, J.; Holopainen, M.; Hyyppä, J.; Vastaranta, M. Predicting Forest Inventory Attributes Using Airborne Laser Scanning, Aerial Imagery, and Harvester Data. Remote Sens. 2019, 11, 797. [Google Scholar] [CrossRef] [Green Version]
  8. Lin, C. Improved derivation of forest stand canopy height structure using harmonized metrics of full-waveform data. Remote Sens. Environ. 2019, 235, 111436. [Google Scholar] [CrossRef]
  9. Lee, H.; Slatton, K.C.; Jhee, H. Detecting forest trails occluded by dense canopies using ALSM data. In Proceedings of the 2005 IEEE International Geoscience and Remote Sensing Symposium, Seoul, Korea, 25–29 July 2005; Institute of Electrical and Electronics Engineers (IEEE): Piscataway, NJ, USA, 2005; pp. 3587–3590, ISBN 0-7803-9050-4. Available online: https://ieeexplore.ieee.org/document/1526623 (accessed on 5 October 2021).
  10. Sherba, J.; Blesius, L.; Davis, J. Object-Based Classification of Abandoned Logging Roads under Heavy Canopy Using LiDAR. Remote Sens. 2014, 6, 4043–4060. [Google Scholar] [CrossRef] [Green Version]
  11. Ferraz, A.; Mallet, C.; Chehata, N. Large-scale road detection in forested mountainous areas using airborne topographic lidar data. ISPRS J. Photogramm. Remote Sens. 2016, 112, 23–36. [Google Scholar] [CrossRef]
  12. Li, C.; Ma, L.; Zhou, M.; Zhu, X. Study on Road Detection Method from Full-Waveform LiDAR Data in Forested Area. In Proceedings of the Fourth International Conference on Ubiquitous Positioning, Indoor Navigation and Location Based Services (UPINLBS), Shanghai, China, 2–4 November 2016. [Google Scholar]
  13. Hrůza, P.; Mikita, T.; Tyagur, N.; Krejza, Z.; Cibulka, M.; Procházková, A.; Patočka, Z. Detecting Forest Road Wearing Course Damage Using Different Methods of Remote Sensing. Remote Sens. 2018, 10, 492. [Google Scholar] [CrossRef] [Green Version]
  14. Prendes, C.; Buján, S.; Ordoñez, C.; Canga, E. Large scale semi-automatic detection of forest roads from low density LiDAR data on steep terrain in Northern Spain. iForest 2019, 12, 366–374. [Google Scholar] [CrossRef] [Green Version]
  15. Waga, K.; Tompalski, P.; Coops, N.C.; White, J.C.; Wulder, M.A.; Malinen, J.; Tokola, T. Forest Road Status Assessment Using Airborne Laser Scanning. For. Sci. 2020, 66, 501–508. [Google Scholar] [CrossRef]
  16. Buján, S.; Guerra-Hernández, J.; González-Ferreiro, E.; Miranda, D. Forest Road Detection Using LiDAR Data and Hybrid Classification. Remote Sens. 2021, 13, 393. [Google Scholar] [CrossRef]
  17. Kaiser, J.V.; Stow, D.A.; Cao, L. Evaluation of Remote Sensing Techniques for Mapping Transborder Trails. Photogramm. Eng. Remote Sens. 2004, 70, 1441–1447. [Google Scholar] [CrossRef]
  18. Hoeser, T.; Kuenzer, C. Object Detection and Image Segmentation with Deep Learning on Earth Observation Data: A Review—Part I: Evolution and Recent Trends. Remote Sens. 2020, 12, 1667. [Google Scholar] [CrossRef]
  19. Hoeser, T.; Bachofer, F.; Kuenzer, C. Object Detection and Image Segmentation with Deep Learning on Earth Observation Data: A Review—Part II: Applications. Remote Sens. 2020, 12, 3053. [Google Scholar] [CrossRef]
  20. Kneusel, R.T. Practical Deep Learning: A Python-Based Introduction, 1st ed.; No Starch Press Inc.: San Francisco, CA, USA, 2021; ISBN 978-1-7185-0075-4. [Google Scholar]
  21. Simonyan, K.; Zisserman, A. Very Deep Convolutional Networks for Large-Scale Image Recognition. 2014. Available online: https://arxiv.org/pdf/1409.1556 (accessed on 12 August 2021).
  22. Constantin, A.; Ding, J.-J.; Lee, Y.-C. Accurate Road Detection from Satellite Images Using Modified U-net. In Proceedings of the IEEE Asia Pacific Conference on Circuits and Systems (APCCAS), Chengdu, China, 26–30 October 2018; Institute of Electrical and Electronics Engineers (IEEE): Piscataway, NJ, USA, 2018; pp. 423–426, ISBN 978-1-5386-8240-1. [Google Scholar]
  23. Shi, Q.; Liu, X.; Li, X. Road Detection from Remote Sensing Images by Generative Adversarial Networks. IEEE Access 2018, 6, 25486–25494. [Google Scholar] [CrossRef]
  24. Buslaev, A.; Seferbekov, S.; Iglovikov, V.; Shvets, A. Fully Convolutional Network for Automatic Road Extraction from Satellite Imagery. In Proceedings of the 2018 IEEE/CVF Conference on Computer Vision and Pattern Recognition Workshops (CVPRW), Salt Lake City, UT, USA, 18–22 June 2018; Institute of Electrical and Electronics Engineers (IEEE): Piscataway, NJ, USA, 2018; pp. 197–1973, ISBN 978-1-5386-6100-0. [Google Scholar]
  25. Kestur, R.; Farooq, S.; Abdal, R.; Mehraj, E.; Narasipura, O.; Mudigere, M. UFCN: A fully convolutional neural network for road extraction in RGB imagery acquired by remote sensing from an unmanned aerial vehicle. J. Appl. Remote Sens. 2018, 12, 1. [Google Scholar] [CrossRef]
  26. He, H.; Yang, D.; Wang, S.; Wang, S.; Liu, X. Road segmentation of cross-modal remote sensing images using deep segmentation network and transfer learning. Ind. Robot. 2019, 46, 384–390. [Google Scholar] [CrossRef]
  27. Xin, J.; Zhang, X.; Zhang, Z.; Fang, W. Road Extraction of High-Resolution Remote Sensing Images Derived from DenseUNet. Remote Sens. 2019, 11, 2499. [Google Scholar] [CrossRef] [Green Version]
  28. Xu, Y.; Xie, Z.; Feng, Y.; Chen, Z. Road Extraction from High-Resolution Remote Sensing Imagery Using Deep Learning. Remote Sens. 2018, 10, 1461. [Google Scholar] [CrossRef] [Green Version]
  29. Zhang, Z.; Liu, Q.; Wang, Y. Road Extraction by Deep Residual U-Net. IEEE Geosci. Remote Sens. Lett. 2018, 15, 749–753. [Google Scholar] [CrossRef] [Green Version]
  30. Doshi, J. Residual Inception Skip Network for Binary Segmentation. In Proceedings of the 2018 IEEE/CVF Conference on Computer Vision and Pattern Recognition Workshops (CVPRW), Salt Lake City, UT, USA, 18–22 June 2018; Institute of Electrical and Electronics Engineers (IEEE): Piscataway, NJ, USA, 2018; pp. 206–2063, ISBN 978-1-5386-6100-0. [Google Scholar]
  31. Varia, N.; Dokania, A.; Senthilnath, J. DeepExt: A Convolution Neural Network for Road Extraction using RGB images captured by UAV. In Proceedings of the 2018 IEEE Symposium Series on Computational Intelligence (SSCI), Bangalore, India, 18–21 November 2018; Institute of Electrical and Electronics Engineers (IEEE): Piscataway, NJ, USA, 2018; pp. 1890–1895, ISBN 978-1-5386-9276-9. [Google Scholar]
  32. Li, Y.; Xu, L.; Rao, J.; Guo, L.; Yan, Z.; Jin, S. A Y-Net deep learning method for road segmentation using high-resolution visible remote sensing images. Remote Sens. Lett. 2019, 10, 381–390. [Google Scholar] [CrossRef]
  33. Panboonyuen, T.; Jitkajornwanich, K.; Lawawirojwong, S.; Srestasathiern, P.; Vateekul, P. Road Segmentation of Remotely-Sensed Images Using Deep Convolutional Neural Networks with Landscape Metrics and Conditional Random Fields. Remote Sens. 2017, 9, 680. [Google Scholar] [CrossRef] [Green Version]
  34. Cheng, G.; Wang, Y.; Xu, S.; Wang, H.; Xiang, S.; Pan, C. Automatic Road Detection and Centerline Extraction via Cascaded End-to-End Convolutional Neural Network. IEEE Trans. Geosci. Remote Sens. 2017, 55, 3322–3337. [Google Scholar] [CrossRef]
  35. Fujimoto, A.; Haga, C.; Matsui, T.; Machimura, T.; Hayashi, K.; Sugita, S.; Takagi, H. An End to End Process Development for UAV-SfM Based Forest Monitoring: Individual Tree Detection, Species Classification and Carbon Dynamics Simulation. Forests 2019, 10, 680. [Google Scholar] [CrossRef] [Green Version]
  36. Miyoshi, G.T.; Arruda, M.d.S.; Osco, L.P.; Marcato Junior, J.; Gonçalves, D.N.; Imai, N.N.; Tommaselli, A.M.G.; Honkavaara, E.; Gonçalves, W.N. A Novel Deep Learning Method to Identify Single Tree Species in UAV-Based Hyperspectral Images. Remote Sens. 2020, 12, 1294. [Google Scholar] [CrossRef] [Green Version]
  37. Ocer, N.E.; Kaplan, G.; Erdem, F.; Kucuk Matci, D.; Avdan, U. Tree extraction from multi-scale UAV images using Mask R-CNN with FPN. Remote Sens. Lett. 2020, 11, 847–856. [Google Scholar] [CrossRef]
  38. Korznikov, K.A.; Kislov, D.E.; Altman, J.; Doležal, J.; Vozmishcheva, A.S.; Krestov, P.V. Using U-Net-Like Deep Convolutional Neural Networks for Precise Tree Recognition in Very High Resolution RGB (Red, Green, Blue) Satellite Images. Forests 2021, 12, 66. [Google Scholar] [CrossRef]
  39. Schiefer, F.; Kattenborn, T.; Frick, A.; Frey, J.; Schall, P.; Koch, B.; Schmidtlein, S. Mapping forest tree species in high resolution UAV-based RGB-imagery by means of convolutional neural networks. ISPRS J. Photogramm. Remote Sens. 2020, 170, 205–215. [Google Scholar] [CrossRef]
  40. Xi, Z.; Hopkinson, C.; Rood, S.B.; Peddle, D.R. See the forest and the trees: Effective machine and deep learning algorithms for wood filtering and tree species classification from terrestrial laser scanning. ISPRS J. Photogramm. Remote Sens. 2020, 168, 1–16. [Google Scholar] [CrossRef]
  41. La Rosa, L.E.C.; Sothe, C.; Feitosa, R.Q.; de Almeida, C.M.; Schimalski, M.B.; Oliveira, D.A.B. Multi-task fully convolutional network for tree species mapping in dense forests using small training hyperspectral data. ISPRS J. Photogramm. Remote Sens. 2021, 179, 35–49. [Google Scholar] [CrossRef]
  42. Seidel, D.; Annighöfer, P.; Thielman, A.; Seifert, Q.E.; Thauer, J.-H.; Glatthorn, J.; Ehbrecht, M.; Kneib, T.; Ammer, C. Predicting Tree Species From 3D Laser Scanning Point Clouds Using Deep Learning. Front. Plant Sci. 2021, 12, 635440. [Google Scholar] [CrossRef]
  43. Ercanlı, İ. Innovative deep learning artificial intelligence applications for predicting relationships between individual tree height and diameter at breast height. For. Ecosyst. 2020, 7, 1–18. [Google Scholar] [CrossRef] [Green Version]
  44. Qi, Y.; Dong, X.; Chen, P.; Lee, K.-H.; Lan, Y.; Lu, X.; Jia, R.; Deng, J.; Zhang, Y. Canopy Volume Extraction of Citrus reticulate Blanco cv. Shatangju Trees Using UAV Image-Based Point Cloud Deep Learning. Remote Sens. 2021, 13, 3437. [Google Scholar] [CrossRef]
  45. Deng, X.; Tong, Z.; Lan, Y.; Huang, Z. Detection and Location of Dead Trees with Pine Wilt Disease Based on Deep Learning and UAV Remote Sensing. AgriEngineering 2020, 2, 19. [Google Scholar] [CrossRef]
  46. Tran, D.Q.; Park, M.; Jung, D.; Park, S. Damage-Map Estimation Using UAV Images and Deep Learning Algorithms for Disaster Management System. Remote Sens. 2020, 12, 4169. [Google Scholar] [CrossRef]
  47. Kislov, D.E.; Korznikov, K.A.; Altman, J.; Vozmishcheva, A.S.; Krestov, P.V. Extending deep learning approaches for forest disturbance segmentation on very high-resolution satellite images. Remote Sens. Ecol. Conserv. 2021, 7, 355–368. [Google Scholar] [CrossRef]
  48. Qin, J.; Wang, B.; Wu, Y.; Lu, Q.; Zhu, H. Identifying Pine Wood Nematode Disease Using UAV Images and Deep Learning Algorithms. Remote Sens. 2021, 13, 162. [Google Scholar] [CrossRef]
  49. Wang, M.; Li, R. Segmentation of High Spatial Resolution Remote Sensing Imagery Based on Hard-Boundary Constraint and Two-Stage Merging. IEEE Trans. Geosci. Remote Sens. 2014, 52, 5712–5725. [Google Scholar] [CrossRef]
  50. Zhong, Y.; Zhu, Q.; Zhang, L. Scene Classification Based on the Multifeature Fusion Probabilistic Topic Model for High Spatial Resolution Remote Sensing Imagery. IEEE Trans. Geosci. Remote Sens. 2015, 53, 6207–6222. [Google Scholar] [CrossRef]
  51. Abdollahi, A.; Pradhan, B.; Shukla, N.; Chakraborty, S.; Alamri, A. Deep Learning Approaches Applied to Remote Sensing Datasets for Road Extraction: A State-Of-The-Art Review. Remote Sens. 2020, 12, 1444. [Google Scholar] [CrossRef]
  52. Caltagirone, L.; Scheidegger, S.; Svensson, L.; Wahde, M. Fast LIDAR-based road detection using fully convolutional neural networks. In Proceedings of the 2017 IEEE Intelligent Vehicles Symposium (IV), Los Angeles, CA, USA, 11–14 June 2017; pp. 1019–1024, ISBN 978-1-5090-4804-5. [Google Scholar]
  53. Verschoof-van der Vaart, W.B.; Landauer, J. Using CarcassonNet to automatically detect and trace hollow roads in LiDAR data from the Netherlands. J. Cult. Herit. 2021, 47, 143–154. [Google Scholar] [CrossRef]
  54. Staaf, K.A.G.; Wiksten, N.A. Tree Harvesting Techniques; Nijhoff: Dordrecht, The Netherlands, 1984; ISBN 978-90-247-2994-4. [Google Scholar]
  55. National Land Survey of Finland (NLS). Laser Scanning Data 5 p. Available online: https://www.maanmittauslaitos.fi/en/maps-and-spatial-data/expert-users/product-descriptions/laser-scanning-data-5-p (accessed on 6 May 2021).
  56. National Land Survey of Finland (NLS). NLS Orthophotos. Available online: https://tiedostopalvelu.maanmittauslaitos.fi/tp/kartta?lang=en (accessed on 1 May 2021).
  57. Esri. Lidar Solutions in ArcGIS: Estimating Forest Canopy Density and Height. Available online: https://desktop.arcgis.com/en/arcmap/latest/manage-data/las-dataset/lidar-solutions-estimating-forest-density-and-height.htm (accessed on 1 June 2021).
  58. Esri. Lidar Solutions in ArcGIS: Creating Raster DEMs and DSMs from Large Lidar Point Collections. Available online: https://desktop.arcgis.com/en/arcmap/latest/manage-data/las-dataset/lidar-solutions-creating-raster-dems-and-dsms-from-large-lidar-point-collections.htm (accessed on 1 June 2021).
  59. Ronneberger, O.; Fischer, P.; Brox, T. U-Net: Convolutional Networks for Biomedical Image Segmentation. 18 May 2015. Available online: http://arxiv.org/pdf/1505.04597v1 (accessed on 15 July 2021).
  60. Li, Y.; Li, W.; Xiong, J.; Xia, J.; Xie, Y. Comparison of Supervised and Unsupervised Deep Learning Methods for Medical Image Synthesis between Computed Tomography and Magnetic Resonance Images. Biomed. Res. Int. 2020, 2020, 5193707. [Google Scholar] [CrossRef]
  61. Chollet, F. Deep Learning with Python; Manning Publications Co.: Shelter Island, NY, USA, 2018; ISBN 1617294438. [Google Scholar]
  62. TensorFlow. Introduction to the Keras Tuner. Available online: https://www.tensorflow.org/tutorials/keras/keras_tuner (accessed on 21 August 2021).
  63. Wlodarczak, P. Machine Learning and Its Applications, 1st ed.; CRC Press: Boca Raton, FL, USA, 2019; ISBN 978-1-138-32822-8. [Google Scholar]
  64. Cohen, J. A Coefficient of Agreement for Nominal Scales. Educ. Psychol. Meas. 1960, 20, 37–46. [Google Scholar] [CrossRef]
  65. Landis, J.R.; Koch, G.G. The Measurement of Observer Agreement for Categorical Data. Biometrics 1977, 33, 159. [Google Scholar] [CrossRef] [Green Version]
  66. Costea, D.; Marcu, A.; Leordeanu, M.; Slusanschi, E. Creating Roadmaps in Aerial Images with Generative Adversarial Networks and Smoothing-Based Optimization. In Proceedings of the 2017 IEEE International Conference on Computer Vision Workshop (ICCVW), Venice, Italy, 22–29 October 2017; pp. 2100–2109, ISBN 978-1-5386-1034-3. [Google Scholar]
  67. Kemmerer, J.; Labelle, E.R. Using harvester data from on-board computers: A review of key findings, opportunities and challenges. Eur. J. For. Res. 2021, 140, 1–17. [Google Scholar] [CrossRef]
  68. Woo, H.; Acuna, M.; Choi, B.; Han, S. FIELD: A Software Tool That Integrates Harvester Data and Allometric Equations for a Dynamic Estimation of Forest Harvesting Residues. Forests 2021, 12, 834. [Google Scholar] [CrossRef]
  69. Nguyen, M.H. Impacts of Unbalanced Test Data on the Evaluation of Classification Methods. Int. J. Adv. Comput. Sci. Appl. 2019, 10, 497–502. [Google Scholar] [CrossRef]
  70. Affek, A.N.; Zachwatowicz, M.; Sosnowska, A.; Gerlée, A.; Kiszka, K. Impacts of modern mechanised skidding on the natural and cultural heritage of the Polish Carpathian Mountains. For. Ecol. Manag. 2017, 405, 391–403. [Google Scholar] [CrossRef]
  71. Picchio, R.; Mederski, P.S.; Tavankar, F. How and How Much, Do Harvesting Activities Affect Forest Soil, Regeneration and Stands? Curr. For. Rep. 2020, 6, 115–128. [Google Scholar] [CrossRef] [Green Version]
  72. Burley, J.; Evans, J.; Youngquist, J. Encyclopedia of Forest Sciences; Elsevier: Amsterdam, The Netherlands; Oxford, UK, 2004; ISBN 0-12-145160-7. [Google Scholar]
  73. Sirén, M.; Ala-Ilomäki, J.; Mäkinen, H.; Lamminen, S.; Mikkola, T. Harvesting damage caused by thinning of Norway spruce in unfrozen soil. Int. J. For. Eng. 2013, 24, 60–75. [Google Scholar] [CrossRef]
  74. Carvalho, O.L.F.d.; de Carvalho Júnior, O.A.; Albuquerque, A.O.d.; Bem, P.P.d.; Silva, C.R.; Ferreira, P.H.G.; Moura, R.d.S.d.; Gomes, R.A.T.; Guimarães, R.F.; Borges, D.L. Instance Segmentation for Large, Multi-Channel Remote Sensing Imagery Using Mask-RCNN and a Mosaicking Approach. Remote Sens. 2021, 13, 39. [Google Scholar] [CrossRef]
Figure 1. Forest stands regarding commercial thinning: (a) young stands before the first commercial thinning; (b) young stands after the first commercial thinning; (c) mature stands before the second commercial thinning; and (d) mature stands after the second/third commercial thinning. The logging trails are visible in Categories (b) and (d), but they are difficult to spot in Category (c).
Figure 1. Forest stands regarding commercial thinning: (a) young stands before the first commercial thinning; (b) young stands after the first commercial thinning; (c) mature stands before the second commercial thinning; and (d) mature stands after the second/third commercial thinning. The logging trails are visible in Categories (b) and (d), but they are difficult to spot in Category (c).
Remotesensing 14 00349 g001
Figure 2. References comprising (a) near-infrared orthophotos and the derivatives of high-density laser scanning data such as (b) canopy height model, (c) tree profiles, and (d) the ground elevation model, used to produce the labeled datasets (e) from logging trails for training the U-Net convolutional neural network architecture. While the orthophoto, tree height, and tree profiles enhanced the visibility of logging trails, the digital terrain model heightened the ditches and roads that might inadvertently be digitized as logging trails during creation of the labeled dataset.
Figure 2. References comprising (a) near-infrared orthophotos and the derivatives of high-density laser scanning data such as (b) canopy height model, (c) tree profiles, and (d) the ground elevation model, used to produce the labeled datasets (e) from logging trails for training the U-Net convolutional neural network architecture. While the orthophoto, tree height, and tree profiles enhanced the visibility of logging trails, the digital terrain model heightened the ditches and roads that might inadvertently be digitized as logging trails during creation of the labeled dataset.
Remotesensing 14 00349 g002
Figure 3. The profile of the cloud points of a laser scanning dataset within a young stand that has undergone its first commercial thinning (af,j,k). The intervals between two logging trails and their footprint are shown on the layers of canopy height and trees’ profile.
Figure 3. The profile of the cloud points of a laser scanning dataset within a young stand that has undergone its first commercial thinning (af,j,k). The intervals between two logging trails and their footprint are shown on the layers of canopy height and trees’ profile.
Remotesensing 14 00349 g003
Figure 4. Architecture of the constructed U-Net for detecting logging trails using high-density laser scanning data: (a) preparation of a laser scanning tile for use in the U-Net to detect logging trails; (b) architecture of the designed U-Net, which includes the contraction path and the expansion path; and (c) predicted logging trails.
Figure 4. Architecture of the constructed U-Net for detecting logging trails using high-density laser scanning data: (a) preparation of a laser scanning tile for use in the U-Net to detect logging trails; (b) architecture of the designed U-Net, which includes the contraction path and the expansion path; and (c) predicted logging trails.
Remotesensing 14 00349 g004
Figure 5. Visualization of different layers of the U-Net: (a) the input layer (e.g., a DSM derived from high-density laser scanning data) with a fixed size (256, 256, 1). A few intermediate feature maps such as convolutional layer, batch normalization, dropout, and max pooling generated from 32 filters (b) in the contraction path and (c) in the expansion path, and (d) the output layer of logging trails with the same size of the input layer.
Figure 5. Visualization of different layers of the U-Net: (a) the input layer (e.g., a DSM derived from high-density laser scanning data) with a fixed size (256, 256, 1). A few intermediate feature maps such as convolutional layer, batch normalization, dropout, and max pooling generated from 32 filters (b) in the contraction path and (c) in the expansion path, and (d) the output layer of logging trails with the same size of the input layer.
Remotesensing 14 00349 g005
Figure 6. Collecting testing samples from logging and non-logging trails. (a) Selected forest stands for sampling from the logging trails in the Parkano and Ikaalinen areas in southern Finland; (be) designated routes for testing segments (logging trails) and edges (no logging trails) in the three selected sites; (f) an example of a designed route and (g) its components.
Figure 6. Collecting testing samples from logging and non-logging trails. (a) Selected forest stands for sampling from the logging trails in the Parkano and Ikaalinen areas in southern Finland; (be) designated routes for testing segments (logging trails) and edges (no logging trails) in the three selected sites; (f) an example of a designed route and (g) its components.
Remotesensing 14 00349 g006
Figure 7. Comparison of the accuracy of the trained U-Net (a) using the canopy height model (CHM), (b) using the digital surface model (DSM), (c) using the average digital elevation model (DEMavg), and (d) using the minimum digital elevation model (DEMmin) in detecting logging trails from non-logging trails in different stages of commercial thinning operations.
Figure 7. Comparison of the accuracy of the trained U-Net (a) using the canopy height model (CHM), (b) using the digital surface model (DSM), (c) using the average digital elevation model (DEMavg), and (d) using the minimum digital elevation model (DEMmin) in detecting logging trails from non-logging trails in different stages of commercial thinning operations.
Remotesensing 14 00349 g007
Figure 8. Comparison of the probability of prediction logging trails using U-Net in different forest development classes based on (ad) the canopy height model (CHM), (eh) digital surface model (DSM), and (ip) digital elevation models (DEMs), in a patch with a size of 256 by 256. Although the U-Net using DSM and CHM showed high probability in detecting logging trails, using DEMmin and DEMavg, it showed weak and moderate probabilities throughout forest stand classes except for mature stands that received the final commercial thinning operations.
Figure 8. Comparison of the probability of prediction logging trails using U-Net in different forest development classes based on (ad) the canopy height model (CHM), (eh) digital surface model (DSM), and (ip) digital elevation models (DEMs), in a patch with a size of 256 by 256. Although the U-Net using DSM and CHM showed high probability in detecting logging trails, using DEMmin and DEMavg, it showed weak and moderate probabilities throughout forest stand classes except for mature stands that received the final commercial thinning operations.
Remotesensing 14 00349 g008
Figure 9. The ability of developed U-Net in detection the characteristics of logging trails: (a) patterns and geometric properties of the detected logging trails, such as trail spacing; (d) intermediate trail connections; and (e) looped trails through the U-Net and the DSM dataset. The algorithm correctly distinguished some complex features such as (b) landing areas and (c) forest roads as non-logging trails in the vicinity of the logging trails; (f) a corridor that was wrongly identified as a logging trail; (g,h) a deep ditch was detected as a non-logging trail and a shallow ditch that was detected as a logging trail; and (i) the occlusion of an old logging-trail by regenerated trees, although the algorithm was able to guess it as a logging trail with a lower probability.
Figure 9. The ability of developed U-Net in detection the characteristics of logging trails: (a) patterns and geometric properties of the detected logging trails, such as trail spacing; (d) intermediate trail connections; and (e) looped trails through the U-Net and the DSM dataset. The algorithm correctly distinguished some complex features such as (b) landing areas and (c) forest roads as non-logging trails in the vicinity of the logging trails; (f) a corridor that was wrongly identified as a logging trail; (g,h) a deep ditch was detected as a non-logging trail and a shallow ditch that was detected as a logging trail; and (i) the occlusion of an old logging-trail by regenerated trees, although the algorithm was able to guess it as a logging trail with a lower probability.
Remotesensing 14 00349 g009
Table 1. The accuracy of the trained U-Net using the derivatives of high-density laser scanning data, including the canopy height model (CHM), the digital surface model (DSM), and the digital elevation models based on the average (DEMavg) and minimum (DEMmin) values to distinguish the logging trails from the non-logging trails in three testing forests in southern Finland.
Table 1. The accuracy of the trained U-Net using the derivatives of high-density laser scanning data, including the canopy height model (CHM), the digital surface model (DSM), and the digital elevation models based on the average (DEMavg) and minimum (DEMmin) values to distinguish the logging trails from the non-logging trails in three testing forests in southern Finland.
MetricCHMDSMDEMavgDEMmin
Cohen’s kappa0.7340.8460.5280.136
Overall accuracy0.8670.9230.7360.553
IoU0.7820.8670.5870.155
Recall0.9080.9590.6490.157
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Abdi, O.; Uusitalo, J.; Kivinen, V.-P. Logging Trail Segmentation via a Novel U-Net Convolutional Neural Network and High-Density Laser Scanning Data. Remote Sens. 2022, 14, 349. https://doi.org/10.3390/rs14020349

AMA Style

Abdi O, Uusitalo J, Kivinen V-P. Logging Trail Segmentation via a Novel U-Net Convolutional Neural Network and High-Density Laser Scanning Data. Remote Sensing. 2022; 14(2):349. https://doi.org/10.3390/rs14020349

Chicago/Turabian Style

Abdi, Omid, Jori Uusitalo, and Veli-Pekka Kivinen. 2022. "Logging Trail Segmentation via a Novel U-Net Convolutional Neural Network and High-Density Laser Scanning Data" Remote Sensing 14, no. 2: 349. https://doi.org/10.3390/rs14020349

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

Article Metrics

Back to TopTop