Next Article in Journal
Evaluation of Photogrammetric Methods for Displacement Measurement During Structural Load Testing
Previous Article in Journal
Quantifying Improvements in Derived Storm Events from Version 07 of GPM IMERG Early, Late, and Final Data Products over North Carolina
Previous Article in Special Issue
Rubber Plantation Expansion Leads to Increase in Soil Erosion in the Middle Lancang-Mekong River Basin During the Period 2003–2022
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Hybrid Framework for Soil Property Estimation from Hyperspectral Imaging

by
Daniel La’ah Ayuba
1,*,
Jean-Yves Guillemaut
1,
Belen Marti-Cardona
2 and
Oscar Mendez
1
1
Centre for Vision, Speech and Signal Processing (CVSSP), University of Surrey, Guildford GU2 7XH, UK
2
Centre for Environmental Health and Engineering, University of Surrey, Guildford GU2 7XH, UK
*
Author to whom correspondence should be addressed.
Remote Sens. 2025, 17(15), 2568; https://doi.org/10.3390/rs17152568
Submission received: 1 June 2025 / Revised: 9 July 2025 / Accepted: 18 July 2025 / Published: 24 July 2025
(This article belongs to the Special Issue Advances in Remote Sensing for Soil Property Mapping)

Abstract

Accurate estimation of soil properties is crucial for optimizing agricultural practices and promoting sustainable resource management. Hyperspectral imaging provides a non-invasive means of quantifying key soil parameters, but effectively utilizing the high-dimensional hyperspectral data presents significant challenges. In this paper, we introduce HyperSoilNet, a hybrid deep learning framework for estimating soil properties from hyperspectral imagery. HyperSoilNet leverages a pretrained hyperspectral-native CNN backbone and integrates it with a carefully optimized machine learning (ML) ensemble to combine the strengths of deep representation learning with traditional ML techniques. We evaluate our framework on the Hyperview challenge dataset, focusing on four critical soil properties: potassium oxide, phosphorus pentoxide, magnesium, and soil pH. Comprehensive experiments demonstrate that HyperSoilNet surpasses state-of-the-art models, achieving a score of 0.762 on the challenge leaderboard. Through detailed ablation studies and spectral analysis, we provide insights on the components of the framework, and their contribution to performance, showcasing its potential for advancing precision agriculture and sustainable soil management practices.

1. Introduction

Rising global food demand and increasing environmental concerns have made monitoring soil health a critical priority for sustainable agriculture [1]. Precision agriculture, which involves tailoring agricultural inputs to site-specific conditions, has emerged as a promising approach to improve crop yields while minimizing negative environmental impacts [2]. Accurate estimation of soil properties, such as nutrient levels and pH, is central to precision agriculture, as these properties directly influence crop growth, soil health, and the effectiveness of agricultural interventions [3].
Traditional methods for assessing soil properties rely on physical sampling and laboratory analysis. While these methods are reliable, they are labor-intensive, costly, and they provide only point-based measurements that may not represent larger field variability [4]. Such sparse and localized sampling can miss important spatial patterns of soil nutrients or contaminants [4]. Remote sensing techniques have therefore gained traction as a complementary, non-invasive approach to soil analysis [4,5,6,7,8].
Hyperspectral imaging (HSI) captures reflectance data across hundreds of narrow, contiguous spectral bands, providing means to assess soil characteristics over broad areas without direct contact with the ground [9,10]. Soil properties (such as organic matter, moisture, or mineral content) impart distinctive and measurable features in the soil’s spectral signature [11,12,13,14]. Soil organic matter strongly influences visible to near-infrared reflectance through light absorption, with higher organic content typically decreasing overall soil reflectance [15,16]. Soil moisture content significantly affects spectral reflectance across the entire spectrum, particularly in shortwave infrared regions where water absorption bands at 1440 nm and 1930 nm are prominent [17,18,19]. Clay minerals and iron oxides exhibit characteristic absorption features in the visible and near-infrared regions, with iron-bearing minerals dominating visible region absorption (400–700 nm) and clay minerals showing distinctive features in the shortwave infrared [20,21,22]. By measuring reflectance across a wide spectrum, HSI can differentiate materials based on their unique spectral signature, enabling the detection of variations in soil composition and condition [23,24]. This capability makes HSI an indispensable tool for mapping soil properties over large agricultural regions in a rapid and cost-effective manner.
Despite its potential, hyperspectral data poses significant challenges due to its high dimensionality and complexity. A single HSI scene can have hundreds of bands, resulting in a large feature space from which relevant spectral–spatial patterns are difficult to extract. Traditional machine learning methods frequently struggle with these high-dimensional data and the nonlinear relationships between spectral features and soil properties [25]. Simpler models may fail to capture the variety of spectral signatures associated with different soil parameters, particularly under changing field conditions (e.g., moisture or surface residue changes) [26]. This complexity demands more advanced analytical techniques capable of extracting meaningful information from HSI while avoiding overfitting and noise sensitivity.
Deep learning (DL) approaches, particularly convolutional neural networks (CNNs), have shown considerable success in various computer vision tasks, including hyperspectral image analysis [27,28,29,30,31]. Specialized deep models have achieved state-of-the-art performance in tasks such as hyperspectral image classification and segmentation [32]. However, most existing DL models for hyperspectral regression require a large amount of labeled training data to learn effectively. Labeled data in agricultural applications (for example, ground truth soil measurements coincident with HSI) is frequently limited, expensive to obtain, and does not usually cover all conditions [33,34]. As a result, purely deep models are prone to overfitting on small datasets and may perform poorly when applied to new regions or soil types [35,36]. Recent advances in self-supervised learning offer a promising avenue to tackle the data scarcity problem. By pulling together (in feature space) different augmented views of the same sample and pushing apart views of different samples, contrastive frameworks enable models to capture spectral patterns without relying on extensive labeled datasets [37]. Such techniques have produced impressive results in both general computer vision and remote sensing applications [38,39], indicating the possibility of improving feature extraction for hyperspectral data. Pretraining a model in a self-supervised manner on a large collection of HSI (without the need for ground truth labels) allows one to initialize the model with more robust and informative spectral feature encodings for downstream regression tasks.
Another promising approach to improving soil property prediction is through the development of hybrid frameworks that combine the strengths of deep learning and classical machine learning [40,41]. In this hybrid approach, a deep neural network can act as a feature extractor, distilling the high-dimensional hyperspectral data into a compact set of informative features, while traditional machine learning models (or ensembles) can be used as final predictors for soil parameters [42]. By combining deep and shallow learners, one can achieve a form of regularization [43]. The deep model transforms the input into a lower-dimensional feature space, while the downstream ML model reduces overfitting through ensemble averaging and other constraints [44]. This synergy is especially useful in scenarios with limited training data [45].
In this paper, we introduce HyperSoilNet, a hybrid framework for soil property estimation from hyperspectral imagery. HyperSoilNet integrates a hyperspectral-native CNN backbone with a self-supervised contrastive learning scheme and a machine learning ensemble for regression. We apply HyperSoilNet to the HyperView Challenge dataset [46], a recent benchmark for soil property prediction from satellite-based HSI focusing on four important soil parameters: potassium oxide (K2O), phosphorus pentoxide P 2 O 5 , magnesium (Mg), and pH. Our experimental results show that the proposed approach outperforms existing state-of-the-art models on this dataset, highlighting its potential for advancing precision agriculture and sustainable soil management.
In summary, our contributions are the following: (1) We propose a hybrid framework (HyperSoilNet) that integrates a hyperspectral CNN backbone and an ensemble of traditional ML regressors to estimate soil properties. (2) We demonstrate that this approach outperforms others on a public benchmark dataset. (3) We provide an analysis of the framework’s components. The remainder of this paper is organized as follows: Section 2 reviews relevant literature for soil property estimation using hyperspectral data. Section 3 details the proposed hybrid methodology. Section 4 presents the experimental setup and results, and Section 5 presents a discussion of the results and insights into the model’s performance. Finally, Section 6 concludes the paper with a summary and suggestions for future work.

2. Related Work

