A Review of Hybrid Approaches for Quantitative Assessment of Crop Traits Using Optical Remote Sensing: Research Trends and Future Directions
<p>General workflow for the hybrid retrieval methodology.</p> "> Figure 2
<p>Workflow diagram of parametric algorithms in the hybrid method.</p> "> Figure 3
<p>Flow chart of nonparametric algorithms process in the hybrid method.</p> "> Figure 4
<p>Overview of the techniques used in simulating the data.</p> "> Figure 5
<p>(<b>Lower part</b>) Bar chart showing the number of studies versus the annual number of published papers in different journals from 2000 to 2022. (<b>Upper part</b>) Pie chart showing the percentage of published papers applied for nonparametric compared to parametric methods based on the radiative transfer model (RTM) approach.</p> "> Figure 6
<p>Bar chart of the most contributed parametric methods in a hybrid model.</p> "> Figure 7
<p>Bar chart of the most contributed machine learning methods used in a hybrid model.</p> "> Figure 8
<p>The most investigated crops using hybrid inversion model.</p> "> Figure 9
<p>Number of publications that used radiative transfer models within the period of 2000–2022.</p> "> Figure 10
<p>Sensor type used in both categories of hybrid model.</p> ">
Abstract
:1. Introduction
2. The Conceptual Frameworks of Hybrid Retrieval Methods
2.1. Hybrid Modeling Based on Parametric Regression Methods
2.1.1. Vegetation Indices
2.1.2. Shape Indices
2.1.3. Spectral Transformations
2.2. Hybrid Approach Based on Nonparametric Methods
2.2.1. Linear Nonparametric Regression Methods
- Stepwise multiple linear regressionStepwise multiple linear regression (SMLR) is a way to select the most significant explanatory variable from a set of independent variables that has the highest correlation with the response variable (Y) [110]. The SMLR method is conducted in two phases: forward and backward stepwise selections. The model starts with no variable (spectral bands) and adds variables one by one, which is the most significant part. Then, a backward elimination procedure starts with all spectral bands and removes the bands one-by-one, obtaining the least statistically significant. Typically, the range of the p-value for entering and removing the variables is set between 0.01–0.02 [58]. In addition, to quantify the severity of multicollinearity between explanatory variables, the variance inflation factor (VIF) is an index to measure how much variance there is of the estimated regression coefficient. A rule of thumb is that if VIF is more than 10, then the data have high collinearity [111], otherwise no collinearity between independent variables is found.
- Principal component regressionPrincipal component regression (PCR) is based on a combination of principal component analysis (PCA) and linear regression model [112]. The main idea is to convert the original variables into a new set of synthetic variables, which are independent of each other. By using a linear transformation, the data are transformed into a new orthogonal coordinate system where the data with the largest variance are displayed on the first axis (referred to as the first PC), the data with the second-largest variance on the second axis (referred to as the second PC), and so on [98]. As a result, the orthogonal PCs are ordered from the highest to lowest variance data information of spectral features.
- Partial least square regressionFollowing a similar idea to the above method, partial least square regression (PLSR) relies on two methods, which are PCR and canonical correlation analysis (CCA). A large number of correlated variables of the spectral data is reduced to a few non-correlated variables, with high variability. For the case of PCR, the projection space of PCA depends only on the independent data (X); however, in partial least squares (PLS), the projection space of X is explicative of both X and Y. The original variables X and Y are transformed into their respective latent variables (X1 and Y1), and then PLS seeks the most probable linear correlation between latent variables (the idea of CCA).
- Ridge regressionRidge regression (RR) is a method for estimating the coefficients of multiple-regression models in scenarios with highly correlated linearly independent variables. A new trendline is introduced to fit the training data by adding a certain amount of bias in the regression estimates to obtain reliable approximations of the population values. The bias called lambda () plays a role to control the trade-off of bias variance and the user tries to find the best value of lambda that has low variance using cross-validation. With increasing lambda value, the important parameters may shrink to be zero, and fewer stay at high values.
- Least absolute shrinkage and selection operatorThis approach, abbreviated as LASSO, uses variable selection and regularization to improve the statistical model’s prediction accuracy and interpretability. This method allows forcing the most and least important parameters to be close to zero or absolute zero, as compared to RR.
Methods | Pros | Cons |
---|---|---|
SMLR | (1) Simple, fast, and easy to use. | (1) Suffers from multicollinearity when applied to canopy hyperspectral data. |
(2) Screens a large number of potential predictors to obtain the best one. | (2) The selected wavelength is often not related to the absorption characteristics of the compounds of interest [113,114]. | |
PCR | (1) Mitigates multicollinearity and avoids overfitting problem. | (1) Does not consider the response variable (Y) when deciding which principal components are dropped and relies only on the magnitude of the variance of components. |
(2) Improves the predictive performance and provides stable result in regression coefficient. | (2) Does not perform feature selection. | |
(3) Issue of interpretability. | ||
PLSR | (1) Handles multiple inputs and outputs, data noise, and missing data. | (1) Relies on the cross-product relations with the response variables and is not based on the (co)variances between independent variables. |
(2) Has difficulty explaining. | ||
(3) Response distribution unknown. | ||
RR | (1) Solves the problem of overfitting. | (1) Low in-model interpretability. |
(2) Adds bias to estimators to reduce the standard error. | (2) Unimplemented the feature selection. | |
(3) Uses all the predictors in the final model. | (3) Trades the variance for bias. | |
LASSO | (1) Performs feature selection. | (1) Arbitrarily selection. |
(2) Fast in terms of inference and fitting. | (2) Difficult to justify which predictor needs to select. | |
(3) Avoids overfitting. | (3) Uses a small bias in the model since the prediction is too dependent upon the particular variable. | |
(4) Lower prediction performance than RR. |
2.2.2. Nonlinear–Nonparametric Methods: Machine Learning
- Artificial Neural NetworksAn artificial neural network (ANN) is a collection of connected artificial neurons, and each artificial neuron or node connects to another, linking with weight, and nonlinear equations are specified by the activation function (e.g., rectified linear unit or sigmoid functions). Through a nonlinear function of the sum of its inputs, the output of each neuron is calculated. When exceeding a certain value of the threshold/activation function of the output node, then the node is activated and data are sent to the next layer (having a set of neurons or nodes) of the neural network, known as the hidden layer [115]. This leads us to identify the design or structure of ANN starting from simple to the complex one, depending on the number of hidden layers, the number of artificial neurons, the directional flows (uni or multi), the type of activation function used, and how many inputs and outputs are used in the model. An example of simple architecture is a feed-forward neural network (FFANN). It was often used in remote sensing for mapping vegetation properties in the mid-1990s. This is a unidirectional flow, where the information from the input nodes is transferred to the output nodes.An back-propagation neural network (BPANN) is built based on using multi-directional forward and backward mode and the error rate obtained from the output layer and distributed back through the network layers [116]. As an alternative to the aforementioned methods, radial basis function (RBFANN) [117], recurrent neural network (RANN) [118], and Bayesian regularized ANN (BRANN) are advanced models that deal with a large quantity of remotely sensed data [119].Deep neural networks (DNNs), which emerged in 2015, have achieved excellent results in classification tasks. Nevertheless, DNN is still under investigation for regression in experimental and operational hybrid settings [24]. It uses many hidden layers and relatively few neurons per layer, as compared to the simple structure of NNs [115]. Ultimately, the success of NN performance relies on how the user adjusts the hyperparameters, such as the number of hidden layers and neurons in the layer, to minimize the difference between the model prediction and the desired outcome, respecting a good trade-off between the computational time, stability, and accuracy [34].
- Ensemble learningEnsemble learning (EL) uses multiple learners that are trained to solve the same problem. The EL approach mixes numerous decision trees to generate higher predictive power, instead of using a single decision tree. Bagging and boosting are the main families of ensemble methods. An ensemble is made up of a group of learners known as base learners. An ensemble’s generalization ability is usually much higher than that of base learners.- The bagging technique is the short form for bootstrap aggregating, in which the independent multiple sub-groups of features are randomly created with iterative replacement from original training datasets. Their decision trees are trained with each group of data and aggregated to average (reducing the variance of the decision tree) to obtain the final prediction [120].Random forest regression (RFR) is an extension over bagging where a subset of features is randomly selected from the total and the best split feature from the feature subsets is used to split each node in a tree and all features are examined for splitting at a node [121].A canonical correlation forest (CCF) is a collection of decision trees that are constructed by several canonical correlation trees (CCTs). They are trained by using canonical correlation analysis (CCA) to determine feature projections providing the maximum correlation between features and then picking the optimal splits in this projected space. The results from individual CCTs combine to make a final prediction for unknown samples [122]. Contrary to RF, CCF uses full training datasets in selecting split points at each tree. Since the bagging approach works based on the combination of multiple weak learners to obtain a stable result, it is the preferred method to be used for any study. However, the result can be biased if the model is properly adapted and thus may result in underfitting.- Boosting is a dependent framework, based on generating several weaker learners in a very adaptable manner and sequentially to make a strong learner. At every step, a new model is built upon the previous one to boost the training instances by weighing previously mislabeled examples with higher weight. The best example of a dependent framework is gradient boosting regression tree (GBRT), introduced by [123], which aims to reduce the bias rather than variance. On the other hand, random forests reduce the variance of the regression predictions without changing the bias.
- Kernel machinesA kernel machine uses a kernel to perform calculations in a higher-dimensional space without explicitly doing so. Kernel methods transform data from their original location (known as input space) to a higher-dimensional space (known as feature space). Then, in the feature space, these approaches look for linear decision functions that become nonlinear decision functions in the input space [124]. Kernel methods replace the inner product of the observations with a chosen Kernel function. There are various classes of kernel functions, including the linear kernel, radial basis function, polynomial, and sigmoid functions. They should be continuous, symmetric, and have a positive definite value.- Support vector regression (SVR) was introduced in the late 1990s to early 2000s by [125,126] SVR enables the extraction of the complex nonlinear relationships between the feature vector (X) containing spectral information and the variable of interest (Y) using the kernel trick. This approach determines how much error is acceptable in the model and finds an appropriate line (or hyperplane) to split the data spatially in high-dimension space. Ultimately, the performance of SVR depends on which kernel function is used in the model and how the user tuned their hyperparameters (epsilon-insensitive zone () and regularization (C) parameters). The parameter () controls the width of the epsilon-insensitive zone for the training data, whereas regularization (C) controls the trade-off between the minimization of errors and the regularization term [127].- Gaussian processes regression (GPR) follows the Bayesian theorem by using the probability distribution across all admissible functions that fit the data [128]. After specifying the prior on the function space, the posterior distribution is computed based on the prior distribution for the successor retrieval procedures [129]. Since GPR can describe the properties of functions, the mean of a (Gaussian) posterior distribution and variance are predicted. To increase the efficiency of the GPR model, the kernel’s hyperparameters (mean and covariance function) need to be tuned efficiently for maximizing the log-marginal likelihood in the training data [130].- Kernel ridge regressionKernel ridge regression (KRR) combines the kernel trick with ridge regression [19]. The key idea is that nonlinear map data can be transformed to high-dimensional feature space and linear regression embedded in feature space using a weight penalty. As a result, it learns a linear function in the space caused by the kernel and data. This relates to a nonlinear function in the original space for nonlinear kernels [131]. The model learned by KRR has the same form as support vector regression (SVR). The loss function of SVR is based on -insensitive loss with ridge regression, but KRR uses the square error loss function to solve a convex quadratic programming problem for classical SVMs [132].
3. Techniques Used for RTM Database in Hybrid Retrieval Strategies
3.1. Calibrating the Lookup Table Inputs Based on Global and Local Sensitivity Analysis
3.2. Active Learning for Regression Tasks
3.3. Curse of Dimensionality
- Filter approach is extracting and ranking the spectra features as a preprocessing step before learning the algorithm [181]. The best feature with a high rank is chosen and the redundant or irrelevant features are filtered out. This can be performed by finding the highest correlation between a spectral feature and a dependent variable. The vegetation index (VI) is a typical case for the filter method [174]. Before applying regression, all possible band combinations between two or three bands through generic VI-based LUT datasets are regressed against the targeted variable. The model’s performance is assessed based on the determination coefficient as a measure.
- Wrapper approach uses a predefined learning algorithm to search the space of all possible subsets of features. The most informative spectral features based on their predictive performance are selected for retrieving canopy properties. This process is repetitive to improve the performance of the previously selected feature subset [182]. Some methods belong to this group, such as recursive feature elimination (RFE) [183], simulated annealing (SA) [184], genetic algorithms (GA) [185], and correlation-based feature selection (CFS) [186]. Moreover, nonparameter linear or nonlinear algorithms (e.g., SMLR, PLSR, RFR, and GPR) are capable of feature selection as well as regression [58,187]. These strategies have been used in different studies to determine the best band settings for retrieving biochemical and biophysical characteristics from hyperspectral data [23,188].
- Embedded method is the last group of FS, which is an extension of the wrapper method, except that the training data do not need to be split into training and test sets [189].
4. Systematic Reviews
4.1. Estimated Canopy Traits from Hybrid Models Based on Parametric Methods
4.1.1. Leaf Area Index
4.1.2. Fractional Vegetation Cover
4.1.3. Chlorophyll Content at Leaf and Canopy Levels
4.2. Estimated Canopy Traits from Hybrid Models Based on Nonparametric Methods
4.2.1. Leaf Area Index
4.2.2. Fractional Vegetation Cover
4.2.3. Chlorophyll Content at Leaf and Canopy Levels
5. Results, Meta-Analysis, and Discussion
6. Conclusions and Future Directions
Author Contributions
Funding
Acknowledgments
Conflicts of Interest
Abbreviations
ASD FieldSpec3 | Analytical Spectral Devices |
ANN | artificial neural networks |
BFE | backward feature elimination method |
BPNNs | back-propagation neural networks |
BM | Bayesian model |
Bagging | boostrap aggregating |
CGM | crop growth model |
CART | classification and regression tree |
CNN | convolution neural networks |
DART | Discrete Anisotropic Radiative Transfer |
DL | deep learning |
DR | dimensionality reduction |
DT | decision tree |
DNN | deep neural networks |
EL | ensemble learning |
ELMs | extreme learning machines |
INFORM | INvertible FOrest Reflectance Model |
KNN | k-nearest neighbor |
LDA | linear discriminant analysis |
LASSO | least absolute shrinkage and selection operator |
MLR | multiple linear regression |
MTVI | Modified Triangular Vegetation Index |
MTVI2 | Modified Triangular Vegetation Index - Improved |
MARS | multivariate adaptive regression splines |
NDVI | Normalized Difference Vegetation Index |
NIR | near-infrared range of spectrum |
OLSR | ordinary least squares regression |
OSAVI | optimized soil adjusted vegetation index |
PCA | principal component analysis |
PLSR | partial least squares regression |
PROSAIL | PROSPECT (leaf optical PRoperties SPECTra model) and SAIL |
(Scattering by Arbitrarily Inclined Leaves) | |
R2 | coefficient of determination |
RMSE | root mean square error |
RR | ridge regression |
REPI | red edge position index |
RF | random forest |
SCOPE | Soil Canopy Observation, Photochemistry, and Energy fluxes |
SVM | support vector machines |
SLC | soil–leaf–canopy |
SVR | support vector regression |
SMLR | stepwise multiple linear regression |
TCARI | Transformed Chlorophyll Absorption Reflectance Index |
UAV | unmanned aerial vehicle |
VIS | visible range of spectrum |
VNIR | visible and rear-infrared ranges |
Appendix A
Crop Type | Sensor | Model Used | Reference | The Main Findings |
---|---|---|---|---|
Wheat | GF-1 | PROSAIL + 10 VIs and reflectance | [190] | Green NDVI (GNDVI) was an optimal choice for estimation under the elongation stages R2 = 0.61 and RMSE = 0.34. Additionally, the LAI green band was superior with R2 of 0.20 and RMSE of 0.74 at the grain-filling stages. |
Multispectral and hyperspectral UAV data | PROSAIL + 14 VIs or based reflectance | [191] | VI-based LUT (R2 > 0.74, RMSE < 0.51) was more robust than reflectance-based LUT (R2 < 0.42, RMSE > 0.94). In particular, the LUT-based MCARI2 and NDVI outperformed. | |
Corn | Sentinel-2 MSI, Landsat 8 OLI and Landsat 7 ETM+ | PROSAIL + 4 VIs or based reflectance | [234] | CI-green-based LUT (R2 = 0.75, RMSE = 0.72) was more robust than reflectance-based LUT (R2 = 0.71, RMSE = 0.82). |
Wheat and canola | RapidEye images | PROSAIL + 7 VIs | [76] | RE-based VIs are less vulnerable to canopy structure, such as the average leaf angle (ALA), than VIS-based VIs. |
Winter wheat and oilseed rape | Pleiades-1A, WorldView-2 and-3, and SPOT-6. | PROSAIL + 9 VIs | [192] | NDVI was the best index for Pleiades-1A, WorldView-3, and SPOT-6, but for WorldView-2, it was the modified simple ratio vegetation index (MSR). |
Mixed crops (soybean, corn, and wheat) | CASI hyperspectral data | PROSAIL + 12 VIs | [193] | Modified Triangular Vegetation Index (MTVI2) and a modified chlorophyll absorption ratio index (MCARI2) proved to be the best predictors of green LAI. |
Mixed crops (corn, soybean, and spring wheat) | Landsat | PROSAIL + 4VIs | [194] | There was a significant impact of aerosol optical depth as an interference factor on LAI estimation. The uncertainty of NDVI was less prone to the LAI saturation, as compared to EVI2 and MTV2. |
Mixed crops (corn, alfalfa, and potatoes) | CHRIS/PROBA | PROSAIL + 43VIs | [195] | OSAVI and MTVI2 are the most sensitive indices for LAI and are relatively insensitive to other confounding factors (chlorophyll, soil background, and view and illumination geometry influences). |
PROSAIL + 26VIs | [64] | OSAVI achieved the best indices as compared to other indices. | ||
Mixed plants (barley, wheat, and other plants) | Terra and Aqua MODIS | Two-layer Markov chain canopy reflectance model (ACRM) + VIs (NDVI and EVI) | [196] | Enhanced vegetation index (EVI) outperformed Normalized Difference Vegetation Index (NDVI). |
Unspecified | No specific sensor | PROSAIL+VI | [99] | The soil-adjusted vegetation index (SAVI2) proved to be the best overall choice as a greenness measure of LAI. Hyperspectral VIs, including the one based on waveform analysis technique, are not always good predictors for LAI, as compared to the broadband indices. |
Crop Type | Sensor | Model Used | Reference | The Main Findings |
---|---|---|---|---|
Cropland (mostly corn) | MODIS | SAILH+ NDVI | [197] | The proposed method based on LAI and directional NDVI can decrease the error of fCover estimates with an RMSD 0.117 that is close to the reference fCover obtained from in situ data with an RMSD of 0.127. |
Corn | Landsat 8 | PROSAIL+ six methods of inversion rely on 4 VIs | [198] | The soil background has a great impact on fCover estimation. The modified soil-adjusted vegetation index (MSAVI) is less sensitive to soil backgrounds and an alternative to NDVI. |
Soybean | UAV-based RGB and | PROSAIL+ FSM | [13] | By using fan-shaped model based on NDVI, FVC estimates based on the UAV dataset have similar accuracy to estimates based on the PROSAIL dataset (R2 = 0.86, RMSE = 0.14). |
Mixed crops | AISA Eagle II | PROSAIL+ 6 VIs | [199] | EVI2 and MTVI2 were the most strongly correlated with fCover. |
Crop Type | Sensor | Model Used | Reference | The Main Findings |
---|---|---|---|---|
Corn | CASI | PROSPECT and SAILH + 2VIs | [69] | Using CASI images, the result of CCC from the proposed index (TCARI/OSAVI) was in agreement with measurements, with R2 of 0.8 and RMSE of 4.35 µg/cm2. |
Landsat Thematic Mapper (TM) | SAIL + 7 VIs | [200] | The slope of isoline of the paired indices ((OSAVI and NIR/red) and (MCARI and NIR/green)) agreed with the slopes of isolines from Landsat TM bands. | |
ASD | PROSPECT-D Model + 13 VIs | [201] | The wavelet coefficients method yielded higher accuracy for LCC (R2 = 0.78 and RMSE = 16.47%) than that of VI-based NDVIcanste (R2 = 0.83 and RMSE = 27.07%) and spectral reflectance (R2 = 0.35 and RMSE = 59.30%). | |
Potato | Cropscan | PROSAIL + 15 VIs | [202] | CIgreen and CI red edge [705,750] achieved the best index for retrieving CC with an R2 of 0.93, as compared to others. |
Cropscan and RapidEye | PROSAIL + 3 VIs | [38] | TCARI/OSAVI based on a logarithmic relationship was outperformed for LCC (R2 = 0.55), compared to other VIs (TCI/OSAVI and CVI). | |
CHRIS | PROSAIL + 6 VIs | [39] | PRI and CCI were the optimal VIs for estimating LCC (R2 = 0.83 and NRMSE = 6.33%) and CCC (R2 = 0.85 and NRMSE = 6.54%), respectively. | |
Winter wheat | Sentinel-2 | PROSAIL + 4 of VI pairs | [235] | The matrix with two new VIs, RERI(705) and RERI(783), is the most effective. The results of the matrices of two VIs are superior to the results of individual VIs and VI ratios (for retrieving LCC (R2 = 0.70, NRMSE = 11.9%). |
UAV-based hyperspectral data | PROSAIL + waveband selection method | [203] | The good accuracy of LCC was delivered by using the hybrid inversion method combining the amplitude- and shape-enhanced 2D correlation spectrum and the fine-tuned transfer learning model. | |
Wheat and corn | CASI | PROSPECT-SAILH + 11 VIs | [204] | TCI/OSAVI and TCARI/OSAVI seem to be suitable to estimate CCC for both corn (R2 = 0.64 and RMSE = 10 µg/cm2) and wheat (R2 = 0.29 and RMSE= 9.28 µg/cm2), respectively. |
Hyperion data | PROSAIL + 7 VIs | [205] | The modified indices of TCARI/OSAVI and MCARI/OSAVI are most appropriate for LCC. | |
Wheat and soybean | MERIS | PROSAIL-D + VI | [206] | The combinations of MTCI with LAI-VIs (e.g., NDVI, MTVI2, RDVI, and L- or S-NDVI) delivered more accurate results of estimated CCC than those of using the standalone MTCI. For wheat and soybean, using satellite data for validation R2 was 0.24 and RMSE = 136.54 µg cm, while based on ground data R2 was 0.64 and RMSE = 77.10 µg cm. |
Mixed plants including cropland | Hyperion, Hymap, and ASD | PROSAIL + REP | [70] | REPs with the wavebands at 680, 694, 724, and 760 nm produced the highest correlation (R2 = 0.75), and extracted by the linear extrapolation method was able to extract the variation of LCC with minimizing the effect of LAI and other parameters (e.g., leaf inclination distribution, soil brightness, and leaf dry content). |
Crop Type | Sensor | Model Used | Reference | The Main Findings |
---|---|---|---|---|
Potato | UAV–hyperspectral VNIR | SLC + 3 MLs (GPR, RFR, and CCF) | [52] | The high accuracy of LAI estimates was derived from GPR (R2 = 0.70 and NRMSE = 9.80%) as compared to other approaches. |
Wheat | Sentinel-2 | PROSAIL+ 9 MLs | [210] | LSLR was the best method, delivering accurate results at two sites in Italy (R2 = 0.78 and RMSE = 0.68) and China (R2 = 0.73 and RMSE = 1). |
Huanjing optical satellites (HJ) | PROSAIL+ SVR | [214] | There was good consistency between the SVR-based inversions and field measured data with the RMSE = 0.52. | |
Corn | GF-1 multispectral data | PROSAIL+ NN | [211] | LAI estimation achieved satisfactory results (R2 = 0.818, RMSE = 0.50), after considering soil types with various properties. |
GF-5 hyperspectral data | PROSAIL+RFR, BPNN, and KNN | [192] | Using RF for feature selection (FS) with RFR model to estimate LAI achieved the best with R2 = 0.69 and RMSE = 0.91, as compared to other methods for FS (KNN and K-means) or regression (BPNN and KNN). | |
MODIS | PROSAIL+ NN and LUT | [187] | The hybrid model obtained more accurate results (R2 = 0.81 and RMSE = 0.59) than that of using only LUT-based inversion (R2 = 0.73 and RMSE = 0.66). | |
Rice | Landsat8 and SPOT5 | PROSAIL+GPR | [236] | For Landsat 8, the error of estimates (RMSE) was found to be 0.39 and 0.38 in Spain and Italy, respectively, while for SPOT5, RMSE was 0.51 and 0.47 for both sites. |
Sentinel-2 | PROSAIL+GPR and NN | [20] | By using ground data, the predictive accuracy of the hybrid GPR model (R2 = 0.82 RMSE = 1.65) was more accurate than that of the hybrid ANN model (R2 = 0.66, RMSE = 3.89). | |
Mixed crops | Landsat 8 and SPOT4 | PROSAIL+ NN | [237] | From both sensors, there was good spatiotemporal consistency of the LAI product. When validating the results from satellites with ground data for three crops, the accuracy was R2 = 0.83 and RMSE = 0.49. |
CHRIS | PROSAIL+RFR, BPNN, and SVR | [64] | The high accuracy was obtained from RFR as an optimal method for three types of simulated datasets, as compared to other MLs. | |
PRISMA | SCOPE+ GPR | [31] | The high accuracy was obtained from GPR using 20 PCR as an optimal model for LAI (R2 = 0.81 and RMSE = 1.12), as compared to the results from GPR based on 20-band ranking. | |
Sentinel-3 (OLCI) and FLORIS | SCOPE+GPR | [238] | Based on using the synthetic data of FLORIS and OLCI, the accuracy of LAI was enhanced with R2 = 0.88 and RMSE = 1.01 rather than using only FLORIS spectra (R2 = 0.87 and RMSE = 1.05) or OLCI (R2 = 0.86 and RMSE = 1.12). | |
PRISMA | PROSAIL + GPR | [239] | The accuracy of LAI was increased after using active learning (clustering-based diversity) with R2 = 0.84 and nRMSE = 14.5%. | |
Unspecified | Landsat TM | PROSPECT and SAILH+ ANN | [208] | The object-based inversion approach significantly increases the LAI estimation accuracy (R2 = 0.85 and RMSE = 0.5), as compared to the result of pixel-based inversion (R2 = 0.71 and RMSE = 0.81). |
MISR | PROSAIL+ SVR | [209] | By validating the estimated LAI with LAI retrieved from MISR, RMSE was 0.64, relying on two bands (NIR and red), while RMSE using only the NIR band was 0.50. |
Crop Type | Sensor | Model Used | Reference | The Main Findings |
---|---|---|---|---|
Corn | MODIS, ASTER, and CASI | Coupled PROSAIL with crop growth model + DBN and LUT-based inversion | [215] | When validating the reference fCover derived from ASTER and CASI, the estimated fCover from MODIS using PROSAIL and crop growth model achieved better performance with accuracy, R2 of 0.956 and a root mean square error (RMSE) of 0.057, than using an LUT method (R2 = 0.817, RMSE = 0.11). |
Landsat-7 and GLASS | Coupled PROSAIL with crop growth model + DBN and DPM (Dimidiate pixel model) | [216] | With using in situ data for validation, the estimated fCover from DBN (R2 = 0.69, RMSE = 0.09) had higher accuracy than estimation from DPM (R2 = 0.70, RMSE = 0.16). | |
Coupled PROSAIL with dynamic vegetation growth model + Bayesian NN | [217] | The performance of using the proposed method provided acceptable accuracy with the ground data (R2 = 0.89, RMSE = 0.092). | ||
Wheat | Sentinel-2 | PROSAIL+ 9 MLs | [210] | Using simulation data, GPR and NN were optimal methods for retrieving fCover at Italy (R2 = 0.89 and RMSE = 0.08) and China (R2 = 0.73 and RMSE = 0.17), respectively. |
Potato | UAV–hyperspectral VNIR | SLC+ 3 MLs (RFR, GPR, and CCF) | [52] | RFR was the best method, delivering the accurate result of fCover with an R2 = 0.82 and RMSE = 0.10. |
Corn and wheat | Landsat 7, MODIS, and GLASS | PROSAIL+ NN + fusion method | [240] | After multiresolution tree (MRT) fusion, the uncertainty of fCover was decreased successfully. Additionally, the missing data of Landsat-fCover was filled by the MRT method. |
GLASS, GF-1, and MODIS | PROSAIL+ RFR + fusion method | [218] | The results confirmed the feasibility of generating high spatiotemporal resolution fCover based on the fusion method ESTARFM. | |
Sentinel-2 | PROSAIL+VHGPR | [219] | Using the SNAP Biophysical Processor products for validation, the result of fCover obtained from BOA (R2 = 0.96 and RMSE = 0.05) had higher accuracy than that of TOA (R2 = 0.91 and RMSE = 0.20). | |
Mixed plants including corn | GF-1 | PROSAIL+ BPNN | [241] | Through the comparison to ground data, the estimated fCover had good precision, R2 = 0.790 and root mean square error of 0.073. |
Sentinel-2 | PROSAIL+NN | [242] | There was low systematic error between the estimated fCover for S-2 and the ground data (RMSE = 0.17 and bias = −0.03). | |
Landsat8 and SPOT4 | PROSAIL+ NN | [243] | There was good accuracy between the estimated fCover and ground data, with an RMSE of 0.17. | |
Landsat 8 andGLASS | Coupled PROSAIL with dynamic vegetation models+Bayesian NN and LUT | [244] | Validation results indicated that the combined-method-based BNN (R2 = 0.77 and RMSE = 0.08) achieved better results than the common method of LUT-based inversion (R2 = 0.7457 and RMSE = 0.1249). | |
CHRIS | PROSAIL+NN | [245] | Selecting the best band for fCover did not improve the accuracy as compared to using all bands. Moreover, the accuracy of fCover was improved, once the actual distribution, reflecting the actual situation in the ground data, was applied in the training datasets. | |
Sentinel-3 (OLCI) and FLORIS | SCOPE+GPR | [238] | The model performances using only one sensor or their synergies were provided the same accuracy (no preference) (fCover = R2 = 0.98; RMSE = 0.04). | |
VENµS | PROSAIL+GPR | [159] | When compared to ground-measured, the retrieval accuracy of the fCover was R2 = 0.76, RMSE = 0.09. | |
Landsat-7 and -8 | PROSAIl+NN and MARS | [246] | Using the field survey, the performance of MARS (multivariate adaptive regression splines) with PROSAIL achieved the best for retrieving fCover (R2 = 0.88 and RMSE = 0.10). |
Crop Type | Sensor | Model Used | Reference | The Main Findings |
---|---|---|---|---|
Wheat | Landsat 8 | PROSAIL-5 + GPR with different AL techniques. | [222] | The use of entropy query by bagging (EQB-AL) together with GPR was an optimal approach for improving the accuracy of LCC (RMSE = 12.43 µg/cm2, RRMSE = 21.77%). |
Sentinel-2 | PROSAIL + 9 MLs | [210] | For LCC, the best-performing method was RFR at both sites, in Italy (RMSE = 8.88 µg/cm2) and China (RMSE = 16.77 µg/cm2). On the other hand, the results of CCC showed no agreement about the method used for the two sites; PLSR for Italy (RMSE = 40.44 g/cm2 ) and RFR for China (RMSE = 56.51 g/cm2). | |
PROSAIL+ NN and LUT | [223] | The accuracy of LCC and CCC obtained from hybrid NN model (RMSE (µg/cm2) = 12.69 for LCC and 108.30 for CCC) was higher than using standard LUT (26.92 (µg/cm2) for LCC and 165.05 (µg/cm2) for CCC). | ||
IRS LISS-3 (Linear Imaging Self Scanner), and ASD | PROSAIL5B+ NN, LUT-I (best solution), and LUT-II (the best 10% solutions). | [221] | The hybrid NN model yielded a less accurate result for LCC with an RMSE of 23.7 µg/cm2, compared to the LUT-I (15.6 µg/cm2) and LUT-II (9.06 µg/cm2). | |
Sentinel-2 (10–20 m) and SPOT5 | PROSAIL+ ANN | [220] | Red edge bands of S-2 exhibit the best estimate accuracy for LCC and CCC with RMSE of 11.03 (µg/cm2) and RMSE of 0.35 (g/m2). | |
Rice | UAV multispectral data | PROSAIL+BN, and cost-function-based LUT | [201] | The accuracy of CCC inverted by BN (R2 = 0.83 and RRMSE = 0.37) was higher than that of using a cost function (R2 = 0.74 and RRMSE = 0.44). |
ASD | PROSPECT+SVR | [225] | The accuracy of LCC retrieved from the hybrid SVR model achieved an R2 = 0.93 and RMSE = 57.2872 µg/cm2. | |
Potato | UAV– hyperspectral VNIR | SLC + 3 MLs (GPR, RFR, and CCF) | [52] | CCF yielded the best results for CCC (R2 = 0.55 and NRMSE = 13.40%) as compared to others. |
Wheat and corn | Sentinel-2 | PROSAIL + VHGPR | [219] | The CCC and LCC were estimated from both S2 bottom of atmosphere (BOA) L2A and S2 top of atmosphere (TOA) L1C data. The LCC retrieval from BOA (RMSE = 6.5 µg/cm2) was slightly better than TOA (RMSE = 8 µg/cm2) reflectance; however, for estimating CCC, the reflectance from TOA delivered the best result (RMSE = 139 g/cm2). |
Wheat and barley | Hyper spectral data | PROSAIL + RFR | [226] | The LCC result of a hybrid RFR model performed well when validated with field measurements data (R2 = 0.89 and MAE = 6.94). |
Wheat and soybean | MERIS | PROSAIL-D + RFR | [206] | By using RFR for training the combination of simulated VIs and MTCI, the prediction accuracy of CCC was improved with R2 of 0.78 and RMSE of 47.96 µg/cm2. |
Mixed crops (corn, alfalfa, potato, and sugar beet) | EnMAP | PROSAIL + ANN, RFR, GPR, and SVR | [224] | ANN was an optimal model for retrieving LCC and its prediction error was RMSE of 8.09 µg/cm when validating the result with ground data. |
Mixed crops (corn, potato, and sugar beet) | Sentinel-2 (20 m),Sentinel-3 OLCI (300 m), andHyPlant DUAL (3 m) | SCOPE + GPR | [228] | The estimated CCC was retrieved well at 300 m spatial resolution (R2 = 0.74 and RMSE = 26.8 µg/cm), as compared to LCC, which was poorly retrieved at such a scale (R2 of 0.38 and RMSE = 11.9 µg/cm2). |
Mixed plants including corn and soybean | ASD | PROSPECT-5 + PLSR | [133] | PLSR was applied to the best sampling design of simulated data, which consider the correlations between model inputs and normal distributions. The accuracy of estimated LCC from such a modified simulation (RMSE of 8.01 µg/cm2) was better than other synthetic data built upon the unrealistic, uniform (14.12 µg/cm2), normal distributions (without correlation) (8.62 µg/cm2). |
PRISMA | PROSAIL + GPR | [239] | The accuracy of CCC was increased after using active learning (variance-based pool of regressors) with R2 = 0.79 and nRMSE = 18.5% as well as for LCC R2 = 0.62 and nRMSE = 27.9% using angle-based diversity. |
References
- Strandsbjerg Tristan Pedersen, J.; Duarte Santos, F.; van Vuuren, D.; Gupta, J.; Encarnação Coelho, R.; Aparício, B.A.; Swart, R. An assessment of the performance of scenarios against historical global emissions for IPCC reports. Glob. Environ. Chang. 2021, 66, 102199. [Google Scholar] [CrossRef]
- Shukla, P.R.; Skea, J.; Calvo Buendia, E.; Masson-Delmotte, V.; Pörtner, H.O.; Roberts, D.C.; Zhai, P.; Slade, R.; Connors, S.; Van Diemen, R. IPCC, 2019: Climate Change and Land: An IPCC Special Report on Climate Change, Desertification, Land Degradation, Sustainable land Management, Food Security, and Greenhouse Gas Fluxes in Terrestrial. Ecosystems. 2019. Available online: https://www.ipcc.ch/site/assets/uploads/2019/11/SRCCL-Full-Report-Compiled-191128.pdf (accessed on 5 June 2022).
- Cambouris, A.N.; Zebarth, B.J.; Ziadi, N.; Perron, I. Precision agriculture in potato production. Potato Res. 2014, 57, 249–262. [Google Scholar] [CrossRef]
- Monteiro, P.F.C.; Angulo Filho, R.; Xavier, A.C.; Monteiro, R.O.C. Assessing biophysical variable parameters of bean crop with hyperspectral measurements. Sci. Agric. 2012, 69, 87–94. [Google Scholar] [CrossRef] [Green Version]
- He, Z.; Larkin, R.; Honeycutt, W. Sustainable Potato Production: Global Case Studies; Springer Science & Business Media: Dordrecht, The Netherlands, 2012. [Google Scholar] [CrossRef]
- Stafford, J.V. Implementing precision agriculture in the 21st century. J. Agric. Eng. Res. 2000, 76, 267–275. [Google Scholar] [CrossRef] [Green Version]
- Prado Osco, L.; Marques Ramos, A.P.; Roberto Pereira, D.; Akemi Saito Moriya, É.; Nobuhiro Imai, N.; Takashi Matsubara, E.; Estrabis, N.; de Souza, M.; Marcato Junior, J.; Gonçalves, W.N. Predicting canopy nitrogen content in citrus-trees using random forest algorithm associated to spectral vegetation indices from UAV-imagery. Remote Sens. 2019, 11, 2925. [Google Scholar] [CrossRef] [Green Version]
- Wong, M.S.; Zhu, X.; Abbas, S.; Kwok, C.Y.T.; Wang, M. Optical Remote Sensing. In Urban Informatics; Shi, W., Goodchild, M.F., Batty, M., Kwan, M.P., Zhang, A., Eds.; Springer: Singapore, 2021; pp. 315–344. [Google Scholar] [CrossRef]
- Lu, B.; Dao, P.D.; Liu, J.; He, Y.; Shang, J. Recent advances of hyperspectral imaging technology and applications in agriculture. Remote Sens. 2020, 12, 2659. [Google Scholar] [CrossRef]
- Mananze, S.; Pôças, I.; Cunha, M. Retrieval of maize leaf area index using hyperspectral and multispectral data. Remote Sens. 2018, 10, 1942. [Google Scholar] [CrossRef] [Green Version]
- Hank, T.B.; Berger, K.; Bach, H.; Clevers, J.G.; Gitelson, A.; Zarco-Tejada, P.; Mauser, W. Spaceborne imaging spectroscopy for sustainable agriculture: Contributions and challenges. Surv. Geophys. 2019, 40, 515–551. [Google Scholar] [CrossRef] [Green Version]
- Yue, J.; Tian, Q. Estimating fractional cover of crop, crop residue, and soil in cropland using broadband remote sensing data and machine learning. Int. J. Appl. Earth Obs. Geoinf. 2020, 89, 102089. [Google Scholar] [CrossRef]
- Yue, J.; Guo, W.; Yang, G.; Zhou, C.; Feng, H.; Qiao, H. Method for accurate multi-growth-stage estimation of fractional vegetation cover using unmanned aerial vehicle remote sensing. Plant Methods 2021, 17, 1–16. [Google Scholar] [CrossRef]
- Cai, Y.; Miao, Y.; Wu, H.; Wang, D. Hyperspectral Estimation Models of Winter Wheat Chlorophyll Content Under Elevated CO2. Front. Plant Sci. 2021, 12, 490. [Google Scholar] [CrossRef] [PubMed]
- Zhang, X.; He, Y.; Wang, C.; Xu, F.; Li, X.; Tan, C.; Chen, D.; Wang, G.; Shi, L. Estimation of corn canopy chlorophyll content using derivative spectra in the O2—A absorption band. Front. Plant Sci. 2019, 10, 1047. [Google Scholar] [CrossRef] [PubMed] [Green Version]
- Baret, F.; Buis, S. Estimating canopy characteristics from remote sensing observations: Review of methods and associated problems. Adv. Land Remote Sens. 2008, 173–201. [Google Scholar] [CrossRef]
- Liang, S.; Liu, Q.; Yan, G.; Shi, J.; Kerekes, J.P. Foreword to the special issue on the recent progress in quantitative land remote sensing: Modeling and estimation. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2019, 12, 391–395. [Google Scholar] [CrossRef]
- Verrelst, J.; Camps-Valls, G.; Muñoz-Marí, J.; Rivera, J.P.; Veroustraete, F.; Clevers, J.G.; Moreno, J. Optical remote sensing and the retrieval of terrestrial vegetation bio-geophysical properties—A review. ISPRS J. Photogramm. Remote Sens. 2015, 108, 273–290. [Google Scholar] [CrossRef]
- Verrelst, J.; Malenovskỳ, Z.; Van der Tol, C.; Camps-Valls, G.; Gastellu-Etchegorry, J.P.; Lewis, P.; North, P.; Moreno, J. Quantifying vegetation biophysical variables from imaging spectroscopy data: A review on retrieval methods. Surv. Geophys. 2019, 40, 589–629. [Google Scholar] [CrossRef] [Green Version]
- Campos-Taberner, M.; García-Haro, F.J.; Camps-Valls, G.; Grau-Muedra, G.; Nutini, F.; Crema, A.; Boschetti, M. Multitemporal and multiresolution leaf area index retrieval for operational local rice crop monitoring. Remote Sens. Environ. 2016, 187, 102–118. [Google Scholar] [CrossRef]
- Widlowski, J.L.; Mio, C.; Disney, M.; Adams, J.; Andredakis, I.; Atzberger, C.; Brennan, J.; Busetto, L.; Chelle, M.; Ceccherini, G.; et al. The fourth phase of the radiative transfer model intercomparison (RAMI) exercise: Actual canopy scenarios and conformity testing. Remote Sens. Environ. 2015, 169, 418–437. [Google Scholar] [CrossRef]
- Reichstein, M.; Camps-Valls, G.; Stevens, B.; Jung, M.; Denzler, J.; Carvalhais, N. Deep learning and process understanding for data-driven Earth system science. Nature 2019, 566, 195–204. [Google Scholar] [CrossRef]
- Belda, S.; Pipia, L.; Morcillo-Pallarés, P.; Verrelst, J. Optimizing gaussian process regression for image time series gap-filling and crop monitoring. Agronomy 2020, 10, 618. [Google Scholar] [CrossRef]
- Kattenborn, T.; Leitloff, J.; Schiefer, F.; Hinz, S. Review on Convolutional Neural Networks (CNN) in vegetation remote sensing. ISPRS J. Photogramm. Remote Sens. 2021, 173, 24–49. [Google Scholar] [CrossRef]
- Wang, J.; Liang, S. Chapter 12—Fractional Vegetation Cover. In Advanced Remote Sensing; Academic Press: Cambridge, MA, USA, 2020; pp. 477–510. [Google Scholar] [CrossRef]
- Fernández-Guisuraga, J.M.; Verrelst, J.; Calvo, L.; Suárez-Seoane, S. Hybrid inversion of radiative transfer models based on high spatial resolution satellite reflectance data improves fractional vegetation cover retrieval in heterogeneous ecological systems after fire. Remote Sens. Environ. 2021, 255, 112304. [Google Scholar] [CrossRef]
- Zhang, J.; Sun, H.; Gao, D.; Qiao, L.; Liu, N.; Li, M.; Zhang, Y. Detection of canopy chlorophyll content of corn based on continuous wavelet transform analysis. Remote Sens. 2020, 12, 2741. [Google Scholar] [CrossRef]
- Campos-Taberner, M.; Moreno-Martínez, Á.; García-Haro, F.J.; Camps-Valls, G.; Robinson, N.P.; Kattge, J.; Running, S.W. Global estimation of biophysical variables from Google Earth Engine platform. Remote Sens. 2018, 10, 1167. [Google Scholar] [CrossRef] [Green Version]
- Salinero-Delgado, M.; Estévez, J.; Pipia, L.; Belda, S.; Berger, K.; Paredes Gómez, V.; Verrelst, J. Monitoring Cropland Phenology on Google Earth Engine Using Gaussian Process Regression. Remote Sens. 2021, 14, 146. [Google Scholar] [CrossRef]
- Reyes-Muñoz, P.; Pipia, L.; Salinero-Delgado, M.; Belda, S.; Berger, K.; Estévez, J.; Morata, M.; Rivera-Caicedo, J.P.; Verrelst, J. Quantifying Fundamental Vegetation Traits over Europe Using the Sentinel-3 OLCI Catalogue in Google Earth Engine. Remote Sens. 2022, 14, 1347. [Google Scholar] [CrossRef]
- Pascual-Venteo, A.B.; Portalés, E.; Berger, K.; Tagliabue, G.; Garcia, J.L.; Pérez-Suay, A.; Rivera-Caicedo, J.P.; Verrelst, J. Prototyping Crop Traits Retrieval Models for CHIME: Dimensionality Reduction Strategies Applied to PRISMA Data. Remote Sens. 2022, 14, 2448. [Google Scholar] [CrossRef]
- Berger, K.; Verrelst, J.; Féret, J.B.; Wang, Z.; Wocher, M.; Strathmann, M.; Danner, M.; Mauser, W.; Hank, T. Crop nitrogen monitoring: Recent progress and principal developments in the context of imaging spectroscopy missions. Remote Sens. Environ. 2020, 242, 111758. [Google Scholar] [CrossRef]
- Hank, T.B.; Bach, H.; Mauser, W. Using a Remote Sensing-Supported Hydro-Agroecological Model for Field-Scale Simulation of Heterogeneous Crop Growth and Yield: Application for Wheat in Central Europe. Remote Sens. 2015, 7, 3934–3965. [Google Scholar] [CrossRef] [Green Version]
- Chen, Q.; Zheng, B.; Chen, T.; Chapman, S. Integration of APSIM and PROSAIL models to develop more precise radiometric estimation of crop traits using deep learning. bioRxiv 2021. [Google Scholar] [CrossRef]
- Huemmrich, K.F. The GeoSail model: A simple addition to the SAIL model to describe discontinuous canopy reflectance. Remote Sens. Environ. 2001, 75, 423–431. [Google Scholar] [CrossRef]
- Li, Z.; Wang, J.; Tang, H.; Huang, C.; Yang, F.; Chen, B.; Wang, X.; Xin, X.; Ge, Y. Predicting grassland leaf area index in the meadow steppes of northern china: A comparative study of regression approaches and hybrid geostatistical methods. Remote Sens. 2016, 8, 632. [Google Scholar] [CrossRef] [Green Version]
- Houborg, R.; McCabe, M.F. A hybrid training approach for leaf area index estimation via Cubist and random forests machine-learning. ISPRS J. Photogramm. Remote Sens. 2018, 135, 173–188. [Google Scholar] [CrossRef]
- Kooistra, L.; Clevers, J.G. Estimating potato leaf chlorophyll content using ratio vegetation indices. Remote Sens. Lett. 2016, 7, 611–620. [Google Scholar] [CrossRef] [Green Version]
- Liang, L.; Qin, Z.; Zhao, S.; Di, L.; Zhang, C.; Deng, M.; Lin, H.; Zhang, L.; Wang, L.; Liu, Z. Estimating crop chlorophyll content with hyperspectral vegetation indices and the hybrid inversion method. Int. J. Remote Sens. 2016, 37, 2923–2949. [Google Scholar] [CrossRef]
- Jacquemoud, S.; Ustin, L. Modeling leaf optical properties. In Photobiological Sciences Online; American Society for Photobiolog: McLean, VA, USA, 2008. [Google Scholar]
- Verhoef, W.; Bach, H. Coupled soil–leaf-canopy and atmosphere radiative transfer modeling to simulate hyperspectral multi-angular surface reflectance and TOA radiance data. Remote Sens. Environ. 2007, 109, 166–182. [Google Scholar] [CrossRef]
- Gastellu-Etchegorry, J.; Martin, E.; Gascon, F. DART: A 3D model for simulating satellite images and studying surface radiation budget. Int. J. Remote Sens. 2004, 25, 73–96. [Google Scholar] [CrossRef]
- Rautiainen, M.; Heiskanen, J.; Eklundh, L.; Mottus, M.; Lukeš, P.; Stenberg, P. Ecological applications of physically based remote sensing methods. Scand. J. For. Res. 2010, 25, 325–339. [Google Scholar] [CrossRef]
- Pinty, B.; Gobron, N.; Widlowski, J.L.; Gerstl, S.A.; Verstraete, M.M.; Antunes, M.; Bacour, C.; Gascon, F.; Gastellu, J.P.; Goel, N.; et al. Radiation transfer model intercomparison (RAMI) exercise. J. Geophys. Res. Atmos. 2001, 106, 11937–11956. [Google Scholar] [CrossRef]
- Pinty, B.; Widlowski, J.L.; Taberner, M.; Gobron, N.; Verstraete, M.M.; Disney, M.; Gascon, F.; Gastellu, J.P.; Jiang, L.; Kuusk, A.; et al. Radiation Transfer Model Intercomparison (RAMI) exercise: Results from the second phase. J. Geophys. Res. Atmos. 2004, 109. [Google Scholar] [CrossRef] [Green Version]
- Widlowski, J.L.; Taberner, M.; Pinty, B.; Bruniquel-Pinel, V.; Disney, M.; Fernandes, R.; Gastellu-Etchegorry, J.P.; Gobron, N.; Kuusk, A.; Lavergne, T.; et al. Third Radiation Transfer Model Intercomparison (RAMI) exercise: Documenting progress in canopy reflectance models. J. Geophys. Res. Atmos. 2007, 112. [Google Scholar] [CrossRef] [Green Version]
- PROSPECT + SAIL models: A review of use for vegetation characterization. Remote Sens. Environ. 2009, 113, S56–S66. [CrossRef]
- Homolová, L.; Malenovskỳ, Z.; Clevers, J.G.; García-Santos, G.; Schaepman, M.E. Review of optical-based remote sensing for plant trait mapping. Ecol. Complex. 2013, 15, 1–16. [Google Scholar] [CrossRef] [Green Version]
- Verhoef, W.; Bach, H. Simulation of hyperspectral and directional radiance images using coupled biophysical and atmospheric radiative transfer models. Remote Sens. Environ. 2003, 87, 23–41. [Google Scholar] [CrossRef]
- Gewali, U.B.; Monteiro, S.T.; Saber, E. Machine learning based hyperspectral image analysis: A survey. arXiv 2018, arXiv:1802.08701. [Google Scholar] [CrossRef]
- Abdelbaki, A.; Schlerf, M.; Verhoef, W.; Udelhoven, T. Introduction of Variable Correlation for the Improved Retrieval of Crop Traits Using Canopy Reflectance Model Inversion. Remote Sens. 2019, 11, 2681. [Google Scholar] [CrossRef] [Green Version]
- Abdelbaki, A.; Schlerf, M.; Retzlaff, R.; Machwitz, M.; Verrelst, J.; Udelhoven, T. Comparison of Crop Trait Retrieval Strategies Using UAV-Based VNIR Hyperspectral Imaging. Remote Sens. 2021, 13, 1748. [Google Scholar] [CrossRef]
- Mousivand, A.; Menenti, M.; Gorte, B.; Verhoef, W. Global sensitivity analysis of the spectral radiance of a soil–vegetation system. Remote Sens. Environ. 2014, 145, 131–144. [Google Scholar] [CrossRef]
- Atzberger, C.; Richter, K. Spatially constrained inversion of radiative transfer models for improved LAI mapping from future Sentinel-2 imagery. Remote Sens. Environ. 2012, 120, 208–218. [Google Scholar] [CrossRef]
- Koetz, B.; Baret, F.; Poilvé, H.; Hill, J. Use of coupled canopy structure dynamic and radiative transfer models to estimate biophysical canopy characteristics. Remote Sens. Environ. 2005, 95, 115–124. [Google Scholar] [CrossRef]
- Laurent, V.C.; Verhoef, W.; Damm, A.; Schaepman, M.E.; Clevers, J.G. A Bayesian object-based approach for estimating vegetation biophysical and biochemical variables from APEX at-sensor radiance data. Remote Sens. Environ. 2013, 139, 6–17. [Google Scholar] [CrossRef]
- Li, X.; Zhang, Y.; Bao, Y.; Luo, J.; Jin, X.; Xu, X.; Song, X.; Yang, G. Exploring the best hyperspectral features for LAI estimation using partial least squares regression. Remote Sens. 2014, 6, 6221–6241. [Google Scholar] [CrossRef] [Green Version]
- Darvishzadeh, R.; Skidmore, A.; Schlerf, M.; Atzberger, C. Inversion of a radiative transfer model for estimating vegetation LAI and chlorophyll in a heterogeneous grassland. Remote Sens. Environ. 2008, 112, 2592–2604. [Google Scholar] [CrossRef]
- Baret, F.; Houlès, V.; Guerif, M. Quantification of plant stress using remote sensing observations and crop models: The case of nitrogen management. J. Exp. Bot. 2007, 58, 869–880. [Google Scholar] [CrossRef] [Green Version]
- Viña, A.; Gitelson, A.A.; Nguy-Robertson, A.L.; Peng, Y. Comparison of different vegetation indices for the remote assessment of green leaf area index of crops. Remote Sens. Environ. 2011, 115, 3468–3478. [Google Scholar] [CrossRef]
- Elvidge, C.D.; Chen, Z. Comparison of broad-band and narrow-band red and near-infrared vegetation indices. Remote Sens. Environ. 1995, 54, 38–48. [Google Scholar] [CrossRef]
- Müller, K.; Böttcher, U.; Meyer-Schatz, F.; Kage, H. Analysis of vegetation indices derived from hyperspectral reflection measurements for estimating crop canopy parameters of oilseed rape (Brassica napus L.). Biosyst. Eng. 2008, 101, 172–182. [Google Scholar] [CrossRef]
- Verrelst, J.; Rivera, J.P.; van der Tol, C.; Magnani, F.; Mohammed, G.; Moreno, J. Global sensitivity analysis of the SCOPE model: What drives simulated canopy-leaving sun-induced fluorescence? Remote Sens. Environ. 2015, 166, 8–21. [Google Scholar] [CrossRef]
- Liang, L.; Geng, D.; Yan, J.; Qiu, S.; Di, L.; Wang, S.; Xu, L.; Wang, L.; Kang, J.; Li, L. Estimating crop LAI using spectral feature extraction and the hybrid inversion method. Remote Sens. 2020, 12, 3534. [Google Scholar] [CrossRef]
- Xue, J.; Su, B. Significant remote sensing vegetation indices: A review of developments and applications. J. Sens. 2017, 2017. [Google Scholar] [CrossRef] [Green Version]
- Bannari, A.; Morin, D.; Bonn, F.; Huete, A. A review of vegetation indices. Remote Sens. Rev. 1995, 13, 95–120. [Google Scholar] [CrossRef]
- Xu, J.; Quackenbush, L.J.; Volk, T.A.; Im, J. Forest and crop leaf area index estimation using remote sensing: Research trends and future directions. Remote Sens. 2020, 12, 2934. [Google Scholar] [CrossRef]
- Gao, L.; Wang, X.; Johnson, B.A.; Tian, Q.; Wang, Y.; Verrelst, J.; Mu, X.; Gu, X. Remote sensing algorithms for estimation of fractional vegetation cover using pure vegetation index values: A review. ISPRS J. Photogramm. Remote Sens. 2020, 159, 364–377. [Google Scholar] [CrossRef]
- Haboudane, D.; Miller, J.R.; Tremblay, N.; Zarco-Tejada, P.J.; Dextraze, L. Integrated narrow-band vegetation indices for prediction of crop chlorophyll content for application to precision agriculture. Remote Sens. Environ. 2002, 81, 416–426. [Google Scholar] [CrossRef]
- Cho, M.; Skidmore, A.; Atzberger, C. Towards red edge positions less sensitive to canopy biophysical parameters for leaf chlorophyll estimation using properties optique spectrales des feuilles (PROSPECT) and scattering by arbitrarily inclined leaves (SAILH) simulated data. Int. J. Remote Sens. 2008, 29, 2241–2255. [Google Scholar] [CrossRef]
- Cho, M.A.; Skidmore, A. Hyperspectral predictors for monitoring biomass production in Mediterranean mountain grasslands: Majella National Park, Italy. Int. J. Remote Sens. 2009, 30, 499–515. [Google Scholar] [CrossRef]
- Kochubey, S.M.; Kazantsev, T.A. Derivative vegetation indices as a new approach in remote sensing of vegetation. Front. Earth Sci. 2012, 6, 188–195. [Google Scholar] [CrossRef]
- Dawson, T.; Curran, P. Technical note A new technique for interpolating the reflectance red edge position. Int. J. Remote Sens. 1998, 19, 2133–2139. [Google Scholar] [CrossRef]
- Filella, I.; Penuelas, J. The red edge position and shape as indicators of plant chlorophyll content, biomass and hydric status. Int. J. Remote Sens. 1994, 15, 1459–1470. [Google Scholar] [CrossRef]
- Xing, N.; Huang, W.; Ye, H.; Dong, Y.; Kong, W.; Ren, Y.; Xie, Q. Remote sensing retrieval of winter wheat leaf area index and canopy chlorophyll density at different growth stages. Big Earth Data 2021, 1–23. [Google Scholar] [CrossRef]
- Dong, T.; Liu, J.; Shang, J.; Qian, B.; Ma, B.; Kovacs, J.M.; Walters, D.; Jiao, X.; Geng, X.; Shi, Y. Assessment of red edge vegetation indices for crop leaf area index estimation. Remote Sens. Environ. 2019, 222, 133–143. [Google Scholar] [CrossRef]
- Liu, J.; Fan, J.; Yang, C.; Xu, F.; Zhang, X. Novel vegetation indices for estimating photosynthetic and non-photosynthetic fractional vegetation cover from Sentinel data. Int. J. Appl. Earth Obs. Geoinf. 2022, 109, 102793. [Google Scholar] [CrossRef]
- Deng, Z.; Lu, Z.; Wang, G.; Wang, D.; Ding, Z.; Zhao, H.; Xu, H.; Shi, Y.; Cheng, Z.; Zhao, X. Extraction of fractional vegetation cover in arid desert area based on Chinese GF-6 satellite. Open Geosci. 2021, 13, 416–430. [Google Scholar] [CrossRef]
- Gitelson, A.A.; Merzlyak, M.N.; Lichtenthaler, H.K. Detection of red edge position and chlorophyll content by reflectance measurements near 700 nm. J. Plant Physiol. 1996, 148, 501–508. [Google Scholar] [CrossRef]
- Horler, D.; DOCKRAY, M.; Barber, J. The red edge of plant leaf reflectance. Int. J. Remote Sens. 1983, 4, 273–288. [Google Scholar] [CrossRef]
- Demetriades-Shah, T.H.; Steven, M.D.; Clark, J.A. High resolution derivative spectra in remote sensing. Remote Sens. Environ. 1990, 33, 55–64. [Google Scholar] [CrossRef]
- Pu, R.; Gong, P.; Biging, G.S.; Larrieu, M.R. Extraction of red edge optical parameters from Hyperion data for estimation of forest leaf area index. IEEE Trans. Geosci. Remote Sens. 2003, 41, 916–921. [Google Scholar] [CrossRef] [Green Version]
- Gholizadeh, A.; Mišurec, J.; Kopačková, V.; Mielke, C.; Rogass, C. Assessment of red edge position extraction techniques: A case study for norway spruce forests using hymap and simulated sentinel-2 data. Forests 2016, 7, 226. [Google Scholar] [CrossRef] [Green Version]
- Cho, M.A.; Skidmore, A.K. A new technique for extracting the red edge position from hyperspectral data: The linear extrapolation method. Remote Sens. Environ. 2006, 101, 181–193. [Google Scholar] [CrossRef]
- Cui, B.; Zhao, Q.; Huang, W.; Song, X.; Ye, H.; Zhou, X. A New Integrated Vegetation Index for the Estimation of Winter Wheat Leaf Chlorophyll Content. Remote Sens. 2019, 11, 974. [Google Scholar] [CrossRef] [Green Version]
- Thorp, K.R.; Tian, L.; Yao, H.; Tang, L. Narrow-band and derivative-based vegetation indices for hyperspectral data. Trans. ASAE 2004, 47, 291. [Google Scholar] [CrossRef]
- Tsai, F.; Philpot, W. Derivative analysis of hyperspectral data. Remote Sens. Environ. 1998, 66, 41–51. [Google Scholar] [CrossRef]
- Delegido, J.; Alonso, L.; González, G.; Moreno, J. Estimating chlorophyll content of crops from hyperspectral data using a normalized area over reflectance curve (NAOC). Int. J. Appl. Earth Obs. Geoinf. 2010, 12, 165–174. [Google Scholar] [CrossRef]
- Wocher, M.; Berger, K.; Danner, M.; Mauser, W.; Hank, T. RTM-based dynamic absorption integrals for the retrieval of biochemical vegetation traits. Int. J. Appl. Earth Obs. Geoinf. 2020, 93, 102219. [Google Scholar] [CrossRef]
- Le Maire, G.; Francois, C.; Dufrene, E. Towards universal broad leaf chlorophyll indices using PROSPECT simulated database and hyperspectral reflectance measurements. Remote Sens. Environ. 2004, 89, 1–28. [Google Scholar] [CrossRef]
- Jin, X.; Li, Z.; Feng, H.; Xu, X.; Yang, G. Newly combined spectral indices to improve estimation of total leaf chlorophyll content in cotton. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2014, 7, 4589–4600. [Google Scholar] [CrossRef]
- Qiu, C.; Liao, G.; Tang, H.; Liu, F.; Liao, X.; Zhang, R.; Zhao, Z. Derivative parameters of hyperspectral NDVI and its application in the inversion of rapeseed leaf area index. Appl. Sci. 2018, 8, 1300. [Google Scholar] [CrossRef] [Green Version]
- Borgonovo, E.; Plischke, E. Sensitivity analysis: A review of recent advances. Eur. J. Oper. Res. 2016, 248, 869–887. [Google Scholar] [CrossRef]
- Malenovsky, Z.; Ufer, C.; Lhotáková, Z.; Clevers, J.G.; Schaepman, M.E.; Albrechtová, J.; Cudlín, P. A new hyperspectral index for chlorophyll estimation of a forest canopy: Area under curve normalised to maximal band depth between 650–725 nm. EARSeL EProceedings 2006, 5, 161–172. [Google Scholar] [CrossRef]
- Kokaly, R.F.; Clark, R.N. Spectroscopic determination of leaf biochemistry using band-depth analysis of absorption features and stepwise multiple linear regression. Remote Sens. Environ. 1999, 67, 267–287. [Google Scholar] [CrossRef]
- Huang, W.; Lu, J.; Ye, H.; Kong, W.; Mortimer, A.H.; Shi, Y. Quantitative identification of crop disease and nitrogen-water stress in winter wheat using continuous wavelet analysis. Int. J. Agric. Biol. Eng. 2018, 11, 145–152. [Google Scholar] [CrossRef] [Green Version]
- Luo, S.; He, Y.; Wang, Z.; Duan, D.; Zhang, J.; Zhang, Y.; Zhu, Y.; Yu, J.; Zhang, S.; Xu, F.; et al. Comparison of the retrieving precision of potato leaf area index derived from several vegetation indices and spectral parameters of the continuum removal method. Eur. J. Remote Sens. 2019, 52, 155–168. [Google Scholar] [CrossRef] [Green Version]
- Li, L.; Lin, D.; Wang, J.; Yang, L.; Wang, Y. Multivariate Analysis Models Based on Full Spectra Range and Effective Wavelengths Using Different Transformation Techniques for Rapid Estimation of Leaf Nitrogen Concentration in Winter Wheat. Front. Plant Sci. 2020, 11, 755. [Google Scholar] [CrossRef] [PubMed]
- Broge, N.H.; Leblanc, E. Comparing prediction power and stability of broadband and hyperspectral vegetation indices for estimation of green leaf area index and canopy chlorophyll density. Remote Sens. Environ. 2001, 76, 156–172. [Google Scholar] [CrossRef]
- Luo, L.; Chang, Q.; Gao, Y.; Jiang, D.; Li, F. Combining Different Transformations of Ground Hyperspectral Data with Unmanned Aerial Vehicle (UAV) Images for Anthocyanin Estimation in Tree Peony Leaves. Remote Sens. 2022, 14, 2271. [Google Scholar] [CrossRef]
- Huang, Z.; Turner, B.J.; Dury, S.J.; Wallis, I.R.; Foley, W.J. Estimating foliage nitrogen concentration from HYMAP data using continuum removal analysis. Remote Sens. Environ. 2004, 93, 18–29. [Google Scholar] [CrossRef]
- Banskota, A.; Falkowski, M.J.; Smith, A.M.; Kane, E.S.; Meingast, K.M.; Bourgeau-Chavez, L.L.; Miller, M.E.; French, N.H. Continuous wavelet analysis for spectroscopic determination of subsurface moisture and water-table height in northern peatland ecosystems. IEEE Trans. Geosci. Remote Sens. 2016, 55, 1526–1536. [Google Scholar] [CrossRef]
- Banskota, A.; Wynne, R.H.; Thomas, V.A.; Serbin, S.P.; Kayastha, N.; Gastellu-Etchegorry, J.P.; Townsend, P.A. Investigating the utility of wavelet transforms for inverting a 3-D radiative transfer model using hyperspectral data to retrieve forest LAI. Remote Sens. 2013, 5, 2639–2659. [Google Scholar] [CrossRef]
- Pu, R.; Gong, P. Wavelet transform applied to EO-1 hyperspectral data for forest LAI and crown closure mapping. Remote Sens. Environ. 2004, 91, 212–224. [Google Scholar] [CrossRef]
- Li, D.; Cheng, T.; Zhou, K.; Zheng, H.; Yao, X.; Tian, Y.; Zhu, Y.; Cao, W. WREP: A wavelet-based technique for extracting the red edge position from reflectance spectra for estimating leaf and canopy chlorophyll contents of cereal crops. ISPRS J. Photogramm. Remote Sens. 2017, 129, 103–117. [Google Scholar] [CrossRef]
- He, R.; Li, H.; Qiao, X.; Jiang, J. Using wavelet analysis of hyperspectral remote-sensing data to estimate canopy chlorophyll content of winter wheat under stripe rust stress. Int. J. Remote Sens. 2018, 39, 4059–4076. [Google Scholar] [CrossRef]
- Sun, Q.; Zhang, P.; Jiao, X.; Han, W.; Sun, Y.; Sun, D. Identifying and understanding alternative states of dryland landscape: A hierarchical analysis of time series of fractional vegetation-soil nexuses in China’s Hexi Corridor. Landsc. Urban Plan. 2021, 215, 104225. [Google Scholar] [CrossRef]
- Chen, J.; Li, F.; Wang, R.; Fan, Y.; Raza, M.A.; Liu, Q.; Wang, Z.; Cheng, Y.; Wu, X.; Yang, F.; et al. Estimation of nitrogen and carbon content from soybean leaf reflectance spectra using wavelet analysis under shade stress. Comput. Electron. Agric. 2019, 156, 482–489. [Google Scholar] [CrossRef]
- Sornette, D.; Zhou, W.X. Nonparametric determination of real-time lag structure between two time series: The ‘optimal thermal causal path’method. Quant. Financ. 2005, 5, 577–591. [Google Scholar] [CrossRef]
- Huberty, C.J. Problems with stepwise methods-better alternatives. Adv. Soc. Sci. Methodol. 1989, 1, 43–70. [Google Scholar]
- Kutner, M.; Nachtsheim, C.; Neter, J. Simultaneous inferences and other topics in regression analysis. In Applied Linear Regression Models, 4th ed.; McGraw-Hill Irwin: New York, NY, USA, 2004; pp. 168–170. [Google Scholar]
- Jolliffe, I.T.; Cadima, J. Principal component analysis: A review and recent developments. Philos. Trans. R. Soc. A Math. Phys. Eng. Sci. 2016, 374, 20150202. [Google Scholar] [CrossRef] [PubMed]
- Bolster, K.L.; Martin, M.E.; Aber, J.D. Determination of carbon fraction and nitrogen concentration in tree foliage by near infrared reflectances: A comparison of statistical methods. Can. J. For. Res. 1996, 26, 590–600. [Google Scholar] [CrossRef] [Green Version]
- Grossman, Y.; Ustin, S.; Jacquemoud, S.; Sanderson, E.; Schmuck, G.; Verdebout, J. Critique of stepwise multiple linear regression for the extraction of leaf biochemistry information from leaf reflectance data. Remote Sens. Environ. 1996, 56, 182–193. [Google Scholar] [CrossRef]
- Mowbray, M.; Savage, T.; Wu, C.; Song, Z.; Cho, B.A.; Del Rio-Chanona, E.A.; Zhang, D. Machine learning for biochemical engineering: A review. Biochem. Eng. J. 2021, 172, 108054. [Google Scholar] [CrossRef]
- Heermann, P.D.; Khazenie, N. Classification of multispectral remote sensing data using a back-propagation neural network. IEEE Trans. Geosci. Remote Sens. 1992, 30, 81–88. [Google Scholar] [CrossRef]
- Orr, M.J.L. Technical Report 1996: Introduction to Radial Basis Function Networks; Center for Cognitive Science, University of Edinburgh: Edinburgh, UK, 1996. [Google Scholar]
- Zaremba, W.; Sutskever, I.; Vinyals, O. Recurrent neural network regularization. arXiv 2014, arXiv:1409.2329. [Google Scholar] [CrossRef]
- Burden, F.; Winkler, D. Bayesian regularization of neural networks. Artif. Neural Netw. 2008, 458, 23–42. [Google Scholar] [CrossRef]
- Breiman, L. Bagging predictors. Mach. Learn. 1996, 24, 123–140. [Google Scholar] [CrossRef] [Green Version]
- Breiman, L. Random forests. Mach. Learn. 2001, 45, 5–32. [Google Scholar] [CrossRef] [Green Version]
- Hotelling, H. Relations between two sets of variates. In Breakthroughs in Statistics; Springer: New York, NY, USA, 1992; pp. 162–190. [Google Scholar] [CrossRef]
- Friedman, J.H. Greedy function approximation: A gradient boosting machine. Ann. Stat. 2001, 29, 1189–1232. [Google Scholar] [CrossRef]
- Apsemidis, A.; Psarakis, S.; Moguerza, J.M. A review of machine learning kernel methods in statistical process monitoring. Comput. Ind. Eng. 2020, 142, 106376. [Google Scholar] [CrossRef]
- Drucker, H.; Burges, C.J.C.; Kaufman, L.; Smola, A.; Vapnik, V. Support vector regression machines. Adv. Neural Inf. Process. Syst. 1997, 9, 155–161. [Google Scholar]
- Vapnik, V. The support vector method of Function Estimation. In Nonlinear Modeling: Advanced Black-Box Techniques; Springer: Boston, MA, USA, 1997; pp. 55–85. [Google Scholar] [CrossRef]
- Omer, G.; Mutanga, O.; Abdel-Rahman, E.M.; Adam, E. Empirical prediction of leaf area index (LAI) of endangered tree species in intact and fragmented indigenous forests ecosystems using WorldView-2 data and two robust machine learning algorithms. Remote Sens. 2016, 8, 324. [Google Scholar] [CrossRef] [Green Version]
- Williams, C.K.I.; Rasmussen, C.E. Gaussian Processes for Regression. In Advances in Neural Information Processing Systems; Morgan Kaufmann Publishers Inc.: San Francisco, CA, USA, 1996; Volume 8, pp. 514–520. [Google Scholar]
- Pedregosa, F.; Varoquaux, G.; Gramfort, A.; Michel, V.; Thirion, B.; Grisel, O.; Blondel, M.; Prettenhofer, P.; Weiss, R.; Dubourg, V. Scikit-learn: Machine learning in Python. J. Mach. Learn. Res. 2011, 12, 2825–2830. [Google Scholar]
- Verrelst, J.; Muñoz, J.; Alonso, L.; Delegido, J.; Rivera, J.P.; Camps-Valls, G.; Moreno, J. Machine learning regression algorithms for biophysical parameter retrieval: Opportunities for Sentinel-2 and-3. Remote Sens. Environ. 2012, 118, 127–139. [Google Scholar] [CrossRef]
- Verrelst, J.; Vicent, J.; Rivera-Caicedo, J.P.; Lumbierres, M.; Morcillo-Pallarés, P.; Moreno, J. Global sensitivity analysis of leaf-canopy-atmosphere RTMs: Implications for biophysical variables retrieval from top-of-atmosphere radiance data. Remote Sens. 2019, 11, 1923. [Google Scholar] [CrossRef] [Green Version]
- Vovk, V. Kernel ridge regression. In Empirical Inference; Springer: Berlin/Heidelberg, Germany, 2013; pp. 105–116. [Google Scholar] [CrossRef]
- Féret, J.B.; François, C.; Gitelson, A.; Asner, G.P.; Barry, K.M.; Panigada, C.; Richardson, A.D.; Jacquemoud, S. Optimizing spectral indices and chemometric analysis of leaf chemical properties using radiative transfer modeling. Remote Sens. Environ. 2011, 115, 2742–2750. [Google Scholar] [CrossRef] [Green Version]
- Li, S.; Yuan, F.; Ata-UI-Karim, S.T.; Zheng, H.; Cheng, T.; Liu, X.; Tian, Y.; Zhu, Y.; Cao, W.; Cao, Q. Combining color indices and textures of UAV-based digital imagery for rice LAI estimation. Remote Sens. 2019, 11, 1763. [Google Scholar] [CrossRef] [Green Version]
- Zhou, G.; Ma, Z.; Sathyendranath, S.; Platt, T.; Jiang, C.; Sun, K. Canopy reflectance modeling of aquatic vegetation for algorithm development: Global sensitivity analysis. Remote Sens. 2018, 10, 837. [Google Scholar] [CrossRef] [Green Version]
- Hill, M.C.; Tiedeman, C.R. Effective Groundwater Model Calibration: With Analysis of Data, Sensitivities, Predictions, and Uncertainty; John Wiley & Sons: New York, NY, USA, 2006. [Google Scholar]
- Pianosi, F.; Beven, K.; Freer, J.; Hall, J.W.; Rougier, J.; Stephenson, D.B.; Wagener, T. Sensitivity analysis of environmental models: A systematic review with practical workflow. Environ. Model. Softw. 2016, 79, 214–232. [Google Scholar] [CrossRef]
- Wang, S.; Yang, D.; Li, Z.; Liu, L.; Huang, C.; Zhang, L. A global sensitivity analysis of commonly used satellite-derived vegetation indices for homogeneous canopies based on model simulation and random forest learning. Remote Sens. 2019, 11, 2547. [Google Scholar] [CrossRef] [Green Version]
- Morcillo-Pallarés, P.; Rivera-Caicedo, J.P.; Belda, S.; De Grave, C.; Burriel, H.; Moreno, J.; Verrelst, J. Quantifying the robustness of vegetation indices through global sensitivity analysis of homogeneous and forest leaf-canopy radiative transfer models. Remote Sens. 2019, 11, 2418. [Google Scholar] [CrossRef] [Green Version]
- IM, S. Sensitivity estimates for nonlinear mathematical models. Math. Model. Comput. Exp. 1993, 1, 407–414. [Google Scholar]
- Zhu, W.; Huang, Y.; Sun, Z. Mapping crop leaf area index from multi-spectral imagery onboard an unmanned aerial vehicle. In Proceedings of the 2018 7th International Conference on Agro-Geoinformatics (Agro-Geoinformatics), Hangzhou, China, 6–9 August 2018; IEEE: Piscataway, NJ, USA, 2018; pp. 1–5. [Google Scholar] [CrossRef]
- Cukier, R.I.; Fortuin, C.M.; Shuler, K.E.; Petschek, A.G.; Schaibly, J.H. Study of the sensitivity of coupled reaction systems to uncertainties in rate coefficients. I Theory. J. Chem. Phys. 1973, 59, 3873–3878. [Google Scholar] [CrossRef]
- Cukier, R.I.; Levine, H.B.; Shuler, K.E. Nonlinear sensitivity analysis of multiparameter model systems. J. Comput. Phys. 1978, 26, 1–42. [Google Scholar] [CrossRef]
- Saltelli, A.; Tarantola, S.; Chan, K.S. A quantitative model-independent method for global sensitivity analysis of model output. Technometrics 1999, 41, 39–56. [Google Scholar] [CrossRef]
- Pianosi, F.; Wagener, T. A simple and efficient method for global sensitivity analysis based on cumulative distribution functions. Environ. Model. Softw. 2015, 67, 1–11. [Google Scholar] [CrossRef] [Green Version]
- Morris, M.D. Factorial sampling plans for preliminary computational experiments. Technometrics 1991, 33, 161–174. [Google Scholar] [CrossRef]
- van van Griensven, A.; Meixner, T.; Grunwald, S.; Bishop, T.; Diluzio, M.; Srinivasan, R. A global sensitivity analysis tool for the parameters of multi-variable catchment models. J. Hydrol. 2006, 324, 10–23. [Google Scholar] [CrossRef]
- Helton, J.C. Uncertainty and sensitivity analysis techniques for use in performance assessment for radioactive waste disposal. Reliab. Eng. Syst. Saf. 1993, 42, 327–367. [Google Scholar] [CrossRef]
- Spear, R.C.; Hornberger, G.M. Eutrophication in peel inlet—II. Identification of critical uncertainties via generalized sensitivity analysis. Water Res. 1980, 14, 43–49. [Google Scholar] [CrossRef]
- Mousivand, A.; Menenti, M.; Gorte, B.; Verhoef, W. Multi-temporal, multi-sensor retrieval of terrestrial vegetation properties from spectral–directional radiometric data. Remote Sens. Environ. 2015, 158, 311–330. [Google Scholar] [CrossRef]
- Bowyer, P.; Danson, F.M. Sensitivity of spectral reflectance to variation in live fuel moisture content at leaf and canopy level. Remote Sens. Environ. 2004, 92, 297–308. [Google Scholar] [CrossRef]
- Niu, C.; Phinn, S.; Roelfsema, C. Global Sensitivity Analysis for Canopy Reflectance and Vegetation Indices of Mangroves. Remote Sens. 2021, 13, 2617. [Google Scholar] [CrossRef]
- Locherer, M.; Hank, T.; Danner, M.; Mauser, W. Retrieval of Seasonal Leaf Area Index from Simulated EnMAP Data through Optimized LUT-Based Inversion of the PROSAIL Model. Remote Sens. 2015, 7, 10321–10346. [Google Scholar] [CrossRef] [Green Version]
- Bacour, C.; Jacquemoud, S.; Tourbier, Y.; Dechambre, M.; Frangi, J.P. Design and analysis of numerical experiments to compare four canopy reflectance models. Remote Sens. Environ. 2002, 79, 72–83. [Google Scholar] [CrossRef]
- Berger, K.; Rivera Caicedo, J.P.; Martino, L.; Wocher, M.; Hank, T.; Verrelst, J. A survey of active learning for quantifying vegetation traits from terrestrial earth observation data. Remote Sens. 2021, 13, 287. [Google Scholar] [CrossRef]
- Verrelst, J.; Dethier, S.; Rivera, J.P.; Munoz-Mari, J.; Camps-Valls, G.; Moreno, J. Active learning methods for efficient hybrid biophysical variable retrieval. IEEE Geosci. Remote Sens. Lett. 2016, 13, 1012–1016. [Google Scholar] [CrossRef]
- Lin, Y.P.; Chu, H.J.; Huang, Y.L.; Tang, C.H.; Rouhani, S. Monitoring and identification of spatiotemporal landscape changes in multiple remote sensing images by using a stratified conditional Latin hypercube sampling approach and geostatistical simulation. Environ. Monit. Assess. 2011, 177, 353–373. [Google Scholar] [CrossRef]
- Wu, D.; Lin, C.T.; Huang, J. Active learning for regression using greedy sampling. Inf. Sci. 2019, 474, 90–105. [Google Scholar] [CrossRef] [Green Version]
- Upreti, D.; Pignatti, S.; Pascucci, S.; Tolomio, M.; Huang, W.; Casa, R. Bayesian Calibration of the Aquacrop-OS Model for Durum Wheat by Assimilation of Canopy Cover Retrieved from VENµS Satellite Data. Remote Sens. 2020, 12, 2666. [Google Scholar] [CrossRef]
- Ren, P.; Xiao, Y.; Chang, X.; Huang, P.Y.; Li, Z.; Chen, X.; Wang, X. A survey of deep active learning. arXiv 2020, arXiv:2009.00236. [Google Scholar]
- Djamai, N.; Fernandes, R. Active learning regularization increases clear sky retrieval rates for vegetation biophysical variables using Sentinel-2 data. Remote Sens. Environ. 2021, 254, 112241. [Google Scholar] [CrossRef]
- Yang, Y.; Loog, M. Active learning using uncertainty information. In Proceedings of the 2016 23rd International Conference on Pattern Recognition (ICPR), Cancún, Mexico, 4–6 December 2016; pp. 2646–2651. [Google Scholar] [CrossRef] [Green Version]
- Liu, Z.; Jiang, X.; Luo, H.; Fang, W.; Liu, J.; Wu, D. Pool-based unsupervised active learning for regression using iterative representativeness-diversity maximization (iRDM). Pattern Recognit. Lett. 2021, 142, 11–19. [Google Scholar] [CrossRef]
- Zhu, J.; Wang, H.; Yao, T.; Tsou, B.K. Active learning with sampling by uncertainty and density for word sense disambiguation and text classification. In Proceedings of the 22nd International Conference on Computational Linguistics (Coling 2008), Manchester, UK, 18–22 August 2008; pp. 1137–1144. [Google Scholar]
- Douak, F.; Melgani, F.; Benoudjit, N. Kernel ridge regression with active learning for wind speed prediction. Appl. Energy 2013, 103, 328–340. [Google Scholar] [CrossRef]
- Tuia, D.; Volpi, M.; Copa, L.; Kanevski, M.; Munoz-Mari, J. A survey of active learning algorithms for supervised remote sensing image classification. IEEE J. Sel. Top. Signal Process. 2011, 5, 606–617. [Google Scholar] [CrossRef]
- Douak, F.; Benoudjit, N.; Melgani, F. A two-stage regression approach for spectroscopic quantitative analysis. Chemom. Intell. Lab. Syst. 2011, 109, 34–41. [Google Scholar] [CrossRef]
- Demir, B.; Persello, C.; Bruzzone, L. Batch-mode active-learning methods for the interactive classification of remote sensing images. IEEE Trans. Geosci. Remote Sens. 2010, 49, 1014–1031. [Google Scholar] [CrossRef] [Green Version]
- Douak, F.; Melgani, F.; Alajlan, N.; Pasolli, E.; Bazi, Y.; Benoudjit, N. Active learning for spectroscopic data regression. J. Chemom. 2012, 26, 374–383. [Google Scholar] [CrossRef]
- Patra, S.; Bruzzone, L. A cluster-assumption based batch mode active learning technique. Pattern Recognit. Lett. 2012, 33, 1042–1048. [Google Scholar] [CrossRef]
- Verrelst, J.; Rivera, J.P.; Gitelson, A.; Delegido, J.; Moreno, J.; Camps-Valls, G. Spectral band selection for vegetation properties retrieval using Gaussian processes regression. Int. J. Appl. Earth Obs. Geoinf. 2016, 52, 554–567. [Google Scholar] [CrossRef]
- Settles, B. Active Learning Literature Survey; Department of Computer Sciences, University of Wisconsin at Madison: Madison, WI, USA, 2009. [Google Scholar]
- Pipia, L.; Amin, E.; Belda, S.; Salinero-Delgado, M.; Verrelst, J. Green LAI Mapping and Cloud Gap-Filling Using Gaussian Process Regression in Google Earth Engine. Remote Sens. 2021, 13, 403. [Google Scholar] [CrossRef]
- Verrelst, J.; Berger, K.; Rivera-Caicedo, J.P. Intelligent sampling for vegetation nitrogen mapping based on hybrid machine learning algorithms. IEEE Geosci. Remote Sens. Lett. 2020, 18, 2038–2042. [Google Scholar] [CrossRef]
- Rivera-Caicedo, J.P.; Verrelst, J.; Muñoz-Marí, J.; Camps-Valls, G.; Moreno, J. Hyperspectral dimensionality reduction for biophysical variable statistical retrieval. ISPRS J. Photogramm. Remote Sens. 2017, 132, 88–101. [Google Scholar] [CrossRef]
- Wold, S.; Esbensen, K.; Geladi, P. Principal component analysis. Chemom. Intell. Lab. Syst. 1987, 2, 37–52. [Google Scholar] [CrossRef]
- Abdi, H. Partial least square regression (PLS regression). Encycl. Res. Methods Soc. Sci. 2003, 6, 792–795. [Google Scholar]
- Lal, T.N.; Chapelle, O.; Weston, J.; Elisseeff, A. Embedded methods. In Feature Extraction; Springer: Berlin/Heidelberg, Germany, 2006; pp. 137–165. [Google Scholar] [CrossRef]
- Liu, H.; Motoda, H. Feature Extraction, Construction and Selection: A Data Mining Perspective; Springer Science & Business Media: Berlin/Heidelberg, Germany, 1998; Volume 453. [Google Scholar]
- Kohavi, R.; John, G.H. Wrappers for feature subset selection. Artif. Intell. 1997, 97, 273–324. [Google Scholar] [CrossRef] [Green Version]
- Xie, L.; Li, Z.; Zhou, Y.; He, Y.; Zhu, J. Computational diagnostic techniques for electrocardiogram signal analysis. Sensors 2020, 20, 6318. [Google Scholar] [CrossRef] [PubMed]
- Berger, K.; Verrelst, J.; Féret, J.B.; Hank, T.; Wocher, M.; Mauser, W.; Camps-Valls, G. Retrieval of aboveground crop nitrogen content with a hybrid machine learning method. Int. J. Appl. Earth Obs. Geoinf. 2020, 92, 102174. [Google Scholar] [CrossRef]
- Chen, X.-w.; Jeong, J.C. Enhanced recursive feature elimination. In Proceedings of the Sixth International Conference on Machine Learning and Applications (ICMLA 2007), Cincinnati, OH, USA, 13–15 December 2007; IEEE: Piscataway, NJ, USA, 2007; pp. 429–435. [Google Scholar] [CrossRef]
- Bertsimas, D.; Tsitsiklis, J. Simulated annealing. Stat. Sci. 1993, 8, 10–15. [Google Scholar] [CrossRef]
- Whitley, D. A genetic algorithm tutorial. Stat. Comput. 1994, 4, 65–85. [Google Scholar] [CrossRef]
- Hall, M.A. Correlation-based Feature Selection of Discrete and Numeric Class Machine Learning; Department of Computer Science, The University of Waikato: Waikato, New Zealand, 2008. [Google Scholar]
- Chen, Z.; Jia, K.; Xiao, C.; Wei, D.; Zhao, X.; Lan, J.; Wei, X.; Yao, Y.; Wang, B.; Sun, Y. Leaf Area Index Estimation Algorithm for GF-5 Hyperspectral Data Based on Different Feature Selection and Machine Learning Methods. Remote Sens. 2020, 12, 2110. [Google Scholar] [CrossRef]
- Atzberger, C.; Darvishzadeh, R.; Schlerf, M.; Le Maire, G. Suitability and adaptation of PROSAIL radiative transfer model for hyperspectral grassland studies. Remote Sens. Lett. 2013, 4, 55–64. [Google Scholar] [CrossRef]
- Guyon, I.; Elisseeff, A. An introduction to variable and feature selection. J. Mach. Learn. Res. 2003, 3, 1157–1182. [Google Scholar]
- Li, H.; Liu, G.; Liu, Q.; Chen, Z.; Huang, C. Retrieval of winter wheat leaf area index from Chinese GF-1 satellite data using the PROSAIL model. Sensors 2018, 18, 1120. [Google Scholar] [CrossRef] [Green Version]
- Zhu, W.; Sun, Z.; Huang, Y.; Lai, J.; Li, J.; Zhang, J.; Yang, B.; Li, B.; Li, S.; Zhu, K.; et al. Improving field-scale wheat LAI retrieval based on UAV remote-sensing observations and optimized VI-LUTs. Remote Sens. 2019, 11, 2456. [Google Scholar] [CrossRef] [Green Version]
- Wei, C.; Huang, J.; Mansaray, L.R.; Li, Z.; Liu, W.; Han, J. Estimation and mapping of winter oilseed rape LAI from high spatial resolution satellite data based on a hybrid method. Remote Sens. 2017, 9, 488. [Google Scholar] [CrossRef] [Green Version]
- Haboudane, D.; Miller, J.R.; Pattey, E.; Zarco-Tejada, P.J.; Strachan, I.B. Hyperspectral vegetation indices and novel algorithms for predicting green LAI of crop canopies: Modeling and validation in the context of precision agriculture. Remote Sens. Environ. 2004, 90, 337–352. [Google Scholar] [CrossRef]
- Liu, J.; Pattey, E.; Jégo, G. Assessment of vegetation indices for regional crop green LAI estimation from Landsat images over multiple growing seasons. Remote Sens. Environ. 2012, 123, 347–358. [Google Scholar] [CrossRef]
- Liang, L.; Di, L.; Zhang, L.; Deng, M.; Qin, Z.; Zhao, S.; Lin, H. Estimation of crop LAI using hyperspectral vegetation indices and a hybrid inversion method. Remote Sens. Environ. 2015, 165, 123–134. [Google Scholar] [CrossRef]
- Houborg, R.; Soegaard, H.; Boegh, E. Combining vegetation index and model inversion methods for the extraction of key vegetation biophysical parameters using Terra and Aqua MODIS reflectance data. Remote Sens. Environ. 2007, 106, 39–58. [Google Scholar] [CrossRef]
- Song, W.; Mu, X.; Ruan, G.; Gao, Z.; Li, L.; Yan, G. Estimating fractional vegetation cover and the vegetation index of bare soil and highly dense vegetation with a physically based method. Int. J. Appl. Earth Obs. Geoinf. 2017, 58, 168–176. [Google Scholar] [CrossRef]
- Ding, Y.; Zhang, H.; Zhao, K.; Zheng, X. Investigating the accuracy of vegetation index-based models for estimating the fractional vegetation cover and the effects of varying soil backgrounds using in situ measurements and the PROSAIL model. Int. J. Remote Sens. 2017, 38, 4206–4223. [Google Scholar] [CrossRef]
- Zou, X.; Mõttus, M. Sensitivity of common vegetation indices to the canopy structure of field crops. Remote Sens. 2017, 9, 994. [Google Scholar] [CrossRef] [Green Version]
- Daughtry, C.S.T.; Walthall, C.L.; Kim, M.S.; De Colstoun, E.B.; McMurtrey Iii, J.E. Estimating corn leaf chlorophyll concentration from leaf and canopy reflectance. Remote Sens. Environ. 2000, 74, 229–239. [Google Scholar] [CrossRef]
- Xu, X.; Li, Z.; Yang, X.; Yang, G.; Teng, C.; Zhu, H.; Liu, S. Predicting leaf chlorophyll content and its nonuniform vertical distribution of summer maize by using a radiation transfer model. J. Appl. Remote Sens. 2019, 13, 34505. [Google Scholar] [CrossRef]
- Clevers, J.G.P.W.; Kooistra, L. Using hyperspectral remote sensing data for retrieving canopy chlorophyll and nitrogen content. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2011, 5, 574–583. [Google Scholar] [CrossRef]
- Zhang, Y.; Hui, J.; Qin, Q.; Sun, Y.; Zhang, T.; Sun, H.; Li, M. Transfer-learning-based approach for leaf chlorophyll content estimation of winter wheat from hyperspectral data. Remote Sens. Environ. 2021, 267, 112724. [Google Scholar] [CrossRef]
- Haboudane, D.; Tremblay, N.; Miller, J.R.; Vigneault, P. Remote estimation of crop chlorophyll content using spectral indices derived from hyperspectral data. IEEE Trans. Geosci. Remote Sens. 2008, 46, 423–437. [Google Scholar] [CrossRef]
- Wu, C.; Niu, Z.; Tang, Q.; Huang, W. Estimating chlorophyll content from hyperspectral vegetation indices: Modeling and validation. Agric. For. Meteorol. 2008, 148, 1230–1241. [Google Scholar] [CrossRef]
- Sun, Q.; Jiao, Q.; Qian, X.; Liu, L.; Liu, X.; Dai, H. Improving the Retrieval of Crop Canopy Chlorophyll Content Using Vegetation Index Combinations. Remote Sens. 2021, 13, 470. [Google Scholar] [CrossRef]
- Liu, J.; Miller, J.R.; Haboudane, D.; Pattey, E. Exploring the relationship between red edge parameters and crop variables for precision agriculture. In Proceedings of the IGARSS 2004, IEEE International Geoscience and Remote Sensing Symposium, Anchorage, AK, USA, 20–24 September 2004; IEEE: Piscataway, NJ, USA, 2004; Volume 2, pp. 1276–1279. [Google Scholar] [CrossRef]
- Atzberger, C. Object-based retrieval of biophysical canopy variables using artificial neural nets and radiative transfer models. Remote Sens. Environ. 2004, 93, 53–67. [Google Scholar] [CrossRef]
- Durbha, S.S.; King, R.L.; Younan, N.H. Support vector machines regression for retrieval of leaf area index from multiangle imaging spectroradiometer. Remote Sens. Environ. 2007, 107, 348–361. [Google Scholar] [CrossRef]
- Upreti, D.; Huang, W.; Kong, W.; Pascucci, S.; Pignatti, S.; Zhou, X.; Ye, H.; Casa, R. A comparison of hybrid machine learning algorithms for the retrieval of wheat biophysical variables from sentinel-2. Remote Sens. 2019, 11, 481. [Google Scholar] [CrossRef] [Green Version]
- Duveiller, G.; Weiss, M.; Baret, F.; Defourny, P. Retrieving wheat Green Area Index during the growing season from optical time series measurements based on neural network radiative transfer inversion. Remote Sens. Environ. 2011, 115, 887–896. [Google Scholar] [CrossRef]
- Berger, K.; Atzberger, C.; Danner, M.; D’Urso, G.; Mauser, W.; Vuolo, F.; Hank, T. Evaluation of the PROSAIL model capabilities for future hyperspectral model environments: A review study. Remote Sens. 2018, 10, 85. [Google Scholar] [CrossRef] [Green Version]
- Adeluyi, O.; Harris, A.; Verrelst, J.; Foster, T.; Clay, G.D. Estimating the phenological dynamics of irrigated rice leaf area index using the combination of PROSAIL and Gaussian Process Regression. Int. J. Appl. Earth Obs. Geoinf. 2021, 102, 102454. [Google Scholar] [CrossRef]
- Pan, J.; Yang, H.; He Sr, W.; Xu, P. Retrieve leaf area index from HJ-CCD image based on support vector regression and physical model. In Remote Sensing for Agriculture, Ecosystems, and Hydrology XV; International Society for Optics and Photonics: Bellingham, WA, USA, 2013; Volume 8887, p. 88871R. [Google Scholar] [CrossRef]
- Wang, X.; Jia, K.; Liang, S.; Zhang, Y. Fractional vegetation cover estimation method through dynamic Bayesian network combining radiative transfer model and crop growth model. IEEE Trans. Geosci. Remote Sens. 2016, 54, 7442–7450. [Google Scholar] [CrossRef]
- Wang, X.; Jia, K.; Liang, S.; Li, Q.; Wei, X.; Yao, Y.; Zhang, X.; Tu, Y. Estimating fractional vegetation cover from landsat-7 ETM+ reflectance data based on a coupled radiative transfer and crop growth model. IEEE Trans. Geosci. Remote Sens. 2017, 55, 5539–5546. [Google Scholar] [CrossRef]
- Tu, Y.; Jia, K.; Wei, X.; Yao, Y.; Xia, M.; Zhang, X.; Jiang, B. A time-efficient fractional vegetation cover estimation method using the dynamic vegetation growth information from time series Glass FVC product. IEEE Geosci. Remote Sens. Lett. 2019, 17, 1672–1676. [Google Scholar] [CrossRef]
- Tao, G.; Jia, K.; Zhao, X.; Wei, X.; Xie, X.; Zhang, X.; Wang, B.; Yao, Y.; Zhang, X. Generating high spatio-temporal resolution fractional vegetation cover by fusing GF-1 WFV and MODIS data. Remote Sens. 2019, 11, 2324. [Google Scholar] [CrossRef] [Green Version]
- Estévez, J.; Berger, K.; Vicent, J.; Rivera-Caicedo, J.P.; Wocher, M.; Verrelst, J. Top-of-atmosphere retrieval of multiple crop traits using variational heteroscedastic Gaussian processes within a hybrid workflow. Remote Sens. 2021, 13, 1589. [Google Scholar] [CrossRef]
- Delloye, C.; Weiss, M.; Defourny, P. Retrieval of the canopy chlorophyll content from Sentinel-2 spectral bands to estimate nitrogen uptake in intensive winter wheat cropping systems. Remote Sens. Environ. 2018, 216, 245–261. [Google Scholar] [CrossRef]
- Sehgal, V.K.; Chakraborty, D.; Sahoo, R.N. Inversion of radiative transfer model for retrieval of wheat biophysical parameters from broadband reflectance measurements. Inf. Process. Agric. 2016, 3, 107–118. [Google Scholar] [CrossRef] [Green Version]
- Zhou, X.; Zhang, J.; Chen, D.; Huang, Y.; Kong, W.; Yuan, L.; Ye, H.; Huang, W. Assessment of Leaf Chlorophyll Content Models for Winter Wheat Using Landsat-8 Multispectral Remote Sensing Data. Remote Sens. 2020, 12, 2574. [Google Scholar] [CrossRef]
- Xie, Q.; Dash, J.; Huete, A.; Jiang, A.; Yin, G.; Ding, Y.; Peng, D.; Hall, C.C.; Brown, L.; Shi, Y.; et al. Retrieval of crop biophysical parameters from Sentinel-2 remote sensing imagery. Int. J. Appl. Earth Obs. Geoinf. 2019, 80, 187–195. [Google Scholar] [CrossRef]
- Danner, M.; Berger, K.; Wocher, M.; Mauser, W.; Hank, T. Efficient RTM-based training of machine learning regression algorithms to quantify biophysical & biochemical traits of agricultural crops. ISPRS J. Photogramm. Remote Sens. 2021, 173, 278–296. [Google Scholar] [CrossRef]
- Lv, J.; Yan, Z.; Wei, J. Inversion of a radiative transfer model for estimation of rice chlorophyll content using support vector machine. In Proceedings of the Land Surface Remote Sensing II. International Society for Optics and Photonics, Beijing, China, 13–16 October 2014; Volume 9260, p. 926006. [Google Scholar] [CrossRef]
- Doktor, D.; Lausch, A.; Spengler, D.; Thurner, M. Extraction of plant physiological status from hyperspectral signatures using machine learning methods. Remote Sens. 2014, 6, 12247–12274. [Google Scholar] [CrossRef] [Green Version]
- Feret, J.B.; François, C.; Asner, G.P.; Gitelson, A.A.; Martin, R.E.; Bidel, L.P.; Ustin, S.L.; Le Maire, G.; Jacquemoud, S. PROSPECT-4 and 5: Advances in the leaf optical properties model separating photosynthetic pigments. Remote Sens. Environ. 2008, 112, 3030–3043. [Google Scholar] [CrossRef]
- De Grave, C.; Pipia, L.; Siegmann, B.; Morcillo-Pallarés, P.; Rivera-Caicedo, J.P.; Moreno, J.; Verrelst, J. Retrieving and validating leaf and canopy chlorophyll content at moderate resolution: A multiscale analysis with the sentinel-3 OLCI sensor. Remote Sens. 2021, 13, 1419. [Google Scholar] [CrossRef]
- Wang, D.; Cao, W.; Zhang, F.; Li, Z.; Xu, S.; Wu, X. A Review of Deep Learning in Multiscale Agricultural Sensing. Remote Sens. 2022, 14, 559. [Google Scholar] [CrossRef]
- Van der Tol, C.; Verhoef, W.; Timmermans, J.; Verhoef, A.; Su, Z. An integrated model of soil-canopy spectral radiances, photosynthesis, fluorescence, temperature and energy balance. Biogeosciences 2009, 6, 3109–3129. [Google Scholar] [CrossRef] [Green Version]
- Gastellu-Etchegorry, J.P.; Demarez, V.; Pinel, V.; Zagolski, F. Modeling radiative transfer in heterogeneous 3-D vegetation canopies. Remote Sens. Environ. 1996, 58, 131–156. [Google Scholar] [CrossRef] [Green Version]
- Pérez-Suay, A.; Amorós-López, J.; Gómez-Chova, L.; Laparra, V.; Muñoz-Marí, J.; Camps-Valls, G. Randomized kernels for large scale Earth observation applications. Remote Sens. Environ. 2017, 202, 54–63. [Google Scholar] [CrossRef]
- Dorigo, W.; Richter, R.; Baret, F.; Bamler, R.; Wagner, W. Enhanced automated canopy characterization from hyperspectral data by a novel two step radiative transfer model inversion approach. Remote Sens. 2009, 1, 1139–1170. [Google Scholar] [CrossRef] [Green Version]
- Yu, L.; Shang, J.; Cheng, Z.; Gao, Z.; Wang, Z.; Tian, L.; Wang, D.; Che, T.; Jin, R.; Liu, J.; et al. Assessment of Cornfield LAI Retrieved from Multi-Source Satellite Data Using Continuous Field LAI Measurements Based on a Wireless Sensor Network. Remote Sens. 2020, 12, 3304. [Google Scholar] [CrossRef]
- Xu, M.; Liu, R.; Chen, J.M.; Liu, Y.; Shang, R.; Ju, W.; Wu, C.; Huang, W. Retrieving leaf chlorophyll content using a matrix-based vegetation index combination approach. Remote Sens. Environ. 2019, 224, 60–73. [Google Scholar] [CrossRef]
- Fei, Y.; Jiulin, S.; Hongliang, F.; Zuofang, Y.; Jiahua, Z.; Yunqiang, Z.; Kaishan, S.; Zongming, W.; Maogui, H. Comparison of different methods for corn LAI estimation over northeastern China. Int. J. Appl. Earth Obs. Geoinf. 2012, 18, 462–471. [Google Scholar] [CrossRef]
- Li, X.; Liu, Q.; Yang, R.; Zhang, H.; Zhang, J.; Cai, E. The design and implementation of the leaf area index sensor. Sensors 2015, 15, 6250–6269. [Google Scholar] [CrossRef] [Green Version]
- De Grave, C.; Verrelst, J.; Morcillo-Pallarés, P.; Pipia, L.; Rivera-Caicedo, J.P.; Amin, E.; Belda, S.; Moreno, J. Quantifying vegetation biophysical variables from the Sentinel-3/FLEX tandem mission: Evaluation of the synergy of OLCI and FLORIS data sources. Remote Sens. Environ. 2020, 251, 112101. [Google Scholar] [CrossRef]
- Tagliabue, G.; Boschetti, M.; Bramati, G.; Candiani, G.; Colombo, R.; Nutini, F.; Pompilio, L.; Rivera-Caicedo, J.P.; Rossi, M.; Rossini, M.; et al. Hybrid retrieval of crop traits from multi-temporal PRISMA hyperspectral imagery. ISPRS J. Photogramm. Remote Sens. 2022, 187, 362–377. [Google Scholar] [CrossRef]
- Wang, B.; Jia, K.; Wei, X.; Xia, M.; Yao, Y.; Zhang, X.; Liu, D.; Tao, G. Generating spatiotemporally consistent fractional vegetation cover at different scales using spatiotemporal fusion and multiresolution tree methods. ISPRS J. Photogramm. Remote Sens. 2020, 167, 214–229. [Google Scholar] [CrossRef]
- Jia, K.; Liang, S.; Gu, X.; Baret, F.; Wei, X.; Wang, X.; Yao, Y.; Yang, L.; Li, Y. Fractional vegetation cover estimation algorithm for Chinese GF-1 wide field view data. Remote Sens. Environ. 2016, 177, 184–191. [Google Scholar] [CrossRef]
- Hu, Q.; Yang, J.; Xu, B.; Huang, J.; Memon, M.S.; Yin, G.; Zeng, Y.; Zhao, J.; Liu, K. Evaluation of global decametric-resolution LAI, FAPAR and FVC estimates derived from Sentinel-2 imagery. Remote Sens. 2020, 12, 912. [Google Scholar] [CrossRef] [Green Version]
- Li, W.; Weiss, M.; Waldner, F.; Defourny, P.; Demarez, V.; Morin, D.; Hagolle, O.; Baret, F. A generic algorithm to estimate LAI, FAPAR and FCOVER variables from SPOT4_HRVIR and Landsat sensors: Evaluation of the consistency and comparison with ground measurements. Remote Sens. 2015, 7, 15494–15516. [Google Scholar] [CrossRef] [Green Version]
- Tu, Y.; Jia, K.; Liang, S.; Wei, X.; Yao, Y.; Zhang, X. Fractional vegetation cover estimation in heterogeneous areas by combining a radiative transfer model and a dynamic vegetation model. Int. J. Digit. Earth 2018, 13. [Google Scholar] [CrossRef]
- Verger, A.; Baret, F.; Camacho, F. Optimal modalities for radiative transfer-neural network estimation of canopy biophysical characteristics: Evaluation over an agricultural area with CHRIS/PROBA observations. Remote Sens. Environ. 2011, 115, 415–426. [Google Scholar] [CrossRef]
- Yang, L.; Jia, K.; Liang, S.; Wei, X.; Yao, Y.; Zhang, X. A robust algorithm for estimating surface fractional vegetation cover from landsat data. Remote Sens. 2017, 9, 857. [Google Scholar] [CrossRef] [Green Version]
Hybrid Retrieval Method | Advantages | Limitations and Caveats |
---|---|---|
Parametric regression | 1- It preserves the physical principles. | 1- The accuracy of the results depends the type of RTM model and the design of LUT. |
2- The absorption and scattering features of the reflectance spectrum are taken into account. | 2- When using hyperspectral data, the spectral range should be chosen with caution to generate a simple or complex VI. | |
3- The statistical relationships between the variable and the spectral response are taken into account. | 3- The representatives of the relationship between VI and the variable of interest using curve fitting function are limited to represent the database. | |
4- It is simple to apply and computationally inexpensive. | 4- The possibility of obtaining accurate results from this method may be questioned because the uncertainty calculation is not provided. | |
5- The interpretation of the results is straightforward. | 5- The covariate with other variables related to absorption properties is not taken into account. | |
6- Mapping crop traits over a large scale is not a simple task. |
Hybrid Retrieval Method | Advantages | Limitations and Caveats |
---|---|---|
Nonparametric regression | 1- It uses physical laws. | 1- The accuracy of the results depends the type of RTM model and the design of LUT. |
2- It is accommodated to any type of data, be it linear or nonlinear relationships. | 2- It needs knowledge to optimize the model to obtain realistic results. | |
3- It can be trained with the full spectrum information, band selection, or transformed spectrum. | 3- As the model progresses, the complexity of the model increases in terms of understanding the model and analyzing the results. | |
4- It is fast at calculating and perfectly implementing global maps. | 4- It is fast at calculating global maps and is perfectly executed. | |
5- Some MLs can calculate uncertainties for assessing retrieval quality (inference on model transparency). | 5- When using a large set of data, the training process is computationally expensive for some methods. | |
6- It can tackle the problem of high dimensionality and large size of training data. |
Method | Pros | Cons |
---|---|---|
ANNs | (1) Holds a lot of promise for revealing the hidden correlated variables and distribution in datasets. | (1) Characterized as ”black-box” and it is difficult to explain and assess the model performance. |
(2) Regardless of the noise in the data. | (2) Requires lots of computational power. | |
(3) Speeds up computational power when using the DNN. | (3) Needs a lot of data for training. | |
(4) Reduces the overfitting problem in the DNN. | (4) Difficult to optimize the neural network model for production. | |
EL | (1) Reduces variance and bias. | (1) Hard to predict and explain. |
(2) Elevates weak learners. | (2) Reduces the predictive accuracy by wrong choice of model. | |
(3) Insensitive to data distribution patterns and noise. | ||
(4) Handles overfitting problem by using bagging method. | ||
Kernel machines | ||
SVR | (1) Deals with the overfitting problems. | (1) Does not compute the uncertainty associated with the prediction. |
(2) Handles nonlinear data and is effective with high-dimensional data. | (2) Expensive in terms of computation time and processing power. | |
(3) Stability and no effect in the hyperplane when slight change in the data. | (3) Not suitable for large datasets and sensitive to noise. | |
(4) Careful with choosing the optimal kernel for the SVM. | ||
GPR | (1) Captures the model uncertainty by calculating the mean and standard deviation of prediction. | (1) Computationally expensive when using the large size of data. |
(2) Does not require a large sample size for training and is unrelated to the data distribution. | (2) Less efficiency in high-dimensional spaces. | |
(3) Incorporates expert knowledge and specifications about the shape of the model via the choice of kernel. | ||
KRR | (1) Fast in computation as compared to the SVR and GPR. | (1) No sparseness in the vector of coefficients, unlike the SVR. |
(2) Simple during model training because it finds the parameters that reduce the mean squared error. |
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations. |
© 2022 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (https://creativecommons.org/licenses/by/4.0/).
Share and Cite
Abdelbaki, A.; Udelhoven, T. A Review of Hybrid Approaches for Quantitative Assessment of Crop Traits Using Optical Remote Sensing: Research Trends and Future Directions. Remote Sens. 2022, 14, 3515. https://doi.org/10.3390/rs14153515
Abdelbaki A, Udelhoven T. A Review of Hybrid Approaches for Quantitative Assessment of Crop Traits Using Optical Remote Sensing: Research Trends and Future Directions. Remote Sensing. 2022; 14(15):3515. https://doi.org/10.3390/rs14153515
Chicago/Turabian StyleAbdelbaki, Asmaa, and Thomas Udelhoven. 2022. "A Review of Hybrid Approaches for Quantitative Assessment of Crop Traits Using Optical Remote Sensing: Research Trends and Future Directions" Remote Sensing 14, no. 15: 3515. https://doi.org/10.3390/rs14153515
APA StyleAbdelbaki, A., & Udelhoven, T. (2022). A Review of Hybrid Approaches for Quantitative Assessment of Crop Traits Using Optical Remote Sensing: Research Trends and Future Directions. Remote Sensing, 14(15), 3515. https://doi.org/10.3390/rs14153515