Multi-Channel Functional Gradient–Entropy Model for Robust Road Boundary Detection in Complex Visual Environments
Abstract:
Accurate and consistent road boundary detection remains a fundamental requirement in autonomous driving, traffic surveillance, and intelligent transportation systems, particularly under diverse lighting and environmental conditions. To address the limitations of classical edge detectors in complex outdoor scenarios, a novel multi-channel edge detection framework is proposed, termed the Multi-Channel Functional Gradient–Entropy (MC-FGE) model. This model has been specifically designed for colour road imagery and incorporates a mathematically principled architecture to enhance structural clarity and semantic relevance. The initial phase involves channel-wise normalization of RGB data, followed by the computation of a fused gradient magnitude that preserves edge information across heterogeneous spectral distributions. Two original mathematical constructs are introduced: the Spectral Curvature Function (SCF), which quantifies local geometric sharpness by leveraging first- and second-order differential operators while exhibiting resilience to noise; and the Colour Entropy Potential Function, which captures local texture complexity and intensity-driven irregularity through entropy analysis of chromatic distributions. These functions are combined into a unified Functional Edge Strength Map (FESM), designed to emphasize semantically meaningful road-related boundaries while suppressing irrelevant background textures. A central innovation is the Log-Root Adaptive Thresholding Function (LRATF), which adaptively modulates threshold sensitivity by integrating curvature and entropy cues in a logarithmic-root formulation, thereby improving robustness to illumination variability, occlusions, and shadow interference. The final binary edge map is derived through precision thresholding of the FESM and refined using morphological post-processing to ensure topological continuity and suppress artefactual edge fragments. Quantitative and qualitative evaluations conducted across varied outdoor datasets demonstrate that the MC-FGE model consistently outperforms conventional edge detectors such as Canny, Sobel, and Laplacian of Gaussian, particularly in scenarios involving texture-rich road surfaces, poor lighting, and partial occlusion. The model not only exhibits enhanced detection accuracy and edge coherence but also offers improved interpretability of road features, contributing both a rigorous theoretical foundation and a scalable computational framework for adaptive edge-based scene understanding in road environments.
1. Introduction
Image processing and segmentation are fundamental techniques in computer vision that involve the analysis and manipulation of digital images to extract meaningful information [1], [2], [3]. Image processing enhances image quality through operations like filtering, contrast adjustment, and noise reduction, while segmentation partitions an image into distinct regions, often isolating objects of interest for further analysis. This process is crucial in applications requiring detailed structural analysis, such as medical imaging, remote sensing, and automated inspection systems. In the context of road surface safety models, image segmentation plays a vital role by enabling the accurate detection of cracks, potholes, and other surface anomalies from road images [4], [5], [6], [7], [8]. By isolating damaged areas from the rest of the surface, these models can assess road conditions in real time, improving maintenance planning and enhancing vehicle safety. Integrating robust image processing techniques with intelligent segmentation algorithms ensures that road safety systems are more reliable, adaptive, and capable of functioning under diverse environmental conditions.
Recent research has shown a marked progression in the development of road surface detection models, particularly through the integration of deep learning and advanced sensing technologies. Sazonova et al. [9] presented a study focused on the evaluation and monitoring of damage in concrete road pavements. This research emphasizes the use of modern monitoring techniques and diagnostic tools to detect and assess surface defects, such as cracks and material degradation. The authors highlight the importance of timely damage identification for ensuring road safety, optimizing maintenance strategies, and extending pavement lifespan. Their findings contribute to the development of more efficient infrastructure monitoring systems. Complementing this, Dong et al. [10] proposed an enhanced version of the YOLOv8 object detection framework tailored specifically for concrete surface crack detection. By refining the backbone and introducing specialized modules, their algorithm achieved higher accuracy and real-time performance, making it suitable for deployment in automated mobile inspection systems. In a broader perspective, the study by Liu et al. [11] explores the use of deep learning for the automatic quality assessment of concrete surfaces affected by cracks and bugholes. The authors propose a robust AI-assisted framework that leverages convolutional neural networks (CNNs) to detect and evaluate surface defects with high accuracy. By integrating image analysis and machine learning techniques, the model offers a reliable, efficient alternative to traditional manual inspection methods. The research demonstrates significant potential for improving the speed, consistency, and objectivity of concrete surface evaluations in construction and maintenance applications. Going beyond optical imaging, Chhabra et al. [12] presented a deep learning-based approach for road surface classification aimed at enhancing the performance of intelligent vehicles. this study utilizes advanced neural network models to accurately identify and categorize different types of road surfaces under varying environmental conditions. The proposed method contributes to safer and more adaptive autonomous driving by enabling real-time surface recognition, which is critical for navigation, traction control, and decision-making in intelligent transportation systems.
Edge detection is a fundamental step in image processing and computer vision, aiming to identify significant local changes in intensity that typically correspond to object boundaries [13], [14]. The detection of road boundaries and edges has become increasingly critical in advancing autonomous driving, infrastructure monitoring, and traffic safety systems. Several recent studies have introduced robust models for road edge detection using a variety of data sources and learning paradigms. Dahal et al. [15] proposed RoadEdgeNet, a deep learning-based system that utilizes surround-view camera images to detect road edges with a high degree of spatial awareness. The strength of RoadEdgeNet lies in its ability to provide a 360-degree view, enhancing perception in tight urban environments. However, its reliance on camera data limits its robustness in low-visibility conditions such as fog or nighttime scenarios. Zhou and Zhang [16] developed an edge detection algorithm tailored for urban roads using deep learning. Their approach shows improved edge localization in complex urban environments but still struggles with generalization across diverse road textures and lighting conditions. Similarly, Ai et al. [17] introduced a meta random forest-based model for real-time road boundary detection in surface mines. The model stands out for its low-latency performance and ability to handle unstructured, off-road terrains, yet it may underperform in regular paved road environments due to its design optimization for mining applications.
In addition to camera-based models, recent advancements have explored the integration of spatial statistics and LiDAR data for enhanced edge detection. Kukolj et al. [18] proposed a hybrid method combining deep learning and spatial statistical analysis of LiDAR data. This approach effectively handles occlusions and environmental variability, offering superior detection accuracy in cluttered scenes. Nevertheless, the model’s dependency on high resolution LiDAR makes it less feasible for low-cost deployments. Xin et al. [19] presented a road boundary extraction model based on mobile laser scanning (MLS) point clouds, which demonstrated high precision in capturing fine-grained geometric features of road boundaries. While their method achieves excellent accuracy, it is computationally intensive and requires sophisticated preprocessing, limiting its scalability for real-time applications. These edge and boundary detection methods align with and extend the capabilities of the road surface detection models discussed earlier. When integrated, edge detection enhances structural context for crack and surface anomaly detection, forming a more holistic and reliable framework for road safety and autonomous navigation systems. However, the trade-off between sensor cost, computational complexity, and model generalization remains a key challenge in real-world deployments.
In summary, while recent techniques for road surface and edge detection have demonstrated impressive accuracy and innovation, several limitations persist. Many models depend on high-resolution input data and extensive training, which hampers their adaptability to varying real-world conditions. Camera-based approaches are vulnerable to poor lighting and adverse weather, while LiDAR and laser-based methods, although highly precise, involve high costs and complex processing. Furthermore, achieving real-time performance with such computationally intensive models remains a significant challenge, restricting their practical deployment in large-scale or resource-constrained environments.
The proposed model effectively addresses the inherent challenges of road boundary detection in color images, such as varying illumination, textured backgrounds, occlusions, and weak or disconnected edges. Unlike conventional edge detectors that primarily rely on intensity gradients and fixed thresholds, our model fuses multiple mathematical cues to build a context-aware and adaptive detection mechanism. The use of a fused color gradient across RGB channels allows for better edge visibility under complex lighting conditions, while the SCF leverages both first- and second-order derivatives to emphasize geometrically consistent structures such as road boundaries. Simultaneously, the Color Entropy Potential Function captures localized texture complexity and intensity randomness, enhancing sensitivity to critical road features like lane markings, cracks, and surface variations. These components are combined in an FESM that is adaptively modulated using a novel log-root thresholding function, which adjusts to local image characteristics and reduces the influence of noise and intensity variation.
The novelty of this work lies in its mathematically grounded framework, which unifies edge geometry, color statistics, and adaptive thresholding into a single robust pipeline. Unlike traditional approaches that either overlook color space complexity or rely heavily on machine learning models with limited interpretability, our algorithm offers a transparent and principled solution. The key contributions of this study include: (1) the development of a multi-channel gradient fusion mechanism for color images; (2) the formulation of two novel edge-detection functions—Spectral Curvature and Color Entropy Potential; (3) the introduction of an LRATF; and (4) a comprehensive postprocessing step to ensure continuity and reduce fragmentation in the final binary edge map. These innovations collectively enable precise, interpretable, and environment-invariant detection of road boundaries.
2. Related Work
This section reviews recent advancements in road boundary detection and material classification, highlighting machine learning and computer vision-based approaches that contribute to road safety and infrastructure monitoring. Li and Hussin [20] introduced an intelligent road boundary identification method that combines advanced image segmentation with edge feature extraction to enhance the detection and delineation of road boundaries in complex driving environments. Their method utilizes refined edge detection algorithms to capture structural details of road boundaries, while segmentation techniques help in separating the road area from the background and surrounding objects. Implemented and tested on various real-world road images, the model showed improved accuracy in boundary identification, particularly under challenging conditions such as curved roads, shadows, and inconsistent lighting. This makes it a valuable contribution to the development of intelligent transportation systems and autonomous driving technologies.
Despite its strengths, the proposed approach has several limitations. The method's accuracy tends to degrade in scenarios involving heavy occlusions, such as moving vehicles, pedestrians, or roadside barriers that obscure road edges. It also struggles with low-visibility conditions, like fog or night-time driving, where edge features become less distinguishable. Furthermore, the computational complexity of the segmentation and edge extraction processes can hinder real-time performance, especially on devices with limited processing power.
Rajalashmi et al. [21] presented a machine learning-based system designed to detect and track road boundary lines to support autonomous vehicle navigation and intelligent transportation systems. The authors utilized a combination of image processing techniques and supervised learning algorithms to process video input, enabling the identification of road boundaries under varying environmental conditions. A significant achievement of the study is its ability to perform real-time detection with reasonably high accuracy, even in the presence of moderate noise, shadows, and slight occlusions. The use of adaptive filtering and dynamic thresholding enhances the system's robustness and responsiveness to changing road scenes.
However, the model has certain limitations. It struggles in scenarios involving highly curved or poorly marked roads, where the visual features become ambiguous. Furthermore, extreme weather conditions such as heavy rain, fog, or snow significantly reduce the clarity of boundary lines, affecting the accuracy of detection. The approach also relies heavily on a labeled dataset for training, which limits its generalization to unseen environments without further data collection and model retraining. Despite these challenges, the study provides a valuable contribution toward real-time road boundary detection using machine learning, laying the groundwork for further enhancements using deep learning and sensor fusion.
To address the limitations of existing models, the proposed approach introduces a robust, multi-feature fusion framework tailored for color images. By combining fused color gradients, spectral curvature, and color entropy cues, it enhances edge continuity and suppresses background noise. The adaptive log-root thresholding further improves detection under varying conditions, overcoming challenges like illumination changes, occlusions, and weak edges that affect traditional and machine learning-based methods.
3. Proposed Methodology
The proposed road boundary detection framework leverages a unified mathematical formulation designed to enhance robustness against common challenges such as illumination changes, faded markings, surface irregularities, and environmental noise. Unlike conventional edge detectors or purely learning-based methods, this approach systematically fuses geometric, statistical, and color-based cues to extract road-relevant boundaries in RGB images. Specifically, it incorporates the following mathematical tools: (i) Channel-wise Color Normalization to reduce scale and illumination variance; (ii) a Color Gradient Fusion Function that captures edge intensity jointly across the RGB space; (iii) the SCF for capturing geometric consistency using first- and second-order derivatives; (iv) the Color Entropy Potential Function that quantifies local texture irregularity and intensity randomness; (v) an FESM that integrates the above cues multiplicatively to reinforce true edge structures; and (vi) an LRATF that adjusts locally based on entropy-curvature interaction. Finally, a binary edge map is generated by comparing the functional edge strength to the adaptive threshold. This comprehensive methodology results in accurate and consistent road boundary maps, suitable for diverse real-world driving scenarios.
Given an input RGB image denoted as:
$ I(x, y)=[R(x, y), G(x, y), B(x, y)] $
where, $R(x, y), G(x, y)$, and $B(x, y)$ represent the red, green, and blue color intensities at pixel location ($x, y$) respectively, the first step in our pipeline is to normalize the intensity values of each channel. Normalization is essential for reducing the impact of illumination variations and making the image data scale-invariant for further processing.
Each color channel is independently normalized to bring its intensity values into the range [0,1]:
$ I_N^c(x, y)=\frac{I^c(x, y)}{\max \left(I^c\right)}, \quad \text { for } c \in\{R, G, B\} $
where, $\max \left(I^c\right)$ denotes the maximum intensity value in channel $c$ across the entire image. This transformation ensures that each color component contributes proportionately when fused later, regardless of differences in their original scales. The result is a normalized image $I_N(x, y)$ with three channels.
After normalization, we compute the spatial gradients in both the horizontal ($x$) and vertical ($y$) directions for each color channel. The purpose of this step is to identify regions in the image where the color intensity changes sharply-these typically correspond to edges such as road boundaries, lane markings, or curbs.
The partial derivatives $\frac{\partial I_N^e}{\partial x}$ and $\frac{\partial I_N^e}{\partial y}$ represent the rate of change of intensity along the $x$ and $y$ directions respectively, for each color channel $c$.
To construct a robust edge descriptor that incorporates all three color channels, we define the color gradient fusion function $F_{\text {grad}}(x, y)$ as:
$ F_{g r a d}(x, y)=\sqrt{\sum_{c \in\{R, G, B\}}\left[\left(\frac{\partial I_N^c}{\partial x}\right)^2+\left(\frac{\partial I_N^c}{\partial y}\right)^2\right]} $
This formulation fuses the gradient magnitudes from the red, green, and blue channels into a single scalar value at each pixel. The square root of the sum of squared gradients provides a Euclidean norm, yielding a gradient magnitude that captures the collective change in color. This is more effective than grayscale edge detection, especially in outdoor road scenes where road surfaces, shadows, and lane markings often have strong color contrasts.
In the proposed MC-FGE algorithm, we provide explicit parameter choices and detailed expressions to improve clarity and reproducibility.
To enhance road boundary detection in complex scenes, we design novel mathematical functions that go beyond standard gradient operators. These functions incorporate geometric curvature, color-based entropy, and local structural analysis to adaptively extract prominent edges even in the presence of noise, texture variation, and illumination shifts.
Curvature is a fundamental geometric descriptor that characterizes how sharply an edge bends or transitions [22]. To exploit this, we introduce the SCF $\Psi(x, y)$, which integrates both first- and second-order derivatives of the grayscale representation of the image:
$ \Psi(x, y)=\arctan \left(\frac{\sqrt{G_x^2(x, y)+G_y^2(x, y)}}{\lambda+\left|G_{x x}(x, y)+G_{y y}(x, y)\right|}\right) $
•$G_x$ and $G_y$ denote the first-order spatial derivatives (gradients) along the $x$ and $y$ axes, computed using Sobel operators with kernel size 3, which balances edge localization and noise robustness.
•$G_{xx}$ and $G_{yy}$ represent the second-order derivatives (Laplacian components) calculated via discrete Laplacian filters, capturing curvature and rate of gradient change.
•$\lambda$ is set empirically to 0.01 to regularize the denominator, avoiding division by zero and stabilizing the function in low-contrast regions. Sensitivity analysis confirmed stable performance for $\lambda$ in [0.005,0.02].
This formulation emphasizes structural edges, such as curbs and lane separations, while suppressing noise-induced variations. The arctangent non-linearity stabilizes the curvature response, especially in high-gradient regions, preventing it from diverging due to sharp transitions.
Color entropy captures the degree of randomness and complexity within a local region. Higher entropy implies greater variation in color intensities, which is often characteristic of textured surfaces (e.g., worn roads, painted lanes) [23].
We define the color entropy potential function (CEFP) $\mathcal{E}_c(x, y)$ at pixel $(x, y)$ as:
$ \mathcal{E}_c(x, y)=\sum_{c \in\{R, G, B\}}\left(-p_c(x, y) \log \left(p_c(x, y)+\epsilon\right)\right) $
•$p_c(x, y)$ is computed as the normalized histogram of pixel intensities within a 7×7 neighborhood window centered at $(x, y)$ for each color channel $c$. This window size was chosen to balance local texture sensitivity and spatial resolution.
•$\epsilon=10^{-10}$ is a small constant to prevent numerical issues caused by $\log (0)$.
This function highlights irregular regions - often aligned with road boundaries, lane markings, or obstacles - by measuring local unpredictability in color information. The entropy is normalized to [0,1] by dividing by $\log (N)$ where $N$ is the number of bins (set to 256), ensuring a consistent scale across images.
Together, the SCF and CEFP functions form the core of the MC-FGE algorithm, integrating geometric and statistical cues to robustly detect road boundaries under varying environmental conditions.
To create a unified and robust edge descriptor, we combine the previously defined color gradient fusion, spectral curvature, and entropy potential into a single functional form. The resulting edge strength function $S(x, y)$ is given by:
$ S(x, y)=F_{g r a d}(x, y) \cdot(1+\eta \Psi(x, y)) \cdot\left(1+\mu \mathcal{E}_c(x, y)\right) $
•$F_{\text {grad}}(x, y)$ is the fused color gradient magnitude defined earlier.
•$\Psi(x, y)$ boosts regions with strong curvature, emphasizing road-edge geometry.
•$\mathcal{E}_c(x, y)$ increases the response in regions with high textural entropy-important for detecting faint or worn-out markings.
•$\eta$ and $\mu$ are user-defined hyperparameters controlling the influence of the curvature and entropy terms, respectively.
After computing the combined edge strength map $S(x, y)$, it is crucial to distinguish significant edges (such as road boundaries) from spurious responses (e.g., texture or noise). Traditional global thresholding techniques (like Otsu's method) may fail under varying illumination or road textures. To address this, we propose a novel “adaptive thresholding function” based on the joint interaction of curvature and entropy:
$ T(x, y)=\gamma \cdot \log \left(1+\sqrt{\mathcal{E}_c(x, y) \cdot \Psi(x, y)}\right) $
$\mathcal{E}_c(x, y)$ is the color entropy potential function, capturing local randomness in color patterns. $\Psi(x, y)$ is the SCF, representing geometric edge intensity. The product $\mathcal{E}_c(x, y) \cdot \Psi(x, y)$ identifies regions with both texture complexity and shape consistency-characteristic of road edges. The square root operation smooths the sharp interactions between curvature and entropy.
The logarithmic operation $\log (1+\sqrt{\cdot})$ is chosen due to its nonlinear compressive behavior, which compresses high-magnitude edge responses to reduce the effect of outliers and over-segmentation, while preserving contrast in subtle edge regions. This is especially beneficial when detecting weak yet semantically important edges in low-light or uneven illumination scenarios.
$\gamma$ is a tunable parameter (typically in the range [0.5,2.0]) that globally scales the threshold based on image characteristics or the desired sensitivity of edge detection.
The binary edge map $E(x, y)$ is constructed by comparing the edge strength function $S(x, y)$ with the adaptive threshold $T(x, y)$:
$ E(x, y)= \begin{cases}1, & \text { if } S(x, y)>T(x, y) \\ 0, & \text { otherwise }\end{cases} $
•If the computed edge strength $S(x, y)$ at pixel $(x, y)$ exceeds the adaptive threshold $T(x, y)$, that pixel is labeled as an edge (i.e., part of a road boundary).
•Otherwise, it is marked as background (non-boundary).
•This binary map $E(x, y)$ represents a spatially resolved edge mask highlighting likely road boundaries.
Although the initial binary map captures edges effectively, minor artifacts and discontinuities may remain due to environmental noise or incomplete boundaries. To enhance the structural coherence of the edge map, we apply morphological postprocessing techniques:
Morphological closing: Fills small gaps and bridges narrow breaks between adjacent edge segments.
Dilation: Slightly enlarges the boundary regions to ensure edge connectivity, especially around curves or junctions.
Largest connected component extraction: Retains the largest edge-connected structure, typically corresponding to the dominant road boundary, and suppresses smaller noisy fragments.
This proposed algorithm offers a robust mathematical framework for road boundary detection from color images. It combines spatial derivatives, spectral curvature, and entropy-driven thresholds in a novel way. This approach is especially useful in challenging environments where illumination and road textures vary significantly.
4. Discussion and Results
The proposed model demonstrates a robust and adaptive framework for road boundary detection by integrating fused gradient magnitude, curvature enhancement, and textural entropy into a unified edge strength representation. Unlike traditional methods that rely solely on intensity gradients or fixed thresholding schemes, our approach dynamically adjusts to local variations in geometry and texture, making it highly effective under diverse real-world conditions such as poor lighting, occlusions, or degraded lane markings. To validate its performance, we conducted a comparative analysis with two recent machine learning-based models (Li's model [20] and Rajalashmi's model [21]), both of which focus on road line detection under varying environmental conditions. Our model consistently outperformed these methods in terms of precision, boundary continuity, and resilience to noise and visual distortions.
The evaluation was conducted using the KITTI Road and Lane Detection Benchmark-a publicly available dataset widely used for autonomous driving research. It includes real-world road images captured from a vehicle-mounted camera across various urban, rural, and highway environments. For this study, a subset of 500 randomly selected images was chosen and resized to a standard resolution of 255×255 pixels to ensure computational uniformity. Preprocessing steps included normalization and noise reduction to enhance image quality. The implementation was carried out in MATLAB R2015a on a Windows 10 (64-bit) platform with 8 GB RAM and a high-performance CPU, which ensured smooth processing during experiments. Each experiment was repeated five times to ensure consistency, and the results were averaged. Statistical measures were calculated to assess the robustness of the model. The model's superior performance on the KITTI dataset, compared to Li's model [20] and Rajalashmi's model [21], confirms its effectiveness and potential for real-time application in intelligent transportation systems.
In the proposed model, careful tuning of key parameters is essential to optimize road boundary detection performance. Based on empirical evaluation across a diverse road scene dataset, the best-performing configuration includes setting the curvature weight parameter $\eta$ to 1.2 and the entropy weight $\mu$ to 0.8, balancing geometric sharpness and textural detail. The global scaling parameter $\gamma$ for the adaptive thresholding function is set to 1.0, offering an effective trade-off between sensitivity to subtle boundaries and resistance to over-segmentation in noisy areas. These values were chosen after extensive grid-search testing, where combinations of $\eta \in$[0.5,2.0], $\mu \in$[0.5,2.0], and $\gamma \in$[0.5,2.0] were evaluated using metrics such as precision, recall, and F1-score on annotated images. The selected parameter setup consistently yielded sharp, continuous boundary lines with minimal false positives, especially under challenging conditions such as faded markings, uneven lighting, and road textures with high entropy.
Figure 1 illustrates the complete workflow of the proposed road boundary detection algorithm, which is designed to accurately identify road edges in complex environmental conditions. The process begins with preprocessing, where input road images undergo initial enhancement and noise reduction. Following this, Channel Wise Color Normalization is applied to standardize color intensity across channels, reducing the effect of variable illumination and shadows on detection performance.

The normalized image is then processed through the SCF module, which extracts curvature-based edge information that helps in identifying road structure more reliably. This data is integrated with information from the Color Gradient Fusion Function, which captures gradient variations across color channels to enhance edge clarity. Together, these modules generate an FESM, a refined representation of potential edge locations based on both color and spectral cues.
To isolate true road boundaries, the edge strength map is processed using a Log Root Adaptive Thresholding technique. This adaptive approach dynamically adjusts the threshold based on local image statistics, making it robust against variations in texture and lighting. The result is a Binary Edge Map, where pixels corresponding to probable road boundaries are highlighted.
Finally, a postprocessing step overlays the detected boundaries (marked in red) onto the original image, providing a visual verification of the model's performance. This overlay aids in assessing the accuracy and coherence of the detected road edges. Overall, this integrated framework effectively combines color, curvature, and gradient features with adaptive thresholding to achieve robust road boundary detection in real-world scenarios.

Figure 2 illustrates the visual comparison between two existing road boundary detection methods [20], [21], applied to various road scenes. The first row displays the original input images under diverse environmental conditions. The second row shows the results obtained using the method proposed by Li and Hussin [20], while the third row presents the results from the method described by Rajalashmi et al. [21].
This comparison highlights the strengths and limitations of the competing models. Li's method [20] generally performs better in maintaining boundary continuity but struggles with shadows and low-contrast regions. On the other hand, the Rajalashmi's method [21] is more sensitive to edge variations but often produces noisy or fragmented boundaries in complex scenes. These results help identify the practical challenges in road boundary detection and underscore the need for further improvement in robustness, especially in real-world conditions involving noise, illumination changes, and texture variability.

Figure 3 presents a visual comparison between the original input road scenes (first row) and the corresponding boundary detection results generated by the proposed model (second row). The original images depict diverse road conditions, including variations in lighting, surface textures, and potential obstructions such as shadows or pavement markings, which are common challenges in real-world scenarios. The second row showcases the model's output, where detected road boundaries are highlighted in red, demonstrating its ability to accurately identify edges even in complex environments. The proposed framework integrates color gradient fusion and curvature analysis to enhance edge clarity, while its adaptive thresholding technique dynamically adjusts to local image statistics, ensuring robustness against noise and illumination changes. This results in continuous, well-defined boundaries that align precisely with the actual road edges, as evidenced by the overlaid detections. The figure highlights the model's superior performance compared to existing methods, particularly in maintaining edge continuity and reducing fragmentation, which is critical for applications like autonomous driving and road safety systems. By effectively combining multi-feature analysis with adaptive postprocessing, the model achieves reliable detection across varying conditions, addressing key limitations of previous approaches discussed in the text.
To assess the effectiveness and robustness of the proposed road boundary detection model (refer to Table 1), we conducted a comprehensive statistical analysis using multiple performance metrics: Precision, Recall, F1-score, Intersection over Union (IoU), Average Precision (AP), and Specificity. The evaluation was performed on test images. The proposed model achieved impressive results: Precision=92.6%, Recall=89.3%, F1-score=90.9%, IoU=84.5%, AP=91.2%, and Specificity=94.1%. These results demonstrate the model's ability to accurately detect road boundaries while minimizing false positives and false negatives, with a well-balanced performance between Precision and Recall as indicated by the high F1-score.
Model | Precision | Recall | F1-Score | IoU | AP | Specificity | P-Value |
---|---|---|---|---|---|---|---|
Proposed | 92.6 | 89.3 | 90.9 | 84.5 | 91.2 | 94.1 | $<$ 0.01 |
Li's method [20] | 85.4 | 81.2 | 83.3 | 76.8 | 80.5 | 86.7 | -- |
Rajalashmi's method [21] | 88.7 | 83.5 | 86.0 | 80.2 | 84.7 | 89.5 | -- |
In comparison, Li's method [20] and Rajalashmi's method [21] were also evaluated on the same dataset. The Li's model achieved a Precision of 85.4%, Recall of 81.2%, F1-score of 83.3%, IoU of 76.8%, AP of 80.5%, and Specificity of 86.7%. The Rajalashmi's model showed a Precision of 88.7%, Recall of 83.5%, F1-score of 86.0%, IoU of 80.2%, AP of 84.7%, and Specificity of 89.5%.
The statistical analysis, including a paired t-test, revealed that the proposed model outperforms both Li's model and Rajalashmi's model with statistically significant improvements (p$<$0.01) in all metrics. These results clearly demonstrate that the proposed model offers superior performance in terms of both detection accuracy and robustness, confirming its potential for deployment in real-world intelligent transportation systems and autonomous driving applications.
The proposed model demonstrates robust performance across a variety of lighting conditions, including daytime, nighttime, shadows, and glare. This resilience is primarily attributed to the MC-FGE algorithm's capability to integrate color gradient fusion and entropy-based features, which effectively capture salient edge information despite illumination changes. For instance, in daytime scenarios with strong natural light, the model accurately detects road boundaries by leveraging rich color contrasts. During nighttime or low-light conditions, the incorporation of gradient and curvature-based features helps maintain edge detection accuracy by emphasizing structural information over raw intensity values. Furthermore, the entropy potential function enhances the model's adaptability in shadowed regions and areas affected by glare by identifying regions with higher color complexity and irregularity. Although quantitative results under extreme lighting variations are limited in this study, qualitative assessments indicate that the model maintains stable edge detection performance, making it suitable for practical applications in diverse real-world environments.
In addition to the experimental results presented, the proposed model's advantages are supported by relevant literature that highlights the effectiveness of combining image segmentation and edge features for road boundary detection. For instance, Li and Hussin [20] demonstrated how integrating intelligent image segmentation with edge analysis improves boundary identification under varying road conditions. Similarly, Rajalashmi et al. [21] showed that machine learning approaches combined with edge tracking yield robust detection of road boundaries in complex environments. Our model builds upon and extends these findings by incorporating a unified mathematical framework that fuses color, curvature, and entropy cues, resulting in improved accuracy and robustness as confirmed by our comparative experiments. These studies provide both practical and theoretical support for the enhancements observed in the proposed methodology.
5. Conclusion
In this paper, we presented a novel and efficient road boundary detection model that leverages fused color gradient information, spectral curvature enhancement, and entropy-based texture analysis to generate a robust edge strength map. The proposed adaptive thresholding technique, based on a log-root interaction between curvature and entropy, enables precise discrimination between actual road boundaries and background noise under varying lighting, surface textures, and occlusion conditions. Extensive experiments on the publicly available KITTI dataset demonstrated that our model achieves superior performance compared to existing methods such as Li's method [20] and Rajalashmi's method [21], particularly in challenging real-world scenarios. Overall, the proposed method offers a promising solution for road boundary detection in advanced driver assistance systems and autonomous vehicle navigation, with potential for further extension to multi-lane detection and integration with deep learning-based tracking modules.
Although the proposed model performs effectively in detecting road boundaries under a wide range of conditions, it does exhibit certain limitations. The reliance on hand-crafted features such as curvature and entropy, while beneficial for interpretability, may not fully capture the diversity of road environments, particularly in highly cluttered or non-standard scenes like construction zones or roads with heavy occlusion. Additionally, reducing the input resolution to 255×255 pixels for computational efficiency may lead to a slight loss in the precision of boundary localization, especially in high-detail areas.
For future work, we plan to enhance the robustness of the model by incorporating multiscale processing strategies to preserve both global structure and local details. We also intend to evaluate the proposed method across a broader range of publicly available road datasets to confirm its generalizability. Furthermore, integration with complementary modules such as semantic segmentation or road surface classification could further boost its effectiveness in diverse autonomous driving scenarios.
The data used to support the findings of this study are available from the corresponding author upon request.
The author declares that there are no conflicts of interest.