Hyperspectral Imaging for Soil Analysis: Hyperspectral remote sensing has a rich history in soil and agricultural applications, providing a means to assess soil properties across large areas with high spectral fidelity. HSI enables the identification of soil constituents such as minerals, organic matter, moisture, and nutrients based on their spectral signatures [47]. Numerous studies [5,6] have leveraged hyperspectral data for in situ soil property estimation, often in the context of precision agriculture and land management. Early approaches [48,49] drew from techniques in spectroscopy and chemometrics, using statistical analysis of spectra or handcrafted spectral indices to infer soil parameters. For example, vegetation and soil indices (like NDVI and its soil-adjusted variants) have been employed to indirectly estimate properties like soil organic carbon or fertility [50]. More specifically, partial least squares regression (PLSR) and other multivariate regression methods have traditionally been used to model the relationship between lab-measured soil properties and their spectral reflectance, particularly in studies involving soil spectral libraries or field spectrometer data [51,52]. These traditional methods were effective in many cases, establishing a baseline performance for soil prediction tasks. However, as the availability of hyperspectral imagery has grown, so has the need to map soil properties at scale, introducing greater variability in soil conditions and imaging factors. To address this complexity, the community has gradually incorporated more powerful machine learning techniques than linear regression.
Classical Machine Learning Approaches: A variety of traditional machine learning (ML) models have been used to predict soil properties from spectral data. Support vector machines (SVMs) and random forest (RF) ensembles are popular choices that have demonstrated strong performance in numerous case studies [49]. These models can capture nonlinear relationships between spectral features and soil properties and tend to be more robust than simple linear models. For instance, Abdulraheem et al. [4] provide a comprehensive review of remote sensing methods for soil measurement, highlighting the effectiveness of tree-based ensembles and kernel methods in this domain. In many studies, a common workflow is to first perform feature extraction or selection on the hyperspectral data (for example, using principal components, band selection, or expert-designed spectral features) and then train an ML regressor on those features [53,54]. While these traditional approaches can achieve good performance, particularly when calibrated to a specific region or dataset, they may struggle to generalize broadly. One significant limitation is that manually crafted features or shallow decision boundaries may not fully capture the complex, high-order interactions found in full-spectrum hyperspectral data.
Deep Learning Methods: Deep learning has increasingly been explored for modeling hyperspectral data, including soil parameter estimation. Deep neural networks can automatically learn feature representations from raw spectral images, potentially uncovering subtler patterns than manual feature engineering. For example, Zhong et al. [55] demonstrated that a deep CNN outperformed a shallow CNN and traditional ML methods for predicting soil properties in the large LUCAS soil dataset. Other architectures such as autoencoders and recurrent neural networks (RNNs) have also been investigated. Autoencoders (stacked denoising autoencoders, in particular) have been used to learn unsupervised spectral features that improve subsequent prediction of multiple soil attributes [56,57]. More recently, attention mechanisms and transformer-based architectures have been introduced to hyperspectral analysis [58,59]. Overall, deep learning methods have pushed the performance boundaries in soil spectroscopy, but they often require careful regularization, large training datasets, or transfer learning to be effective, due to the risk of overfitting in data-scarce scenarios [35,36].
Hyperspectral Estimation of Soil Nutrients and pH: In contrast to other soil properties like organic matter and nitrogen, research on hyperspectral estimation of potassium (K), phosphorus (P), magnesium (Mg), and pH has been limited, despite the importance of soil nutrients and pH for agricultural applications. This limitation stems partly from the fact that these nutrients do not exhibit distinctive spectral features in the visible to shortwave infrared (400–2500 nm) region [60]. Traditional approaches for nutrient estimation have relied on PLSR models combined with spectral preprocessing techniques. Peng et al. [61] developed methods using PLSR combined with variable selection algorithms to estimate soil total nitrogen, phosphorus, and potassium, finding that potassium showed better prediction accuracy ( R 2 = 0.82) compared to nitrogen and phosphorus due to its metallic nature and higher spectral sensitivity. Mahajan et al. [62] utilized field spectroscopy with PLSR to monitor wheat nutrient content including nitrogen, phosphorus, potassium, and sulfur, demonstrating the effectiveness of visible-shortwave infrared reflectance (350–2500 nm) for macronutrient detection in agricultural applications. Riad et al. [63] investigated soil nutrient prediction using Landsat-8 hyperspectral satellite imagery in northern Bangladesh, developing a machine learning-based hybrid classification model with over 1500 satellite images to identify major soil nutrients and support agricultural decision-making in regions using traditional farming practices.
Recent advances in machine learning have improved nutrient estimation accuracy. Chlouveraki et al. [64] investigated combinations of Principal Component Regression (PCR), Automatic Relevance Determination (ARD), PLSR, and Multi-Layer Perceptrons (MLP) for predicting macronutrients including nitrogen, phosphorus, potassium, calcium, and magnesium from hyperspectral data. Their study revealed that feature extraction and selection techniques are crucial for refining the high-dimensional spectral input space. Castaldi et al. [60] utilized PRISMA hyperspectral satellite data with machine learning algorithms to retrieve topsoil nutrients (N, P, K) and pH, finding that PRISMA data provided slightly better accuracy than Sentinel-2 for nutrient retrieval, with shortwave infrared bands being particularly important for P and K estimation.
For pH estimation specifically, research has shown more promising results due to pH’s influence on iron oxide content and overall soil reflectance characteristics. Jain et al. [65] developed novel spectral indices specifically for soil pH estimation using hyperspectral data, achieving R 2 values of 0.86 for AfSIS soil pH and 0.945 for LUCAS-2009 soil pH using artificial neural networks combined with principal component analysis. Yang et al. [66] compared multiple machine learning approaches including PLSR, least squares-support vector machines, extreme learning machines, and Cubist regression for pH prediction from vis-NIR spectra, with extreme learning machines showing the best performance ( R 2 = 0.74, RMSE = 0.42 for pH). The performance differences between linear and nonlinear methods highlight the complex relationships between soil pH and spectral reflectance patterns.
Recent deep learning approaches have further advanced nutrient estimation capabilities. Sun et al. [67] developed a hybrid CBiResNet-BiLSTM model for soil total nitrogen estimation, achieving R 2 = 0.937 compared to traditional PLSR ( R 2 = 0.883), representing a 5.4% improvement. However, comprehensive studies comparing traditional ML, deep learning, and hybrid approaches specifically for K, P, Mg, and pH estimation from hyperspectral data remain limited. Most existing research focuses on individual nutrients or combines nutrients with other soil properties, making direct performance comparisons challenging. The lack of standardized datasets and evaluation protocols for these specific properties further complicates progress assessment in the field.
Hybrid and Ensemble Frameworks: An emerging trend in the field is the development of hybrid frameworks that seek to harness the complementary advantages of different approaches. Rather than viewing classical ML and deep learning as mutually exclusive solutions, recent research shows that combining them can lead to more robust and generalized models [40,41,42]. Another approach is the model ensembling of heterogeneous learners. For example, ensemble models that combine the outputs of neural networks and traditional ML models can often outperform either model alone, by reducing variance and exploiting different modeling strengths. The benefits of such hybrid strategies were evident in the 2022 HyperView Challenge (a competition for predicting soil properties from hyperspectral images). The Hyperview Challenge winner, EagleEyes [68], combined random forest and KNN with hand-crafted features, achieving a score of 0.781. However, its reliance on manual feature engineering limits scalability. HyperSoilNet advances this paradigm by integrating a self-supervised Hyperspectral CNN backbone with an ML ensemble, leveraging unlabeled data to automate feature extraction while maintaining prediction accuracy.
Research Gaps and Motivation: Despite the progress in applying traditional ML and DL to hyperspectral soil data, there remain noteworthy gaps in the literature [6,49]. Many studies either rely solely on classical ML or on end-to-end deep networks; relatively few attempts have been made to integrate these approaches into a cohesive framework for regression tasks [69,70]. The potential of self-supervised learning in this domain is also largely untapped [38], with a few attempts such as SSL-SoilNet [71] for soil organic carbon prediction and early work on soil moisture estimation using Self-Organizing Maps [72]. Most prior works train on labeled data only [58,64,73], overlooking the value of abundant unlabeled hyperspectral data to pretrain models [74]. While recent reviews highlight self-supervised learning as a rising trend in remote sensing [38], and foundational work like Tile2Vec [75] and Seasonal Contrast [76] has demonstrated the effectiveness of contrastive learning in related domains, applications in soil property prediction are still in their early stages, with limited methodological diversity and no established benchmark datasets for SSL evaluation in hyperspectral soil analysis [38,77]. Recent advances in hyperspectral SSL frameworks such as SpectralEarth [78] and SatMAE [79] provide transferable methodologies, though their application to soil analysis remains unexplored. Additionally, as noted in our review of nutrient-specific research, there is a significant gap in comprehensive studies that systematically compare different modeling approaches for K, P, Mg, and pH estimation, with most research focusing on individual properties or broader soil characteristic assessments. Our work is motivated to develop a hybrid approach that combines self-supervised feature learning and ensemble modelling to improve generalization. To our knowledge, this is the first approach to integrate contrastive self-supervised learning with a classical ML ensemble for hyperspectral soil property estimation. In the following sections, we build upon the insights from prior work and detail how our method is designed to advance the state of the art in non-invasive soil property estimation.

3. Methodology

In this work, we present a hybrid framework for soil property estimation from hyperspectral imagery called HyperSoilNet. Our approach integrates a pretrained deep learning backbone with traditional machine learning regressors to effectively leverage both representation learning and ensemble prediction. The entire workflow is designed to address the challenges of high-dimensional hyperspectral data while maximizing prediction accuracy for soil properties.

3.1. Dataset Characteristics and Analysis

The experiments in this study were conducted using the Hyperview dataset, a collection of high-quality hyperspectral imagery and corresponding ground truth soil measurements, provided as part of the Hyperview Challenge organized by KP Labs, ESA, and QZ Solutions [46]. The dataset consists of hyperspectral images for training and validation, with ground truth soil property measurements provided in CSV format by the challenge organizers. All soil attributes were collected and measured by the challenge organizers. The authors did not conduct any soil sampling or laboratory analysis.
The hyperspectral imagery was acquired over Polish agricultural areas in March 2021 using a HySpex VS-725 (Norsk Elektro Optikk, Oslo, Norway) hyperspectral imager mounted on a Piper PA-31 Navajo (Piper Aircraft Corporation, Vero Beach, FL, USA) aircraft flying over actual agricultural fields (Figure 1). This imaging system comprises SWIR-384 and VNIR-1800 imagers (Norsk Elektro Optikk, Oslo, Norway), capturing a total of 430 hyperspectral bands, which were subsequently reduced to 150 bands to match the spectral range of the Intuition-1 satellite’s onboard sensor [80]. The Hyperview dataset contains 150 contiguous hyperspectral bands spanning 462.08 to 938.37 nm with approximately 3.2 nm spectral resolution, corresponding to the VNIR portion of the electromagnetic spectrum. Ground truth measurements of soil properties were obtained by the challenge organizers through in situ sampling and analysis using the Mehlich 3 methodology [81,82]. The four target soil properties measured were potassium oxide (K2O), phosphorus pentoxide (P2O5), magnesium (Mg), and soil pH. This field-based data collection by the challenge organizers ensures that models trained on this dataset reflect realistic agricultural conditions, including natural variations in soil moisture, surface roughness, and atmospheric effects, making the results applicable to practical precision agriculture scenarios. The complete dataset consists of 2886 patches (1732 for training and 1154 for testing), with each patch containing 150 spectral bands and representing a field with the four ground truth soil parameters provided in CSV format.
Analysis of the spectral characteristics reveals distinctive reflectance patterns across different soil property levels (Figure 2). The spectral differences between soil parameter levels are most pronounced in the NIR-SWIR region (750–938 nm), with a distinctive reflectance increase after the Red Edge region (700–750 nm). Fields with high Mg and pH levels show notably higher reflectance in the NIR-SWIR region compared to those with lower values, while K2O and P2O5 differences are more subtle across the entire spectral range. While soil spectral reflectance mechanisms involve complex interactions between soil components [14,48], the dataset provides sufficient spectral information for soil property discrimination as demonstrated by the challenge results and the performance of participating methods.
The distribution of soil properties across the training dataset exhibits notable patterns, with K2O, P2O5, and Mg showing right-skewed distributions (most fields having lower to medium values), while pH follows a more normal distribution centered around 6.8. Correlation analysis between soil properties (Figure 3) revealed a moderate positive correlation between K2O and P2O5 (r = 0.41), suggesting these macronutrients share common dynamics in the studied soils. K2O and Mg showed a weaker positive relationship (r = 0.23), while a slight negative correlation exists between P2O5 and Mg (r = −0.10). The correlations between pH and other properties were particularly weak (r = 0.01 to 0.17), confirming that soil acidity is largely independent of nutrient content in this dataset.
These observations guided our feature engineering process and model design choices, highlighting the need for techniques that can capture the subtle spectral variations in the VIS (462–700 nm) and Red Edge (700–750 nm) regions, while leveraging the more prominent differences in the NIR-SWIR bands (750–938 nm). The varying correlation strengths between soil properties further supported our multi-task learning approach, which can leverage shared information for correlated properties while maintaining specificity for more independent variables like pH.

3.2. Framework Overview

HyperSoilNet consists of two main components, as illustrated in Figure 4. The foundation of the first component is a pretrained Hyperspectral-Native CNN Backbone based on the HyperKon architecture [83], which was previously trained on a large collection of hyperspectral satellite imagery using contrastive learning. This backbone serves as our feature extractor, providing robust spectral–spatial representations that have been learned from diverse hyperspectral data. Then we adapt the pretrained backbone for soil property estimation. The second component is an ML Ensemble Module which employs multiple traditional machine learning regressors that operate on the extracted features to predict soil properties with enhanced robustness.

3.3. Pretrained Backbone and Architectural Adaptations

The HyperKon architecture is based on ResNeXt’s multibranch cardinality design, comprising multiple convolutional blocks with squeeze-and-excitation attention mechanisms. The network contains approximately 5.54M parameters distributed across residual blocks with cardinality of 32 and bottleneck width of 4. The architecture includes an initial convolutional layer followed by four main residual stages with [ 3 , 4 , 6 , 3 ] blocks, respectively, each incorporating squeeze-and-excitation modules for adaptive feature recalibration. The network was pretrained using self-supervised contrastive learning on the EnHyperSet-1 dataset, which contains 800 hyperspectral scenes (200 Level 1B, 200 Level 1C, 400 Level 2A) with 224 spectral bands ranging from 420–2450 nm, covering diverse global urban, forest, and agricultural environments. The pretraining utilized NT-Xent contrastive loss for 1000 epochs with batch size 32 and Adam optimizer with learning rate 1 × 10 4 . Complete architectural specifications and training procedures are detailed in [83].
We adapt the pretrained model for our specific task of soil property estimation. Our first key adaptation is the integration of a spectral attention mechanism after the initial convolutional layers. This mechanism is specifically designed to emphasize the most informative wavelengths for soil property estimation based on our spectral analysis findings. The attention module works by spatially pooling the feature map to generate channel-wise weights that highlight important spectral bands. This process can be formulated as
z = GAP ( F ) = 1 H × W i = 1 H j = 1 W F ( i , j )
s = σ ( W 2 δ ( W 1 z ) )
F = s F
where F R C × H × W is the feature map, GAP is global average pooling, W 1 R C r × C and W 2 R C × C r are weights of the MLP with reduction ratio r = 16 , δ is the ReLU function, σ is the sigmoid function, and ⊗ denotes channel-wise multiplication.
As a second adaptation, we incorporate a global context module that combines global average pooling and global max pooling operations, followed by concatenation and dimension reduction. This module helps capture both overall field characteristics and the most distinctive spectral features, providing a more comprehensive representation of the soil sample. The final output of our adapted backbone is a 128-dimensional feature embedding vector that encapsulates the complex spectral–spatial patterns associated with different soil properties. These CNN-extracted features serve as the primary input to our machine learning ensemble, providing each algorithm with rich spectral–spatial representations that capture hierarchical patterns learned through self-supervised pretraining on diverse hyperspectral imagery.

3.4. Feature Engineering and Processing

To maximize information extraction from hyperspectral data, we implement a comprehensive feature extraction process guided by our spectral analysis findings. We process the raw hyperspectral patches ( w × h × c , where w and h are spatial dimensions and c represents 150 spectral bands) through several complementary transformations designed to capture different aspects of the spectral–spatial information.
The first set of features focuses on spectral characteristics through the computation of average spectral reflectance and its first-, second-, and third-order derivatives. These derivatives highlight subtle variations and absorption features specific to different soil minerals, which are often not apparent in the raw reflectance data. The derivative operation can be expressed as
d n R ( λ ) d λ n Δ n R ( λ ) Δ λ n
where R ( λ ) is the reflectance at wavelength λ , and n is the derivative order. This approach is motivated by our observation that spectral differences between soil parameter levels are most pronounced in the NIR-SWIR region, with distinctive patterns after the Red Edge region (bands 60–80).
For capturing multi-scale spectral patterns, we apply discrete wavelet transforms (DWT) using the Meyer wavelet [84]. The wavelet transform decomposes the signal into approximation ( A j ) and detail ( D j ) coefficients:
R ( λ ) = A J + j = 1 J D j
where A J represents approximation coefficients and D j represents detail coefficients at decomposition level j (we use J = 4 ). This multi-resolution analysis enables the detection of features at different spectral scales, which we found particularly valuable for differentiating between similar soil types with subtle spectral differences.
To capture dominant spatial–spectral patterns, we employ singular value decomposition (SVD) to each spectral channel. For a given spectral band B i represented as a matrix, the SVD can be written as
B i = U Σ V T
where Σ contains the singular values σ 1 σ 2 σ n . We use the top five singular values and their ratios as features to capture the dominant spectral–spatial patterns within each field while reducing dimensionality.
Finally, we extract frequency domain characteristics through Fast Fourier Transforms (FFT):
F ( k ) = n = 0 N 1 R ( n ) e i 2 π k n / N
The real and imaginary components of the FFT enhance the representation of periodic patterns in the spectral signatures, which can be indicative of certain mineral compositions within the soil.
These feature engineering techniques were selected based on their ability to capture the specific spectral characteristics observed in our dataset analysis. The correlation patterns between soil properties (Figure 3) further informed our approach, as we needed to capture both shared and property-specific spectral patterns in the data. The 128-dimensional CNN feature vector, combined with these engineered spectral features, provides each machine learning algorithm with complementary representations that enhance predictive performance. For Random Forest, the CNN features serve as input variables for decision tree splitting, enabling the discovery of complex spectral–spatial decision boundaries that leverage multi-band interactions beyond traditional spectral indices. XGBoost utilizes these features within its gradient boosting framework, where the rich CNN representations allow the algorithm to model subtle spectral variations and build more accurate predictive trees by focusing on residual errors in the learned feature space. The KNN algorithm operates directly in the CNN feature space, using Euclidean distance calculations where hyperspectral patches with similar soil properties are positioned closer together based on learned spectral–spatial patterns rather than raw spectral similarity, resulting in more meaningful similarity metrics for soil property prediction.

3.5. Machine Learning Ensemble

The features extracted by the adapted backbone serve as input to a machine learning ensemble comprising Random Forest [43], XGBoost [85], and K-Nearest Neighbors (KNN) [86] regressors. Our choice of these algorithms is based on their complementary strengths for soil property modeling, as revealed through our experimental analysis and supported by extensive literature demonstrating their effectiveness in hyperspectral soil analysis [4,49]. Random Forest provides robust performance with good resistance to overfitting through its ensemble of decision trees [43]. The random subspace method enables it to capture different aspects of the spectral–spatial features, performing well even when specific regions of the spectrum contain noise or atmospheric effects [44,87]. XGBoost, as a gradient boosting framework, sequentially improves predictions by focusing on previously misclassified samples [85], making it particularly valuable for accurately predicting extreme values of soil properties, which are less common in the dataset but agriculturally important [45,58]. KNN, as a non-parametric method, captures local patterns in the feature space [88], making it effective for fields with similar spectral signatures and providing a contrasting approach to the tree-based methods, thus improving ensemble diversity [14].
Each regressor in the ensemble is independently optimized with tailored configurations determined through a systematic grid search with 5-fold cross-validation on the training dataset. The Random Forest uses 100 decision trees with mean-squared error as the split criterion, maximum depth of 20, and minimum samples per leaf of 5. The choice of 100 trees provides a good balance between computational efficiency and model stability, as recommended in the literature for ensemble methods on moderate-sized datasets [43,87]. The maximum depth of 20 prevents overfitting while allowing sufficient model complexity to capture spectral–spatial relationships, and minimum samples per leaf of 5 ensures adequate statistical support for leaf nodes [45]. We employ bootstrap sampling with sample weights inversely proportional to property frequency to address class imbalance. The XGBoost regressor is configured with a learning rate of 0.1, 100 boosting rounds, maximum tree depth of 5, L1 regularization (alpha) of 0.01, and L2 regularization (lambda) of 1.0. The learning rate of 0.1 is a commonly recommended conservative value that ensures stable convergence while maintaining reasonable training time [85]. The maximum depth of 5 and regularization parameters (alpha = 0.01, lambda = 1.0) were selected to prevent overfitting in the high-dimensional feature space typical of hyperspectral applications [58]. The 100 boosting rounds were determined through cross-validation to achieve optimal performance without overfitting. We also use early stopping with a patience of 15 rounds to prevent overfitting. The KNN regressor utilizes 7 neighbors with distance-weighted voting using Euclidean distance in the feature space and applies a standardization preprocessor to ensure fair distance calculations across all feature dimensions.
We implement a property-specific weighted ensemble that assigns different weights to each regressor based on its performance for each soil property. These weights are determined using Bayesian optimization to minimize the validation error for each property:
y ^ i ( p ) = α p · y ^ i R F ( p ) + β p · y ^ i X G B ( p ) + γ p · y ^ i K N N ( p )
where y ^ i ( p ) is the final ensemble prediction for property p (K, P2O5, Mg, or pH) on sample i, and α p , β p , and γ p are the optimized weights for each regressor on property p such that α p + β p + γ p = 1 .
The optimal weights varied by soil property, reflecting the strength of each regressor for different soil characteristics. For potassium (K), the weights were distributed as α K = 0.45 , β K = 0.40 , and γ K = 0.15 , indicating that Random Forest and XGBoost contributed most significantly to K prediction. For phosphorus pentoxide (P2O5), XGBoost received the highest weight ( α P 2 O 5 = 0.38 , β P 2 O 5 = 0.45 , γ P 2 O 5 = 0.17 ), suggesting its effectiveness for this property. Magnesium (Mg) prediction relied more heavily on Random Forest ( α Mg = 0.42 , β Mg = 0.38 , γ Mg = 0.20 ), while pH prediction was dominated by XGBoost ( α pH = 0.35 , β pH = 0.50 , γ pH = 0.15 ). This property-specific weighting strategy improved overall prediction accuracy by 3–5% compared to simple averaging, with the most significant improvements observed for pH and P2O5 predictions.

3.6. Training and Implementation Details

We implemented HyperSoilNet using PyTorch 2.5.1 for the CNN backbone and scikit-learn 1.4.2 for the ML ensemble. All experiments were conducted on an NVIDIA A100 GPU with 40 GB memory. The training process consisted of two main phases: backbone fine-tuning and ensemble training.
The backbone fine-tuning hyperparameters were selected based on established practices for transfer learning in hyperspectral analysis and validated through preliminary experiments [35,36,89]. The backbone was fine-tuned for 100 epochs with a batch size of 24 using the AdamW optimizer with a weight decay of 1 × 10−4. The batch size of 24 was chosen to maximize GPU memory utilization while ensuring stable gradient estimates, and 100 epochs provided sufficient training time for convergence without overfitting on the limited labeled data [83]. The AdamW optimizer with weight decay of 1 × 10−4 is recommended for fine-tuning pretrained models, providing adaptive learning rates and effective regularization [90]. We employed a cosine annealing learning rate schedule starting from 1 × 10−4 and decreasing to 1 × 10−6. The initial learning rate of 1 × 10−4 is conservative for fine-tuning pretrained networks, preventing catastrophic forgetting while allowing parameter adaptation [89]. During fine-tuning, we used a multi-task loss function combining mean squared error (MSE) for each soil property:
L = p { K , P 2 O 5 , Mg , pH } w p · M S E p
where w p are property-specific weights (1.0, 1.2, 1.0, and 1.5 for K, P2O5, Mg, and pH, respectively) determined based on the property distributions and relative prediction difficulties.
After fine-tuning the backbone, we extracted features for all training samples and trained the ML ensemble. Each regressor (RF, XGBoost, KNN) was trained independently using its optimal hyperparameters. We employed 5-fold stratified cross-validation to ensure robust performance evaluation and prevent overfitting. For the final model, we trained each regressor on the full training set and optimized the ensemble weights using a held-out validation set (20% of the training data).

4. Experiments

The evaluation of HyperSoilNet was conducted within the framework of the Hyperview Challenge [46], a competition for predicting soil properties from hyperspectral imagery organized by KP Labs, ESA, and QZ Solutions. This competition setting imposed specific constraints on our experimental methodology, such as the training and testing sets constituting 60% and 40% of the dataset, respectively. These constraints were respected for the sake of comparing and interpreting our results with others. Most significantly, the ground truth for the test dataset is not available to participants. Predictions are generated and submitted to the challenge platform for evaluation using a custom metric that compares model performance to a baseline. Additionally, the number of submissions is limited, which influences model development and validation strategy by restricting the ability to perform extensive hyperparameter tuning on the test set. These constraints shaped our experimental approach, particularly in terms of model validation and performance analysis, leading us to perform thorough internal validation using cross-validation on the training set before making final submissions to the challenge platform.

4.1. Evaluation Metrics

The performance of HyperSoilNet is evaluated using metrics aligned with the Hyperview Challenge [46]. The primary metric is Mean Squared Error (MSE), defined as
MSE = 1 N i = 1 N ( y i y ^ i ) 2 ,
where y i is the true value, y ^ i is the predicted value, and N is the number of samples. Additionally, a custom evaluation score compares model performance to a baseline prediction, calculated as
Score = 1 4 i = 1 4 MSE algo ( i ) MSE bl ( i ) ,
where MSE algo ( i ) represents the MSE for the i-th soil parameter using the algorithm, and MSE bl ( i ) corresponds to the baseline MSE. These metrics provide a comprehensive assessment of the model’s accuracy and improvement over baseline predictions. Additional metrics including parameter-specific R 2 values, and calibration quality measures are computed to assess model performance across different value ranges.

4.2. Cross-Validation Results

Prior to challenge submission, we evaluated HyperSoilNet through 5-fold cross-validation on the training dataset. Figure 5 shows the scatter plots of predicted versus actual values for each soil property in our cross-validation experiments. These plots reveal several important insights about the performance of our model across different soil properties and value ranges. The model achieved the highest R 2 for phosphorus pentoxide (P2O5, R 2 = 0.786) and potassium (K, R 2 = 0.771), followed by magnesium (Mg, R 2 = 0.686) and pH ( R 2 = 0.529).
Examining the distribution of prediction errors across value ranges reveals that the model generally performs better in the mid-range values for all properties, with higher scatter at extreme values. This pattern is particularly pronounced for pH, where predictions for values below 6.0 and above 7.2 show increased error, likely due to the less frequent occurrence of these extreme values in the training dataset. For nutrient properties (K, P2O5, Mg), the model tends to underestimate high values and overestimate low values, a common regression-to-the-mean pattern observed in many statistical learning models. This suggests that additional techniques might be beneficial for extreme value prediction, such as stratified sampling or specialized loss functions that place greater emphasis on the tails of the distribution.
For comparison, Figure 6 shows the prediction performance of the EagleEyes model [68], which achieved the top score in the original Hyperview Challenge. EagleEyes employed a combination of Random Forest and K-Nearest Neighbors regressors trained exclusively on handcrafted spectral features, including spectral derivatives, vegetation indices, and statistical measures, without any deep learning components. While both models show similar patterns of error distribution, HyperSoilNet demonstrates improved prediction accuracy, particularly for mid-range values. This improvement is most evident in the tighter clustering along the identity line for K and P2O5, suggesting that our hybrid approach is particularly effective. This comparison between our CNN-feature-based hybrid framework and the traditional machine learning approach demonstrates the effectiveness of incorporating deep-learned representations over handcrafted spectral features for soil property estimation. The comparison also highlights a common challenge in soil property prediction from hyperspectral data: the difficulty in accurately estimating extreme values, which often represent fields with unique conditions or management practices.

4.3. Challenge Results

Following cross-validation, we generated predictions for the withheld test dataset and submitted them to the Hyperview Challenge platform. The evaluation resulted in a score of 0.762 for HyperSoilNet. Table 1 compares our score to other leading entries on the challenge leaderboard. HyperSoilNet achieved a score of 0.762, representing a 23.8% improvement over the baseline score of 1.0 and demonstrating competitive performance relative to the leading EagleEyes approach (0.781), with only a 2.4% performance gap. This quantifiable performance on the external test set validates the generalization capability of our hybrid framework, with the 23.8% improvement over baseline demonstrating that the combination of a pretrained hyperspectral backbone and an ensemble of traditional regressors provides robust predictions across diverse field conditions.
It is important to note that the challenge format prevents us from conducting more detailed analysis of test set performance, such as property-specific error analysis or calibration quality assessment. Our evaluation is therefore primarily based on the aggregate challenge score and cross-validation results. This limitation is inherent to the competition framework, where participants do not have access to the ground truth values for the test set. Nevertheless, the competitive performance on the challenge leaderboard, combined with our thorough cross-validation analysis, provides strong evidence for the effectiveness of our approach in soil property estimation from hyperspectral imagery.

4.4. Ablation Study

To evaluate the contribution of each component in HyperSoilNet, we conducted an ablation study by systematically altering or removing key parts of the model and assessing their impact on performance using the Hyperview Challenge dataset. Specifically, we focused on the roles of Hyperspectral CNN backbone (HCB) and the machine learning ensemble. Since the test set ground truth was not available, all experiments were performed using stratified 5-fold cross-validation on the training set, with performance measured via the custom score (Equation (11)) computed on the validation folds.
We compared the following variants of HyperSoilNet:
  • Variant A (Full HyperSoilNet): The complete model, featuring an HCB pretrained with self-supervised contrastive learning. Features extracted from this backbone are fed into an ensemble of Random Forest, XGBoost, and KNN regressors.
  • Variant B (No Pretraining): The HCB is trained from scratch using only the labeled training data to extract features, which are then passed to the same ensemble as Variant A.
  • Variant C (HCB): The HCB is fine-tuned for regression using the labeled data, bypassing the ensemble.
  • Variants D1–D3 (Individual Regressors): Features from the HCB are used to train each regressor in the ensemble separately: D1 with Random Forest, D2 with XGBoost, and D3 with KNN.
The results are summarized in Table 2.
The results in Table 2 demonstrate that Variant A (Full HyperSoilNet) achieves the best performance with a custom score of 0.683 ± 0.011 . Removing self-supervised pretraining (Variant B) significantly degrades the score to 0.820 ± 0.015 , underscoring the importance of pretraining for learning robust feature representations. Similarly, omitting the ensemble and fine-tuning the HCB yields a score of 0.738 ± 0.012 , suggesting that the ensemble enhances prediction accuracy and robustness beyond what the CNN alone can achieve. Finally, using individual regressors (Variants D1–D3) results in scores ranging from 0.779 to 0.810 , all worse than the ensemble, which highlights the advantage of combining multiple regressors to leverage their complementary strengths.
These findings confirm that both the HCB and the machine learning ensemble are integral to the improved performance of HyperSoilNet in estimating soil properties. The pretraining enables effective feature extraction despite limited labeled data, while the ensemble improves prediction quality by integrating diverse regression models.

5. Discussion

5.1. Analysis of Property-Specific Performance

Our cross-validation results reveal interesting patterns in the performance of HyperSoilNet across different soil properties. The varying prediction accuracy can be related to both the distribution characteristics of each property in the dataset and the correlations between different soil parameters. More importantly, these performance differences have fundamental physical and chemical bases rooted in how each soil property manifests in hyperspectral reflectance patterns.
Phosphorus pentoxide (P2O5) achieved the highest R 2 (0.786), which may be attributed to its characteristic spectral response patterns that are captured effectively by the hyperspectral bands. Phosphorus in soils is primarily associated with iron and aluminum phosphates that exhibit characteristic absorption features in the near-infrared region (800–1200 nm) [14]. These mineral phases create distinct spectral signatures because phosphate groups interact with metal cations to form crystalline structures with specific vibrational frequencies detectable in the hyperspectral range [48]. The P-O stretching and bending modes in phosphate minerals contribute to diagnostic absorption features that are well-captured by the 150-band hyperspectral data used in this study. This high prediction accuracy facilitates more precise soil management decisions for phosphorus fertilization. Furthermore, P2O5 showed a moderate positive correlation with potassium (r = 0.41), allowing the model to leverage shared information between these properties.
Potassium oxide (K2O) showed similarly strong predictive performance ( R 2 = 0.771), which may be attributed to its correlation with P2O5 and its own distinct patterns in the hyperspectral data. Potassium in agricultural soils occurs primarily in K-bearing minerals such as feldspars, micas, and clay minerals. These minerals exhibit diagnostic spectral features related to Al-OH and Mg-OH stretching vibrations in the shortwave infrared region (1400–2400 nm) [21]. The crystalline structure of K-feldspars and the layer silicate structure of micas create characteristic absorption patterns that are distinguishable from other soil components [23]. Additionally, exchangeable potassium associated with clay mineral surfaces can influence the overall spectral response through changes in surface chemistry and hydration states. The correlation between K2O and P2O5 suggests shared dynamics in the soil that the model can leverage for prediction, potentially through shared features or parameters in the neural network. This strong performance for both macronutrients is encouraging for precision agriculture applications where nutrient management is critical.
Magnesium (Mg) predictions were less accurate ( R 2 = 0.686), which may be related to the slight negative correlation with P2O5 (r = −0.10) that might introduce competing patterns that complicate prediction. The lower accuracy for magnesium can be explained by its complex occurrence in multiple mineral phases with overlapping spectral characteristics. Magnesium occurs in primary minerals such as olivine and pyroxene, secondary minerals like chlorite and vermiculite, and as exchangeable cations on clay surfaces [20]. Unlike phosphorus and potassium, which have more distinct mineral associations, magnesium’s spectral signature is often masked or confounded by iron oxides and organic matter, which dominate reflectance in the visible and near-infrared regions [22]. The Mg-OH absorption features in sheet silicates occur in similar wavelength ranges to other hydroxyl-bearing minerals, making spectral discrimination more challenging. Additionally, Mg showed greater variability in its relationships with other soil properties compared to K2O and P2O5, suggesting greater heterogeneity in how this nutrient is distributed across the agricultural fields in the dataset.
Soil pH was the most challenging property to predict ( R 2 = 0.529), which aligns with its weak correlations with other properties (r = 0.01 to 0.17). The difficulty in predicting soil pH stems from its complex physicochemical nature as an integrative measure of multiple soil processes rather than a direct mineral component. Soil pH reflects the balance of acid-producing and acid-neutralizing reactions involving carbonates, organic acids, clay mineral surface chemistry, and aluminum hydrolysis [24]. Unlike nutrients that are associated with specific mineral phases, pH influences soil reflectance indirectly through its effects on iron oxide crystallinity (hematite vs. goethite), organic matter decomposition products, and clay mineral surface charge [12]. These indirect relationships create more variable and context-dependent spectral patterns that are difficult to capture consistently across different soil types and management conditions. pH determination involves complex chemical interactions in soil that may be influenced by multiple factors, including soil texture, organic matter content, and mineral composition. The independent nature of pH compared to the nutrient properties means the model cannot leverage correlations to improve prediction accuracy, requiring the algorithm to rely solely on the direct spectral-pH relationships present in the data.
These findings suggest that both the inherent complexity of soil property-spectral relationships and the correlations between properties influence prediction accuracy. Our property-specific ensemble weighting strategy helps mitigate these challenges by optimizing the regressor combination for each property, giving more weight to the algorithms that perform best for that specific soil parameter. The varying performance across properties also highlights the importance of multi-task learning approaches that can account for both shared and property-specific patterns in hyperspectral soil data.

5.2. Advantages of the Hybrid Approach

The superior performance of our hybrid approach compared to both end-to-end deep learning (Variant C in our ablation study) and individual ML regressors (Variants D1–D3) highlights several key advantages of combining these methodologies for soil property estimation. Our hybrid framework leverages complementary strengths from both paradigms: the CNN backbone excels at extracting complex spectral–spatial patterns from raw hyperspectral data, while the ML ensemble provides robust regression with lower risk of overfitting. This combination is particularly valuable given the limited labeled data available in the Hyperview dataset, where end-to-end deep learning approaches would be more prone to overfitting without extensive regularization.
Our property-specific ensemble weighting strategy further enhances this hybrid approach by allowing the model to adapt to the unique characteristics of each soil property. The optimal weights determined through Bayesian optimization reveal that different regressors excel at different properties. XGBoost received higher weights for P2O5 and pH prediction, while Random Forest contributed more significantly to K and Mg prediction. This adaptive weighting can be understood in terms of the statistical properties of each soil parameter and the corresponding modeling strengths of each regressor. For instance, the strength of XGBoost in modeling non-linear relationships and handling outliers makes it particularly effective for pH, which showed the lowest correlation with other properties and more scattered distribution patterns.
The hybrid framework also improves generalization by combining multiple prediction approaches, reducing the risk of overfitting to specific spectral patterns or soil conditions in the training data. This ensemble effect is evident in the strong performance on the challenge test set, which likely contains fields with different characteristics than those in the training set. The diversity of the ensemble members, spanning both tree-based (Random Forest, XGBoost) and distance-based (KNN) methods, ensures that the model can handle a wide range of spectral signatures and soil conditions.
Our ablation results quantify these advantages, showing that the full HyperSoilNet (Variant A) achieved a custom score of 0.683 ± 0.011, significantly outperforming both the CNN-only approach (Variant C, 0.738 ± 0.012) and the best individual regressor (Variant D1, 0.779 ± 0.008). The most dramatic performance drop occurred when removing the pretraining (Variant B, 0.820 ± 0.015), highlighting the critical role of transfer learning from a larger dataset in establishing a strong foundation for soil property prediction. The HyperKon backbone was pretrained using self-supervised contrastive learning on a diverse collection of hyperspectral satellite imagery spanning multiple geographical regions and land cover types, providing robust spectral–spatial feature representations that transfer effectively to soil analysis tasks [83]. This extensive pretraining on unlabeled hyperspectral data enables the model to learn generalizable spectral patterns that are not achievable when training solely on the limited labeled soil data.

5.3. Limitations and Future Directions

Despite its promising performance, our approach has several limitations that warrant further investigation in future work. The geographic specificity of the model represents the most significant constraint for large-scale cross-regional application, as it was developed and evaluated exclusively on data from Polish agricultural regions. This limitation reflects a fundamental challenge in hyperspectral soil analysis: models trained on region-specific data may not generalize to other geographical contexts due to substantial variations in parent material, climate, vegetation, and land management practices across different regions. Soil characteristics and spectral signatures vary considerably across different global regions due to differences in parent material, climate, vegetation, and land management practices. This variability may limit the direct transferability of our model to other geographical contexts without adaptation. The challenge of developing truly generalizable models for large-scale cross-regional application remains a significant research gap in the field of hyperspectral soil analysis, where most studies, including ours, focus on specific regions or datasets.
Current hyperspectral soil property estimation approaches, including machine learning and deep learning methods, often exhibit limited transferability when applied to new geographical regions or different soil types. This limitation is not unique to our approach but represents a broader challenge in the field, where models tend to perform well within their training domains but show degraded performance when applied to areas with different soil characteristics, climatic conditions, or agricultural practices. The development of more robust, generalizable models that can maintain performance across diverse geographical regions remains an active area of research requiring coordinated efforts across multiple institutions and datasets.
Future research should validate the approach on diverse datasets spanning different geographical areas and soil types to assess and improve generalization. Potential strategies for improving cross-regional generalization include domain adaptation techniques, transfer learning approaches, and the development of standardized spectral correction methods that can account for regional variations in soil composition and environmental conditions. Additionally, collaborative efforts to create multi-regional datasets with consistent measurement protocols could facilitate the development of more globally applicable soil analysis models.
The current model also does not account for temporal dynamics in soil spectral signatures, which can vary significantly due to changing moisture conditions, vegetation cover, or management practices throughout growing seasons. Soil moisture, in particular, has a strong influence on spectral reflectance across the entire spectrum, potentially confounding the relationship between reflectance and nutrient content. Incorporating temporal modeling or developing moisture-invariant spectral indices could improve robustness across different seasonal conditions. Multi-temporal datasets that capture the same fields under different moisture conditions would be particularly valuable for this research direction.
From an interpretability perspective, while our spectral analysis provides insights into the relationship between soil properties and spectral signatures, the deep learning component still operates partially as a black box. This limitation can impede adoption by agricultural practitioners who need to understand and trust model predictions. Developing more physically interpretable models that directly relate spectral features to known soil absorption mechanisms would enhance trust and facilitate adoption. Techniques such as layer-wise relevance propagation or gradient visualization could help elucidate which spectral regions most influence predictions for each soil property.
Our current framework focuses on four commonly measured soil properties (K, P2O5, Mg, and pH), but precision agriculture requires monitoring of additional parameters such as nitrogen, organic carbon, soil texture, and moisture. Extending the model to predict these properties would increase its practical utility for comprehensive soil management. This extension would likely require additional labeled data for these properties and potentially different spectral regions or features to capture their unique signatures.
Future research directions to address these limitations include developing soil-specific pretraining techniques that incorporate domain knowledge about spectral absorption features of different soil constituents, exploring physics-informed neural networks that integrate spectroscopic principles directly into the model architecture, investigating active learning approaches to optimize ground sampling strategies based on model uncertainty, creating multi-modal frameworks that combine hyperspectral data with other sensing technologies (e.g., thermal, SAR) for comprehensive soil health assessment, developing domain adaptation and transfer learning methods specifically designed for cross-regional soil analysis applications, and extending the approach to higher spatial resolution imagery (e.g., from drones) for field-scale precision management. Additionally, establishing international collaborative frameworks for sharing hyperspectral soil datasets across different geographical regions could facilitate the development of more robust and generalizable soil analysis algorithms. These advancements would further improve the accuracy, interpretability, and practical utility of hyperspectral soil property estimation for precision agriculture and sustainable land management.

5.4. Broader Implications for Precision Agriculture

The capabilities demonstrated by HyperSoilNet have significant implications for precision agriculture and sustainable land management. Accurate remote estimation of soil properties could substantially reduce the need for extensive soil sampling and laboratory analysis, lowering costs and enabling more frequent monitoring. Unlike traditional soil testing based on sparse point samples, hyperspectral imagery provides continuous spatial coverage, revealing field heterogeneity and enabling site-specific management. More precise information about soil nutrient status allows farmers to apply fertilizers only where and when needed, reducing environmental impacts while maintaining productivity.
However, the practical deployment of such systems for large-scale cross-regional applications requires careful consideration of the geographical limitations discussed above. While our approach demonstrates promising results within the Polish agricultural context, broader implementation would necessitate region-specific validation and potential model adaptation to account for local soil characteristics and environmental conditions.
The approach could be scaled from individual fields to regional or national agricultural monitoring systems, supporting policy decisions and environmental assessment. The soil property maps generated by our approach could feed directly into variable-rate application equipment, enabling automated and optimized resource management. By advancing the accuracy and reliability of non-invasive soil analysis, HyperSoilNet represents a step toward more sustainable and efficient agricultural systems that balance productivity with environmental stewardship. The development of more generalizable approaches that can maintain performance across diverse geographical regions remains a key research priority for realizing the full potential of hyperspectral soil analysis in global precision agriculture applications.

6. Conclusions

In this work, we introduced HyperSoilNet, a novel hybrid framework that integrates a pretrained hyperspectral CNN backbone with an ensemble of classical regression models to estimate soil properties from hyperspectral imagery. Our approach represents a practical solution for non-invasive soil analysis, directly addressing the challenges posed by limited labeled data and the high dimensionality of hyperspectral images.
The main contributions of this work include the development of a hybrid framework that leverages the complementary strengths of deep learning for feature extraction and traditional machine learning for robust regression, implementation of soil-specific adaptations to the HyperKon backbone, introduction of a property-specific weighted ensemble approach that optimizes prediction performance for each soil parameter individually, and evaluation on the Hyperview Challenge dataset.
Our experiments confirmed that the combination of a pretrained hyperspectral backbone and a carefully designed ML ensemble outperforms both end-to-end deep learning approaches and traditional feature engineering methods. The ablation studies highlighted the importance of each component, with the pretrained backbone providing the foundation for effective feature extraction and the ensemble approach ensuring robust predictions across diverse soil conditions.
Overall, HyperSoilNet contributes a robust and efficient approach for soil property estimation from hyperspectral imagery, supporting more informed decision-making in precision agriculture and sustainable land management.

Author Contributions

Conceptualization, D.L.A., J.-Y.G., B.M.-C. and O.M.; methodology, D.L.A.; software, D.L.A.; validation, D.L.A., J.-Y.G., B.M.-C. and O.M.; formal analysis, D.L.A.; investigation, D.L.A.; resources, J.-Y.G., B.M.-C. and O.M.; writing—original draft preparation, D.L.A.; writing—review and editing, D.L.A., J.-Y.G., B.M.-C. and O.M.; visualization, D.L.A.; supervision, J.-Y.G., B.M.-C. and O.M.; project administration, J.-Y.G. and O.M.; funding acquisition, J.-Y.G., B.M.-C. and O.M. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by Abayomi Awobukun (private funding).

Data Availability Statement

The Hyperview dataset analyzed in this study is publicly available through the AI4EO platform at https://platform.ai4eo.eu/seeing-beyond-the-visible/data (accessed on 25 June 2025).

Acknowledgments

The authors would like to thank Abayomi Awobukun for funding this research work. We also thank KP Labs, ESA, and QZ Solutions for organizing the Hyperview Challenge and providing the dataset that made this research possible.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Tilman, D. Global environmental impacts of agricultural expansion: The need for sustainable and efficient practices. Proc. Natl. Acad. Sci. USA 1999, 96, 5995–6000. [Google Scholar] [CrossRef] [PubMed]
  2. Bongiovanni, R.; Lowenberg-DeBoer, J. Precision agriculture and sustainability. Precis. Agric. 2004, 5, 359–387. [Google Scholar] [CrossRef]
  3. Pradipta, A.; Soupios, P.; Kourgialas, N.; Doula, M.; Dokou, Z.; Makkawi, M.; Alfarhan, M.; Tawabini, B.; Kirmizakis, P.; Yassin, M. Remote sensing, geophysics, and modeling to support precision agriculture—Part 1: Soil applications. Water 2022, 14, 1158. [Google Scholar] [CrossRef]
  4. Abdulraheem, M.I.; Zhang, W.; Li, S.; Moshayedi, A.J.; Farooque, A.A.; Hu, J. Advancement of remote sensing for soil measurements and applications: A comprehensive review. Sustainability 2023, 15, 15444. [Google Scholar] [CrossRef]
  5. Omia, E.; Bae, H.; Park, E.; Kim, M.S.; Baek, I.; Kabenge, I.; Cho, B.K. Remote sensing in field crop monitoring: A comprehensive review of sensor systems, data analyses and recent advances. Remote Sens. 2023, 15, 354. [Google Scholar] [CrossRef]
  6. Ram, B.G.; Oduor, P.; Igathinathane, C.; Howatt, K.; Sun, X. A systematic review of hyperspectral imaging in precision agriculture: Analysis of its current state and future prospects. Comput. Electron. Agric. 2024, 222, 109037. [Google Scholar] [CrossRef]
  7. Cutting, B.J.; Atzberger, C.; Gholizadeh, A.; Robinson, D.A.; Mendoza-Ulloa, J.; Marti-Cardona, B. Remote quantification of soil organic carbon: Role of topography in the intra-field distribution. Remote Sens. 2024, 16, 1510. [Google Scholar] [CrossRef]
  8. Stanyer, C.; Seco-Rizo, I.; Atzberger, C.; Marti-Cardona, B. Soil Texture, Soil Moisture, and Sentinel-1 Backscattering: Towards the Retrieval of Field-Scale Soil Hydrological Properties. Remote Sens. 2025, 17, 542. [Google Scholar] [CrossRef]
  9. Cheng, C.; Zhao, B. Prospect of application of hyperspectral imaging technology in public security. In Proceedings of the International Conference on Applications and Techniques in Cyber Security and Intelligence ATCI 2018; Springer: Cham, Switzerland, 2019; pp. 299–304. [Google Scholar]
  10. Brisco, B.; Brown, R.; Hirose, T.; McNairn, H.; Staenz, K. Precision agriculture and the role of remote sensing: A review. Can. J. Remote Sens. 1998, 24, 315–327. [Google Scholar] [CrossRef]
  11. Ben-Dor, E.; Inbar, Y.; Chen, Y. The reflectance spectra of organic matter in the visible near-infrared and short wave infrared region (400–2500 nm) during a controlled decomposition process. Remote Sens. Environ. 1997, 61, 1–15. [Google Scholar] [CrossRef]
  12. Stoner, E.R.; Baumgardner, M.F. Characteristic variations in reflectance of surface soils. Soil Sci. Soc. Am. J. 1981, 45, 1161–1165. [Google Scholar] [CrossRef]
  13. Lobell, D.B.; Asner, G.P. Moisture effects on soil reflectance. Soil Sci. Soc. Am. J. 2002, 66, 722–727. [Google Scholar] [CrossRef]
  14. Viscarra Rossel, R.A.; Walvoort, D.J.; McBratney, A.B.; Janik, L.J.; Skjemstad, J.O. Visible, near infrared, mid infrared or combined diffuse reflectance spectroscopy for simultaneous assessment of various soil properties. Geoderma 2006, 131, 59–75. [Google Scholar] [CrossRef]
  15. Shen, L.; Gao, M.; Yan, J.; Li, Z.L.; Leng, P.; Yang, Q.; Duan, S.B. Hyperspectral estimation of soil organic matter content using different spectral preprocessing techniques and PLSR method. Remote Sens. 2020, 12, 1206. [Google Scholar] [CrossRef]
  16. Wang, S.; Guan, K.; Zhang, C.; Lee, D.; Margenot, A.J.; Ge, Y.; Peng, J.; Zhou, W.; Zhou, Q.; Huang, Y. Using soil library hyperspectral reflectance and machine learning to predict soil organic carbon: Assessing potential of airborne and spaceborne optical soil sensing. Remote Sens. Environ. 2022, 271, 112914. [Google Scholar] [CrossRef]
  17. Bablet, A.; Viallefont-Robinet, F.; Jacquemoud, S.; Fabre, S.; Briottet, X. High-resolution mapping of in-depth soil moisture content through a laboratory experiment coupling a spectroradiometer and two hyperspectral cameras. Remote Sens. Environ. 2020, 236, 111533. [Google Scholar] [CrossRef]
  18. Sadeghi, M.; Jones, S.B.; Philpot, W.D. A linear physically-based model for remote sensing of soil moisture using short wave infrared bands. Remote Sens. Environ. 2015, 164, 66–76. [Google Scholar] [CrossRef]
  19. Whiting, M.L.; Li, L.; Ustin, S.L. Predicting water content using Gaussian model on soil spectra. Remote Sens. Environ. 2004, 89, 535–552. [Google Scholar] [CrossRef]
  20. Chabrillat, S.; Goetz, A.F.; Krosley, L.; Olsen, H.W. Use of hyperspectral images in the identification and mapping of expansive clay soils and the role of spatial resolution. Remote Sens. Environ. 2002, 82, 431–445. [Google Scholar] [CrossRef]
  21. Hunt, G.R.; Salisbury, J.W. Visible and near-infrared spectra of minerals and rocks: I. Silicate minerals. Mod. Geol. 1970, 1, 283–300. [Google Scholar]
  22. Gomez, C.; Lagacherie, P.; Coulouma, G. Continuum removal versus PLSR method for clay and calcium carbonate content estimation from laboratory and airborne hyperspectral measurements. Geoderma 2008, 148, 141–148. [Google Scholar] [CrossRef]
  23. Clark, R.N.; Swayze, G.A.; Livo, K.E.; Kokaly, R.F.; Sutley, S.J.; Dalton, J.B.; McDougal, R.R.; Gent, C.A. Imaging spectroscopy: Earth and planetary remote sensing with the USGS Tetracorder and expert systems. J. Geophys. Res. Planets 2003, 108, 5131. [Google Scholar] [CrossRef]
  24. Ben-Dor, E.; Taylor, R.; Hill, J.; Demattê, J.A.M.; Whiting, M.; Chabrillat, S.; Sommer, S. Imaging spectrometry for soil applications. Adv. Agron. 2008, 97, 321–392. [Google Scholar]
  25. Bioucas-Dias, J.M.; Plaza, A.; Camps-Valls, G.; Scheunders, P.; Nasrabadi, N.; Chanussot, J. Hyperspectral remote sensing data analysis and future challenges. IEEE Geosci. Remote Sens. Mag. 2013, 1, 6–36. [Google Scholar] [CrossRef]
  26. Gewali, U.B.; Monteiro, S.T.; Saber, E. Machine learning based hyperspectral image analysis: A survey. arXiv 2018, arXiv:1802.08701. [Google Scholar]
  27. Yu, S.; Jia, S.; Xu, C. Convolutional neural networks for hyperspectral image classification. Neurocomputing 2017, 219, 88–98. [Google Scholar] [CrossRef]
  28. Liu, L.; Awwad, E.M.; Ali, Y.A.; Al-Razgan, M.; Maarouf, A.; Abualigah, L.; Hoshyar, A.N. Multi-Dataset Hyper-CNN for Hyperspectral Image Segmentation of Remote Sensing Images. Processes 2023, 11, 435. [Google Scholar] [CrossRef]
  29. Li, S.; Song, W.; Fang, L.; Chen, Y.; Ghamisi, P.; Benediktsson, J.A. Deep learning for hyperspectral image classification: An overview. IEEE Trans. Geosci. Remote Sens. 2019, 57, 6690–6709. [Google Scholar] [CrossRef]
  30. Chhapariya, K.; Buddhiraju, K.M.; Kumar, A. CNN-Based Salient Object Detection on Hyperspectral Images Using Extended Morphology. IEEE Geosci. Remote Sens. Lett. 2022, 19, 1–5. [Google Scholar] [CrossRef]
  31. Vali, A.; Comai, S.; Matteucci, M. Deep learning for land use and land cover classification based on hyperspectral and multispectral earth observation data: A review. Remote Sens. 2020, 12, 2495. [Google Scholar] [CrossRef]
  32. Sun, H.; Zheng, X.; Lu, X. A supervised segmentation network for hyperspectral image classification. IEEE Trans. Image Process. 2021, 30, 2810–2825. [Google Scholar] [CrossRef] [PubMed]
  33. Adão, T.; Hruška, J.; Pádua, L.; Bessa, J.; Peres, E.; Morais, R.; Sousa, J.J. Hyperspectral imaging: A review on UAV-based sensors, data processing and applications for agriculture and forestry. Remote Sens. 2017, 9, 1110. [Google Scholar] [CrossRef]
  34. Li, Z.; Guo, H.; Chen, Y.; Liu, C.; Du, Q.; Fang, Z.; Wang, Y. Few-shot hyperspectral image classification with self-supervised learning. IEEE Trans. Geosci. Remote Sens. 2023, 61, 1–17. [Google Scholar] [CrossRef]
  35. Signoroni, A.; Savardi, M.; Baronio, A.; Benini, S. Deep learning meets hyperspectral image analysis: A multidisciplinary review. J. Imaging 2019, 5, 52. [Google Scholar] [CrossRef] [PubMed]
  36. Jia, S.; Jiang, S.; Lin, Z.; Li, N.; Xu, M.; Yu, S. A survey: Deep learning for hyperspectral image classification with few labeled samples. Neurocomputing 2021, 448, 179–204. [Google Scholar] [CrossRef]
  37. Chen, T.; Kornblith, S.; Norouzi, M.; Hinton, G. A simple framework for contrastive learning of visual representations. In Proceedings of the International Conference on Machine Learning, Virtual, 13–18 July 2020; pp. 1597–1607. [Google Scholar]
  38. Wang, Y.; Albrecht, C.M.; Braham, N.A.A.; Mou, L.; Zhu, X.X. Self-supervised learning in remote sensing: A review. IEEE Geosci. Remote Sens. Mag. 2022, 10, 2–37. [Google Scholar] [CrossRef]
  39. Li, T.; Zhang, X.; Zhang, S.; Wang, L. Self-supervised learning with a dual-branch ResNet for hyperspectral image classification. IEEE Geosci. Remote Sens. Lett. 2022, 19, 1–5. [Google Scholar] [CrossRef]
  40. Pham, N.T.; Rakkiyapan, R.; Park, J.; Malik, A.; Manavalan, B. H2Opred: A robust and efficient hybrid deep learning model for predicting 2’-O-methylation sites in human RNA. Briefings Bioinform. 2024, 25, bbad476. [Google Scholar] [CrossRef] [PubMed]
  41. Aljohani, A.; Aburasain, R.Y. A hybrid framework for glaucoma detection through federated machine learning and deep learning models. BMC Med. Inform. Decis. Mak. 2024, 24, 115. [Google Scholar] [CrossRef] [PubMed]
  42. Remzan, N.; Hachimi, Y.E.; Tahiry, K.; Farchi, A. Ensemble learning based-features extraction for brain mr images classification with machine learning classifiers. Multimed. Tools Appl. 2024, 83, 57661–57684. [Google Scholar] [CrossRef]
  43. Breiman, L. Random forests. Mach. Learn. 2001, 45, 5–32. [Google Scholar] [CrossRef]
  44. Ho, T.K. The random subspace method for constructing decision forests. IEEE Trans. Pattern Anal. Mach. Intell. 1998, 20, 832–844. [Google Scholar] [CrossRef]
  45. Hengl, T.; Nussbaum, M.; Wright, M.N.; Heuvelink, G.B.; Gräler, B. Random forest as a generic framework for predictive modeling of spatial and spatio-temporal variables. PeerJ 2018, 6, e5518. [Google Scholar] [CrossRef] [PubMed]
  46. Nalepa, J.; Le Saux, B.; Longépé, N.; Tulczyjew, L.; Myller, M.; Kawulok, M.; Smykala, K.; Gumiela, M. The Hyperview Challenge: Estimating Soil Parameters from Hyperspectral Images. In Proceedings of the 2022 IEEE International Conference on Image Processing (ICIP), Bordeaux, France, 16–19 October 2022; pp. 4268–4272. [Google Scholar]
  47. Wang, Y.; Zou, B.; Chai, L.; Lin, Z.; Feng, H.; Tang, Y.; Tian, R.; Tu, Y.; Zhang, B.; Zou, H. Monitoring of soil heavy metals based on hyperspectral remote sensing: A review. Earth-Sci. Rev. 2024, 254, 104814. [Google Scholar] [CrossRef]
  48. Stenberg, B.; Viscarra Rossel, R.A.; Mouazen, A.M.; Wetterlind, J. Visible and near infrared spectroscopy in soil science. Adv. Agron. 2010, 107, 163–215. [Google Scholar]
  49. Jain, S.; Sethia, D.; Tiwari, K.C. A critical systematic review on spectral-based soil nutrient prediction using machine learning. Environ. Monit. Assess. 2024, 196, 699. [Google Scholar] [CrossRef] [PubMed]
  50. Patel, A.K.; Ghosh, J.K.; Sayyad, S.U. Fractional abundances study of macronutrients in soil using hyperspectral remote sensing. Geocarto Int. 2022, 37, 474–493. [Google Scholar] [CrossRef]
  51. Ge, Y.; Thomasson, J.A.; Morgan, C.L.; Searcy, S.W. VNIR diffuse reflectance spectroscopy for agricultural soil property determination based on regression-kriging. Trans. ASABE 2007, 50, 1081–1092. [Google Scholar] [CrossRef]
  52. Zelikman, E.; Carmina, E. The spectral response characteristics of the soils and their possible estimation by using partial least square regression (PLSR) analysis. Int. J. Geomat. Geosci. 2013, 3, 438–453. [Google Scholar]
  53. Jia, P.; Shang, T.; Zhang, J.; Sun, Y. Inversion of soil pH during the dry and wet seasons in the Yinbei region of Ningxia, China, based on multi-source remote sensing data. Geoderma Reg. 2021, 25, e00399. [Google Scholar] [CrossRef]
  54. Choudhury, M.R.; Christopher, J.; Das, S.; Apan, A.; Menzies, N.W.; Chapman, S.; Mellor, V.; Dang, Y.P. Detection of calcium, magnesium, and chlorophyll variations of wheat genotypes on sodic soils using hyperspectral red edge parameters. Environ. Technol. Innov. 2022, 27, 102469. [Google Scholar] [CrossRef]
  55. Zhong, L.; Guo, X.; Xu, Z.; Ding, M. Soil properties: Their prediction and feature extraction from the LUCAS spectral library using deep convolutional neural networks. Geoderma 2021, 402, 115366. [Google Scholar] [CrossRef]
  56. Tsimpouris, E.; Tsakiridis, N.L.; Theocharis, J.B. Using autoencoders to compress soil VNIR–SWIR spectra for more robust prediction of soil properties. Geoderma 2021, 393, 114967. [Google Scholar] [CrossRef]
  57. Singh, S.; Kasana, S.S. Quantitative estimation of soil properties using hybrid features and RNN variants. Chemosphere 2022, 287, 131889. [Google Scholar] [CrossRef] [PubMed]
  58. Liu, Y.; Shen, L.; Zhu, X.; Xie, Y.; He, S. Spectral Data-Driven Prediction of Soil Properties Using LSTM-CNN-Attention Model. Appl. Sci. 2024, 14, 11687. [Google Scholar] [CrossRef]
  59. Cao, L.; Sun, M.; Yang, Z.; Jiang, D.; Yin, D.; Duan, Y. A novel transformer-CNN approach for predicting soil properties from LUCAS Vis-NIR spectral data. Agronomy 2024, 14, 1998. [Google Scholar] [CrossRef]
  60. Castaldi, F.; Palombo, A.; Santini, F.; Pascucci, S.; Pignatti, S.; Casa, R. Evaluating the capability of the Sentinel-2 data for soil organic carbon prediction in croplands. ISPRS J. Photogramm. Remote Sens. 2019, 147, 267–282. [Google Scholar] [CrossRef]
  61. Peng, Y.; Wang, L.; Zhao, L.; Liu, Z.; Lin, C.; Hu, Y.; Liu, L. Estimation of soil nutrient content using hyperspectral data. Agriculture 2021, 11, 1129. [Google Scholar] [CrossRef]
  62. Mahajan, G.R.; Sahoo, R.N.; Pandey, R.N.; Gupta, V.K.; Kumar, D. Using hyperspectral remote sensing techniques to monitor nitrogen, phosphorus, sulphur and potassium in wheat (Triticum aestivum L.). Precis. Agric. 2014, 15, 499–522. [Google Scholar] [CrossRef]
  63. Riad, S.; Ahmed, M.S.; Himel, M.H.; Ahmed, M.R.; Hasan, M.M.; Mim, A.H.; Zaman, A.; Islam, S.; Mukta, M.S.H. Prediction of soil nutrients using hyperspectral satellite imaging. In Proceedings of International Conference on Fourth Industrial Revolution and Beyond 2021; Springer: Singapore, 2022; pp. 183–198. [Google Scholar]
  64. Chlouveraki, E.; Katsenios, N.; Efthimiadou, A.; Lazarou, E.; Kounani, K.; Papakonstantinou, E.; Vlachakis, D.; Kasimati, A.; Zafeiriou, I.; Espejo-Garcia, B.; et al. Estimation of soil properties using Hyperspectral imaging and Machine learning. Smart Agric. Technol. 2025, 10, 100790. [Google Scholar] [CrossRef]
  65. Jain, S.; Sethia, D.; Tiwari, K.C. Developing novel spectral indices for precise estimation of soil pH and organic carbon with hyperspectral data and machine learning. Environ. Monit. Assess. 2024, 196, 1255. [Google Scholar] [CrossRef] [PubMed]
  66. Yang, M.; Xu, D.; Chen, S.; Li, H.; Shi, Z. Evaluation of machine learning approaches to predict soil organic matter and pH using Vis-NIR spectra. Sensors 2019, 19, 263. [Google Scholar] [CrossRef] [PubMed]
  67. Sun, M.; Yang, Y.; Li, S.; Yin, D.; Zhong, G.; Cao, L. A study on hyperspectral soil total nitrogen inversion using a hybrid deep learning model CBiResNet-BiLSTM. Chem. Biol. Technol. Agric. 2024, 11, 157. [Google Scholar] [CrossRef]
  68. Kuzu, R.S.; Albrecht, F.; Arnold, C.; Kamath, R.; Konen, K. Predicting soil properties from hyperspectral satellite images. In Proceedings of the 2022 IEEE International Conference on Image Processing (ICIP), Bordeaux, France, 16–19 October 2022; pp. 4296–4300. [Google Scholar]
  69. Guerri, M.F.; Distante, C.; Spagnolo, P.; Bougourzi, F.; Taleb-Ahmed, A. Deep learning techniques for hyperspectral image analysis in agriculture: A review. ISPRS Open J. Photogramm. Remote Sens. 2024, 12, 100062. [Google Scholar] [CrossRef]
  70. Ahmad, M.; Distefano, S.; Khan, A.M.; Mazzara, M.; Li, C.; Li, H.; Aryal, J.; Ding, Y.; Vivone, G.; Hong, D. A comprehensive survey for hyperspectral image classification: The evolution from conventional to transformers and mamba models. Neurocomputing 2025, 644, 130428. [Google Scholar] [CrossRef]
  71. Kakhani, N.; Mokhtarzade, M.; Zoej, M.J.V. SSL-SoilNet: A Hybrid Transformer-based Framework with Self-Supervised Learning for Large-scale Soil Organic Carbon Prediction. arXiv 2023, arXiv:2308.03586. [Google Scholar] [CrossRef]
  72. Riese, F.M.; Keller, S. Soil texture classification with 1D convolutional neural networks based on hyperspectral data. In Proceedings of the ISPRS Annals of the Photogrammetry, Remote Sensing and Spatial Information Sciences, Enschede, The Netherlands, 10–14 June 2019; Copernicus GmbH: Göttingen, Germany, 2018; Volume IV-2, pp. 615–621. [Google Scholar]
  73. Datta, D.; Paul, M.; Murshed, M.; Teng, S.W.; Schmidtke, L. Comparative analysis of machine and deep learning models for soil properties prediction from hyperspectral visual band. Environments 2023, 10, 77. [Google Scholar] [CrossRef]
  74. Wang, S.; Guan, K.; Zhang, C.; Jiang, C.; Zhou, Q.; Li, K.; Qin, Z.; Ainsworth, E.A.; He, J.; Wu, J.; et al. Airborne hyperspectral imaging of cover crops through radiative transfer process-guided machine learning. Remote Sens. Environ. 2023, 285, 113386. [Google Scholar] [CrossRef]
  75. Jean, N.; Wang, S.; Samar, A.; Azzari, G.; Lobell, D.; Ermon, S. Tile2vec: Unsupervised representation learning for spatially distributed data. In Proceedings of the AAAI Conference on Artificial Intelligence, Honolulu, HI, USA, 27 January–1 February 2019; Volume 33, pp. 3967–3974. [Google Scholar]
  76. Mañas, O.; Lacoste, A.; Girou, X.; Vazquez, D.; Rodriguez, P. Seasonal contrast: Unsupervised pre-training from uncurated remote sensing data. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Montreal, BC, Canada, 11–17 October 2021; pp. 9414–9423. [Google Scholar]
  77. Stojnić, V.; Risojevic, V. Self-supervised learning of remote sensing scene representations using contrastive multiview coding. Remote Sens. 2021, 13, 4379. [Google Scholar]
  78. Braham, N.A.A.; Albrecht, C.M.; Mairal, J.; Chanussot, J.; Wang, Y.; Zhu, X.X. Spectralearth: Training hyperspectral foundation models at scale. arXiv 2024, arXiv:2408.08447. [Google Scholar] [CrossRef]
  79. Cong, Y.; Khanna, S.; Meng, C.; Liu, P.; Rozi, E.; He, Y.; Burke, M.; Lobell, D.; Ermon, S. Satmae: Pre-training transformers for temporal and multi-spectral satellite imagery. Adv. Neural Inf. Process. Syst. 2022, 35, 197–211. [Google Scholar]
  80. Nalepa, J.; Tulczyjew, L.; Le Saux, B.; Longépé, N.; Ruszczak, B.; Wijata, A.M.; Smykala, K.; Myller, M.; Kawulok, M.; Kuzu, R.S.; et al. Estimating Soil Parameters From Hyperspectral Images: A benchmark dataset and the outcome of the HYPERVIEW challenge. IEEE Geosci. Remote Sens. Mag. 2024, 12, 35–63. [Google Scholar] [CrossRef]
  81. Mehlich, A. Mehlich 3 soil test extractant: A modification of Mehlich 2 extractant. Commun. Soil Sci. Plant Anal. 1984, 15, 1409–1416. [Google Scholar] [CrossRef]
  82. Hanlon, E.; Johnson, G. Bray/Kurtz, Mehlich III, AB/D and ammonium acetate extractions of P, K and Mg in four Oklahoma soils. Commun. Soil Sci. Plant Anal. 1984, 15, 277–294. [Google Scholar] [CrossRef]
  83. Ayuba, D.L.; Guillemaut, J.Y.; Marti-Cardona, B.; Mendez, O. HyperKon: A Self-Supervised Contrastive Network for Hyperspectral Image Analysis. Remote Sens. 2024, 16, 3399. [Google Scholar] [CrossRef]
  84. Lee, D.T.; Yamamoto, A. Wavelet analysis: Theory and applications. Hewlett Packard J. 1994, 45, 44. [Google Scholar]
  85. Chen, T.; Guestrin, C. XGBoost: A scalable tree boosting system. In Proceedings of the 22nd ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, San Francisco, CA, USA, 13–17 August 2016; pp. 785–794. [Google Scholar]
  86. Cover, T.; Hart, P. Nearest neighbor pattern classification. IEEE Trans. Inf. Theory 1967, 13, 21–27. [Google Scholar] [CrossRef]
  87. Belgiu, M.; Drăguţ, L. Random forest in remote sensing: A review of applications and future directions. ISPRS J. Photogramm. Remote Sens. 2016, 114, 24–31. [Google Scholar] [CrossRef]
  88. Altman, N.S. An introduction to kernel and nearest-neighbor nonparametric regression. Am. Stat. 1992, 46, 175–185. [Google Scholar] [CrossRef]
  89. Howard, J.; Ruder, S. Universal Language Model Fine-tuning for Text Classification. In Proceedings of the 56th Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers), Melbourne, Australia, 15–20 July 2018; Association for Computational Linguistics: Kerrville, TX, USA, 2018; pp. 328–339. [Google Scholar]
  90. Loshchilov, I.; Hutter, F. Decoupled Weight Decay Regularization. In Proceedings of the International Conference on Learning Representations, New Orleans, LA, USA, 6–9 May 2019. [Google Scholar]
Figure 1. Study area and spatial distribution of sampling points in the Hyperview Challenge dataset. The map shows the Polish agricultural region where hyperspectral data was collected, with field boundaries and sampling locations indicated. Adapted from Nalepa et al. [80].
Figure 1. Study area and spatial distribution of sampling points in the Hyperview Challenge dataset. The map shows the Polish agricultural region where hyperspectral data was collected, with field boundaries and sampling locations indicated. Adapted from Nalepa et al. [80].
Remotesensing 17 02568 g001
Figure 2. Mean spectral reflectance curves for fields with different soil property levels in the Hyperview dataset. (a) K2O levels. (b) P2O5 levels. (c) Mg levels. (d) pH levels. Each curve represents the mean reflectance across all field samples in that property level category (quintiles), with shaded regions showing one standard deviation. The spectral range covers 462.08–938.37 nm (150 bands) with 3.2 nm resolution. Spectral regions are annotated: VIS (visible, 462–700 nm), Red Edge (700–750 nm), and NIR-SWIR (near-infrared to short-wave infrared, 750–938 nm).
Figure 2. Mean spectral reflectance curves for fields with different soil property levels in the Hyperview dataset. (a) K2O levels. (b) P2O5 levels. (c) Mg levels. (d) pH levels. Each curve represents the mean reflectance across all field samples in that property level category (quintiles), with shaded regions showing one standard deviation. The spectral range covers 462.08–938.37 nm (150 bands) with 3.2 nm resolution. Spectral regions are annotated: VIS (visible, 462–700 nm), Red Edge (700–750 nm), and NIR-SWIR (near-infrared to short-wave infrared, 750–938 nm).
Remotesensing 17 02568 g002
Figure 3. Correlation matrix of soil properties in the Hyperview training dataset. Color intensity and numbers represent Pearson correlation coefficients.
Figure 3. Correlation matrix of soil properties in the Hyperview training dataset. Color intensity and numbers represent Pearson correlation coefficients.
Remotesensing 17 02568 g003
Figure 4. Architecture of the proposed HyperSoilNet framework. The framework consists of two main phases: (1) A Fine-Tuning Regression Module (top) that leverages the pretrained encoder (frozen weights) along with comprehensive feature engineering techniques (average reflectance, spectral derivatives, discrete wavelet transform, SVD, and FFT) to extract informative representations for soil property estimation; and (2) an ML Ensemble Module (bottom) that utilizes the shared embeddings to feed a combination of ML regressors for soil property prediction. The arrows indicate the flow of information between modules, with the pretrained encoder being adapted for the downstream soil estimation task.
Figure 4. Architecture of the proposed HyperSoilNet framework. The framework consists of two main phases: (1) A Fine-Tuning Regression Module (top) that leverages the pretrained encoder (frozen weights) along with comprehensive feature engineering techniques (average reflectance, spectral derivatives, discrete wavelet transform, SVD, and FFT) to extract informative representations for soil property estimation; and (2) an ML Ensemble Module (bottom) that utilizes the shared embeddings to feed a combination of ML regressors for soil property prediction. The arrows indicate the flow of information between modules, with the pretrained encoder being adapted for the downstream soil estimation task.
Remotesensing 17 02568 g004
Figure 5. HyperSoilNet density plot: HyperSoilNet clusters data more tightly along the identity line than EagleEye does. The upper-range biases are slightly minimized, as evidenced by fewer deviations. The majority of predictions fall along the diagonal, with a high density in the mid-range band.
Figure 5. HyperSoilNet density plot: HyperSoilNet clusters data more tightly along the identity line than EagleEye does. The upper-range biases are slightly minimized, as evidenced by fewer deviations. The majority of predictions fall along the diagonal, with a high density in the mid-range band.
Remotesensing 17 02568 g005
Figure 6. EagleEyes density plot: A moderate-to-strong clustering of predictions around the identity line suggests a good correlation between expected and true values. However, there are still visible clumps of dots below the line for higher reference values, indicating underestimating in those ranges. The color density also reveals that the bulk of forecasts are in the mid-range.
Figure 6. EagleEyes density plot: A moderate-to-strong clustering of predictions around the identity line suggests a good correlation between expected and true values. However, there are still visible clumps of dots below the line for higher reference values, indicating underestimating in those ranges. The color density also reveals that the bulk of forecasts are in the mid-range.
Remotesensing 17 02568 g006
Table 1. Public leaderboard of the Hyperview Challenge scores [46].
Table 1. Public leaderboard of the Hyperview Challenge scores [46].
S/NApproach# SubmissionsScore
1EagleEyes670.781
2MOAH780.797
3Black Cat320.803
4WEGIS160.812
5Cap2AIScience450.816
6Predicta450.848
7deep_brain60.853
8u3s_lab310.871
9 π K 320.875
10CMG100.877
11HyperSoilNet310.762
Note: Best values are in bold.
Table 2. Average results for the Ablation Study.
Table 2. Average results for the Ablation Study.
VariantDescriptionCustom Score (CV)
AFull HyperSoilNet 0 . 683 ± 0.011
BNo Pretraining + Ensemble 0.820 ± 0.015
CHCB 0.738 ± 0.012
D1HCB + Random Forest 0.779 ± 0.008
D2HCB + XGBoost 0.785 ± 0.019
D3HCB + KNN 0.810 ± 0.011
Note: Best values are in bold.
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Ayuba, D.L.; Guillemaut, J.-Y.; Marti-Cardona, B.; Mendez, O. A Hybrid Framework for Soil Property Estimation from Hyperspectral Imaging. Remote Sens. 2025, 17, 2568. https://doi.org/10.3390/rs17152568

AMA Style

Ayuba DL, Guillemaut J-Y, Marti-Cardona B, Mendez O. A Hybrid Framework for Soil Property Estimation from Hyperspectral Imaging. Remote Sensing. 2025; 17(15):2568. https://doi.org/10.3390/rs17152568

Chicago/Turabian Style

Ayuba, Daniel La’ah, Jean-Yves Guillemaut, Belen Marti-Cardona, and Oscar Mendez. 2025. "A Hybrid Framework for Soil Property Estimation from Hyperspectral Imaging" Remote Sensing 17, no. 15: 2568. https://doi.org/10.3390/rs17152568

APA Style

Ayuba, D. L., Guillemaut, J.-Y., Marti-Cardona, B., & Mendez, O. (2025). A Hybrid Framework for Soil Property Estimation from Hyperspectral Imaging. Remote Sensing, 17(15), 2568. https://doi.org/10.3390/rs17152568

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