Next Article in Journal
Diversity and Distribution of Deep-Sea Fishes off the Emperor Seamounts, Northwestern Pacific Ocean, with DNA Barcodes, Phylogenetic, and Biogeographic Considerations
Previous Article in Journal
Decline Trends of Chlorophyll-a in the Yellow and Bohai Seas over 2005–2024 from Remote Sensing Reconstruction
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Comparative Analysis of Machine Learning and Multi-View Learning for Predicting Peak Penetration Resistance of Spudcans: A Study Using Centrifuge Test Data

1
PowerChina Huadong Engineering Corporation Limited, Hangzhou 310030, China
2
Institute of Marine Science and Technology, Shandong University, Qingdao 266237, China
3
Shandong Engineering Research Center of Marine Exploration and Conservation, Ocean University of China, 238 Songling Road, Qingdao 266100, China
4
School of Resources and Civil Engineering, Northeastern University, Shenyang 110819, China
5
Windey Energy Technology Group Co., Ltd., Hangzhou 310012, China
*
Author to whom correspondence should be addressed.
J. Mar. Sci. Eng. 2026, 14(1), 62; https://doi.org/10.3390/jmse14010062 (registering DOI)
Submission received: 27 November 2025 / Revised: 23 December 2025 / Accepted: 28 December 2025 / Published: 29 December 2025
(This article belongs to the Section Ocean Engineering)

Abstract

Punch-through accidents pose a significant risk during the positioning of jack-up rigs. To mitigate this hazard, accurate prediction of the peak penetration resistance of spudcan foundations is essential for developing safe operational plans. Advances in artificial intelligence have spurred the widespread application of machine learning (ML) to geotechnical engineering. To evaluate the prediction effect of different algorithm frameworks on the peak resistance of spudcans, this study evaluates the feasibility of ML and multi-view learning (MVL) methods using existing centrifuge test data. Six ML models—Random Forest, Support Vector Machine (with Gauss, second-degree, and third-degree polynomial kernels), Multiple Linear Regression, and Neural Networks—alongside a Ridge Regression-based MVL method are employed. The performance of these models is rigorously assessed through training and testing across various working conditions. The results indicate that well-trained ML and MVL models achieve accurate predictions for both sand-over-clay and three-layer clay strata. For the sand-over-clay stratum, the mean relative error (MRE) across the 58-case dataset is approximately 15%. The Neural Network and MVL method demonstrate the highest accuracy. This study provides a viable and effective empirical solution for predicting spudcan peak resistance and offers practical guidance for algorithm selection in different stratigraphic conditions, ultimately supporting enhanced safety planning for jack-up rig operations.

1. Introduction

The jack-up rigs are widely used in offshore engineering, deployed for oil and gas exploration, geotechnical investigations, and installation of wind turbines. A standard rig comprises a hull, supporting legs, and spudcan foundations affixed to the base of each leg. Although the positioning of jack-up rigs is a routine operation, it entails significant geotechnical risks, particularly during spudcan penetration through multiple-layer soil, for example, punch-through events [1,2] in stratified stiff-over-soft soil layers. Such incidents can lead to structural failures, including buckling of legs and even collapse of the rig [3], posing a substantial threat to life and property.
To mitigate punch-through risks, the first concern is to predict the peak penetration resistance Qp of spudcans in various seabed strata. Established methods for this purpose include centrifuge testing [1,4,5], large deformation finite element analysis [6,7,8,9], and limit equilibrium methods [8,10]. For stratified seabeds, such as sand-over-clay [11,12,13] and interbedded clay profiles (e.g., soft-stiff-soft [14] or stiff-soft-stiff [15]), simplified predictive models—such as the shear and load extension methods—have been developed and incorporated into international standards like ISO 19905-1 [16] and SNAME T&R Bulletin 5-5A [17]. However, in practice, the monitored Qp during spudcan penetration frequently deviates significantly from predicted values. Cassidy et al. [18] highlight two primary factors contributing to this discrepancy: insufficient soil parameters obtained from site exploration, which leads to inaccurate soil parameterization, and the inherent limitations of deterministic calculation models themselves.
To address the uncertainties in soil parameters and the limitations of deterministic models, non-deterministic methods such as Monte Carlo simulation [19], Bayesian inference [20,21], and parameter estimation [22,23,24] have been proposed for predicting Qp. A key advantage of these methods over conventional approaches is their capacity to incorporate real-time monitoring data from the spudcan penetration process. As penetration proceeds, this continuously updated data stream facilitates iterative optimization, progressively enhancing the accuracy of Qp predictions. Concurrently, the rise of artificial intelligence and big data has established machine learning (ML) as a powerful tool in geotechnical engineering, valued for its robust generalization capabilities [25]. Its applications now encompass a broad spectrum, including stratum parameter estimation [26], foundation pit deformation analysis [27], slope stability assessment [28], pile foundation modeling [29], and shield tunnel excavation [30,31]. Since spudcan penetration in complex strata is governed by multiple, interdependent, and nonlinear variables, it constitutes a problem domain particularly amenable to the powerful nonlinear mapping capacities of ML. However, existing applications of ML for foundation capacity prediction have primarily focused on individual models or uniform soil conditions. The comparative effectiveness of different algorithmic approaches, particularly advanced frameworks like multi-view learning (MVL), for predicting capacity in stratified soils remains insufficiently explored.
In summary, ML provides a viable alternative to conventional theory-based methods for predicting spudcan penetration resistance, particularly when soil parameters are uncertain. However, the influence of algorithmic choice, dataset characteristics, and other modeling parameters on prediction accuracy requires further investigation. This study therefore investigates the feasibility of using ML to predict the peak penetration resistance Qp of spudcans. Various ML and MVL methods are employed to develop predictive models for common geotechnical profiles, including clay-over-sand and three-layer clay strata. Key technical aspects, such as feature selection and training set size, are systematically examined. Furthermore, an optimized MVL method is proposed to enhance the reliability and safety of jack-up rig positioning operations.

2. Methods

2.1. Machine Learning Method

This study employs four ML algorithms—Random Forest [32,33], Support Vector Machine (SVM) [34,35], Multiple Linear Regression [36], and Neural Network [37]—to develop predictive models for the peak penetration resistance of spudcans. Below is a brief description of each algorithm:
(1)
Random Forest: An ensemble method that builds upon the decision tree algorithm. It constructs a multitude of decision trees, each trained on a distinct bootstrap sample of the data and a random subset of features. The final prediction is obtained by aggregating the outputs of all individual trees, enhancing predictive accuracy and generalization capability [32,33].
(2)
Support Vector Machine (SVM): A supervised learning model applicable for both classification and regression tasks. Its core principle is to identify the optimal hyperplane that maximizes the margin between classes in a high-dimensional space. This is achieved using kernel functions (e.g., linear, polynomial, or radial basis function), enabling the model to handle complex, nonlinearly separable data effectively [34,35].
(3)
Multiple Linear Regression: A statistical method that models the linear relationship between a single dependent variable (the target) and multiple independent variables (features). The model is fitted by determining the coefficients that minimize the sum of squared differences between the observed and predicted values [36].
(4)
Neural Network: A computational model composed of interconnected processing units (neurons), typically arranged in an input layer, one or more hidden layers, and an output layer. Each connection between neurons has an adjustable weight. Through an iterative training process, these weights are optimized, allowing the network to approximate complex nonlinear functions by applying nonlinear activation functions at each neuron [37].

2.2. Principle of Multi-View Learning

In contrast to the single-view ML methods previously described, MVL aims to enhance predictive performance by leveraging complementary information from multiple, distinct feature sets or data sources [38]. This study employs a model-fusion MVL approach. In this framework, each ‘view’ is defined as the predictive output from a high-performing, single-view base model. These base model outputs are then integrated using a Ridge Regression-based combiner. The final ensemble prediction yf is calculated as a weighted sum of the base model outputs:
y f = w 1 × y 1 + w 2 × y 2 + w 3 × y 3 + + w n × y n + b
where yf is the final ensemble prediction, wi are the learnable weight coefficients assigned to the prediction yi of each base model, and b is the bias intercept. The combiner is trained on a dedicated validation set (see Section 4 for data partitioning) using the base models’ predictions as input features. Ridge regression is employed, minimizing the following loss function to determine the values of wi and b:
L o s s = i = 1 n ( y i ( w 1 y t i + w 2 y s i + w 3 y s t i + b ) 2 ) + λ j = 1 l w j 2
where n is the number of validation samples; y is the true value; l is the number of views; and the term λ j = 1 l w j 2 represents L2 regularization, which helps improve the model’s generalization. In this study, the regularization parameter λ is set to 0.05.

2.3. Model Construction and Accuracy Evaluation

To ensure data homogeneity, all training datasets in this study are sourced exclusively from published centrifuge test results. Due to the resource-intensive nature and relative scarcity of high-quality centrifuge data, a total of 66 representative cases are used for model training. This comprises 58 cases of sand-over-clay strata [1,10,39,40], four cases of soft-stiff-soft clay strata [14,41], and four cases of stiff-soft-stiff clay strata [15,41]. For each of these three strata types, a distinct ML model is developed. The model inputs consist of a feature set that encapsulates the most critical design parameters, while the output represents the corresponding measured peak penetration resistance Qp. Model performance is evaluated by using the test set features to predict Qp, and the results are discussed in the following section. The overall process is illustrated schematically in Figure 1.
The dataset is partitioned into a training set comprising 70% of the data and a test set comprising 30%. Model accuracy is quantitatively evaluated using two metrics: the mean relative error (MRE) and the root mean square error (RMSE). The MRE is prioritized as it expresses error as a direct percentage, providing an intuitive measure that aligns directly with engineering judgment and risk assessment practices. The RMSE is reported to quantify the absolute magnitude of error variance, giving greater weight to larger deviations and thus indicating prediction stability. Lower values for both metrics correspond to higher predictive accuracy and precision. The MRE and RMSE are defined as follows:
M R E = y i y y × 100 %
R M S E = i = 1 n ( y i y ) 2 n
where yi is the predicted value, and y is the corresponding measured (actual) value. Given the well-defined physical nature of the input parameters and the focused scope of this feasibility study, these two metrics are deemed sufficient to rigorously assess and compare model performance for the intended engineering application.

3. Machine Learning Prediction of Qp

3.1. Prediction in Sand-over-Clay Strata

Based on a sensitivity analysis of the deterministic model parameters [22], key parameters are selected as input features for the training data. These features include the undrained shear strength of the clay at the sand-clay interface sum, sand layer thickness Hs, spudcan diameter D, buoyant unit weight of the sand γs and clay γc, and the strength gradient of clay k. The corresponding peak resistance Qp for each case is designated as the target output. The dataset of 56 cases is partitioned into a training set (39 datasets) and a test set (17 datasets) using randomized sampling to avoid bias. To ensure robustness, the modeling process was repeated with two distinct, randomized data splits. The outcomes of these two training iterations are presented in Figure 2, with detailed performance metrics detailed in Table 1. The analysis indicates that the average MRE for all six ML models remains below 20%. This level of accuracy surpasses the performance of the deterministic model recommended by the standard ISO 19905-1 [16] and is comparable to the model proposed by Hu et al. [13]. This margin of error is generally acceptable in practical engineering. Consequently, the predictive accuracy of the proposed models meets or exceeds the performance standards of established engineering and theoretical methods. Among the six models, the SVM with a second-degree polynomial kernel (SVM-2), the SVM with a third-degree polynomial kernel (SVM-3), and the Neural Network demonstrate the best performance, each achieving an average MRE below 15%. The Neural Network model yields the smallest RMSE, indicating superior prediction accuracy. It is therefore identified as the most effective predictor among the evaluated algorithms.

3.2. Prediction in Three-Layer Clay Strata

The ML models are trained and tested on two types of three-layer clay strata: soft-stiff-soft and stiff-soft-stiff. The input features consist of the undrained shear strengths (su1, su2, su3) and layer thicknesses (t1, t2, t3) of the top, middle, and bottom clay layers, respectively. The analysis utilizes four datasets from each stratum (designated as Samples 1–4), resulting in a total of 16 prediction groups, as summarized in Table 2.
The prediction results for all 16 test groups (Table 2) are visualized in Figure 3, with corresponding model accuracy metrics provided in Table 3. For both three-layer clay strata types, the SVM-2, SVM-3, and Neural Network models demonstrate superior performance, with average relative errors below 16%. Notably, both SVM-2 and the Neural Network achieve errors under 10%. In contrast, the other models, constrained by data scarcity, exhibit excessively high errors that preclude practical engineering application; for instance, the Random Forest model produces an average MRE of 50%. Consistent with its performance on sand-over-clay strata, the Neural Network model achieves the lowest MRE and RMSE, confirming its status as the optimal predictor. However, performance is consistently poor for Sample 2 in the soft-stiff-soft clay (Groups 3, 7, 9, 16; Figure 3a) and for Sample 4 in the stiff-soft-stiff clay (Groups 1, 6, 8, 12; Figure 3b). This can be attributed to the distinct geotechnical properties of these samples, which differ significantly from those of the other strata in their respective categories. When the training set lacks these specific stratum types, models primarily trained on softer strata fail to accurately predict the peak resistance Qp for stiffer strata due to the absence of relevant features in the training data. This finding underscores the importance of having a sufficiently broad spectrum of feature values in the training dataset, representing the full range of expected stratum properties, to ensure that ML models achieve robust accuracy across diverse geotechnical conditions.

4. Qp Prediction via Multi-View Learning

Based on the performance of the ML models for sand-over-clay strata, the top three predictors—SVM-2, SVM-3, and Neural Networks—are selected for the MVL framework, providing three distinct predictive ‘views’. The original 39 training datasets are repartitioned: twenty-six sets are allocated to train the three individual base models (SVM-2, SVM-3, Neural Network), while the remaining 13 sets form a validation partition. The trained base models are used to generate predictions for each sample in this validation set. These prediction triplets, along with the true Qp values, are used to train the Ridge Regression combiner (Equation (1)), thereby learning the optimal fusion weights wi and bias b. The final MVL model—the fixed base models plus the trained Ridge Regression combiner—is then evaluated on the original 17 independent test sets (Table 1) for direct comparison with the single-view models. As shown in Figure 4 and Table 4, the MVL ensemble achieves a lower average MRE and RMSE than the individual base models. This improvement confirms that the 26-dataset training subset provides sufficient data for effective model training. The MVL ensemble demonstrates superior overall predictive performance, achieving the lowest average MRE of 6.2%. While this error is only marginally lower than that of the best individual models, the key advantage of the MVL method lies in its significantly reduced RMSE. This reduction indicates that the MVL approach offers more stable and consistent predictions, resulting in higher overall accuracy for Qp estimation.

5. Discussion

5.1. Influence of the Number of Features

To evaluate the impact of feature selection on model performance for sand-over-clay strata, predictions are compared across different parameter combinations. The peak resistance in this stratum is governed predominantly by the bearing capacity within the sand layer and the spudcans’ geometry. The core physical parameters are therefore identified as: (1) the undrained shear strength at the clay surface (sum), which influences the underlying support; (2) the sand layer thickness (Hs), which defines the failure wedge geometry; and (3) the spudcan diameter (D), which scales the bearing area. This simplified set reflects a priority ranking based on physical significance. The buoyant unit weights of sand (γs) and clay (γc) are excluded due to their limited variability in marine sediments and their secondary influence on the peak load relative to strength and geometric parameters. The clay strength gradient (k) is also omitted for this focused analysis because its primary influence is on penetration within the clay layer, whereas the target Qp occurs at the sand-clay interface.
The top-performing models—SVM-2, SVM-3, and Neural Networks—are applied to predict Qp in sand-over-clay strata. The MVL framework is implemented following the same data partitioning scheme described in Section 3.2 to ensure direct comparability. The prediction results are presented in Figure 5, with a model comparison provided in Table 5. Although the average MRE for all models remains below 15%, indicating acceptable performance, both the MRE and RMSE increase compared to the six-feature model. This decline in accuracy is attributed to the loss of critical information from feature reduction, which diminishes the regression model’s capability. Therefore, for practical Qp prediction, it is recommended to utilize the complete set of characteristic parameters to maximize predictive accuracy.

5.2. Influence of the Number of Training Sets on the Prediction

A sensitivity analysis is conducted to quantify the influence of training set size on the predictive accuracy of ML and MVL models for sand-over-clay strata. Building on the baseline performance established with 26 training sets for the base model and 13 for the MVL learner, model performance is systematically evaluated using progressively smaller training subsets. The specific dataset configurations for this analysis are outlined in Table 6.

5.2.1. Training Combination 1

The Qp prediction results for Training Combination 1 (Table 6) are presented in Figure 6 and summarized in Table 7. The data indicate that an ML training set of 12 samples is sufficient to effectively train the SVM-2, SVM-3, and Neural Network models, yielding predictions with an MRE below 15% and comparable RMSE values. However, Figure 6a reveals a clear performance disparity: while the models achieve high accuracy for lower Qp values (<400 kPa), predictive performance deteriorates markedly in the higher range. Furthermore, as shown in Figure 6b, despite a satisfactory overall average error, the prediction accuracy for individual cases is highly variable. For instance, the Neural Network model for Group 22 and the SVM-2 model for Group 29 both exhibit errors exceeding 40%. In contrast, the MVL model underperformed relative to the single-model benchmarks, with both its MRE and RMSE exceeding those of the other three methods. This is likely attributable to its limited training set size, which constrained its ability to develop a robust ensemble prediction.

5.2.2. Training Combination 2

The Qp prediction results and comparative analysis for Training Combination 2 are presented in Figure 7 and Table 8. Figure 7a illustrates that the reduced size of the ML training set severely degrades the performance of all base models. The predictive capability of both the SVM-2 and SVM-3 models deteriorates substantially, with Figure 7b indicating that the vast majority of their predictions exhibit errors exceeding 100%. In comparison, the Neural Network demonstrates greater resilience, maintaining better overall performance, although it still produces significant errors in specific instances, with MRE values surpassing 45%. Conversely, the MVL model, trained on only 12 sets, achieves reasonable predictive performance, with an average MRE of 16.9% and an RMSE of 68.5. However, this result is contingent upon the quality of its training data; the model’s performance diminishes if its dedicated training set is compromised. Since the MVL model uses the predictions of the base models as its input features, its accuracy is inherently dependent on theirs. Despite this dependency, the ensemble framework of the multi-view approach offers a key advantage: it is designed to be robust, capable of discerning and mitigating a significant portion of the error propagated from the base models, resulting in more accurate and stable final predictions.

5.2.3. Training Combination 3

The prediction results and comparative analysis for Training Combination 3 are presented in Figure 8 and Table 9. The results demonstrate that a training set of 12 samples is sufficient for both the SVM-2 and Neural Network models, each achieving an MRE below 15%. However, the Neural Network model exhibits greater prediction variance, with specific errors exceeding 30%, resulting in a higher RMSE than the SVM-2 model. In contrast, the SVM-3 model performs poorly with the limited data, yielding an average MRE of 28.2%. The MVL model demonstrates robust performance, achieving an overall MRE below 20% and producing predictions with an MRE under 10% in 24 cases. This represents a significant improvement over the performance observed in Figure 7, an enhancement attributable to the higher-quality training data generated from the outputs of the more reliable base models in this configuration.

5.3. Prediction Feasibility for Three-Layer Clay

5.3.1. Machine Learning Prediction

The predictive models for the three-layer clay strata (soft-stiff-soft and stiff-soft-stiff) utilize a consistent set of input features: the undrained shear strengths (su1, su2, su3) and thicknesses (t1, t2, t3) of the three layers. Model performance is assessed using a combined dataset of eight samples, comprising four from each stratum type (Samples 1–4: soft-stiff-soft; Samples 5–8: stiff-soft-stiff). The partitioning of this dataset into training and test sets is detailed in Table 10.
Analysis of the 24 prediction results (Table 10 and Figure 9) indicates that model performance is deficient when the training set is limited to a single type of three-layer clay stratum, as evidenced by the high relative errors in Groups 1–8. In contrast, predictive accuracy improves substantially when the training set incorporates both soft-stiff-soft and stiff-soft-stiff strata. Models such as the Gauss SVM, SVM-2, and Neural Network achieve an MRE of approximately 15% under this combined training strategy (Groups 9–24, Figure 9). These results confirm that combined training on mixed three-layer clay strata is a viable and effective approach. The Neural Network model, in particular, delivers superior performance, attributed to its inherent capacity for modeling complex, nonlinear relationships. As shown in Table 11, the models achieve the best results, with an average MRE of 13.5% and an RMSE of 42.71, representing a significant improvement over the deterministic benchmark.

5.3.2. Multi-View Learning Prediction

To evaluate the efficacy of MVL for three-layer clay strata, data are selected from groups representing both poor (Groups 5–8) and good (Groups 13–16) predictive performance, as identified in Figure 9. The corresponding training and test set configurations for this analysis are detailed in Table 12. To maintain methodological consistency, the MVL model utilizes the same base models as input features: the SVM-2, SVM-3, and Neural Network.
Figure 10 illustrates the Qp prediction results, demonstrating that the MVL method delivers high accuracy for both low-performance (Groups 1–12) and high-performance groups (Groups 13–24). This is quantified in Table 13, where the model achieves an MRE of 10.6% and an RMSE of 43.66, confirming its superior predictive capability.

5.4. Summary of Feature and Training Set Influences

The analysis of feature influence confirms the general principle that a more comprehensive set of input parameters enhances prediction accuracy. Regarding training data, while a minimum of 12 sets enables basic model function in data-scarce conditions, the resulting predictive quality is demonstrably inferior to that achieved with larger datasets. Therefore, when data availability permits, it is recommended to utilize more than 20 training sets to ensure robust and reliable predictions. It should be noted that predictions under severe data constraints, particularly for extreme values, remain unreliable.
A key methodological finding concerns three-layer clay strata. While conventional deterministic models for soft-stiff-soft and stiff-soft-stiff clays are developed separately, this study shows that machine learning models trained on a combined dataset yield accurate predictions for both. Although the precise nonlinear mapping within the ML model is not explicitly interpretable, this result provides empirical support for a significant hypothesis: these two three-layer clay profiles may be effectively treated as a single stratigraphic class. This insight offers a feasible pathway for developing a unified deterministic model for Qp prediction in future research.

6. Conclusions and Limitations

This study employs six ML algorithms and a MVL framework to predict the peak penetration resistance Qp of spudcan foundations in sand-over-clay and three-layer clay strata. The key findings and study limitations are summarized as follows:
(1)
The trained ML and MVL models generate accurate Qp predictions for the studied strata, with performance comparable to established deterministic models. Neural networks and MVL showed superior accuracy, confirming the feasibility of data-driven approaches for this geotechnical problem. This performance is comparable to that of established deterministic models, indicating their potential as complementary predictive tools.
(2)
For sand-over-clay strata, both the simplified three-feature and comprehensive six-feature yield satisfactory predictions. However, the model using the six-feature set delivers superior accuracy. Therefore, utilizing the full parameter set is recommended in practice to maximize model performance.
(3)
With sufficient training data, all models achieve an MRE below 20%. Under data-scarce conditions, a training set ratio of 1:2 for MVL to ML can maintain satisfactory accuracy. This offers clear guidance on minimum data requirements.
(4)
This study demonstrates that characterizing soft-stiff-soft and stiff-soft-stiff clay strata as a single stratigraphic class can achieve predictive accuracy for Qp equivalent to modeling them separately. This finding offers a practical reference for predicting capacity in multi-layered strata where detailed soil parameters are limited.
(5)
A key limitation is the constrained size of the dataset, which is based on the limited pool of reliable, published centrifuge tests. This restricted both model complexity and validation rigor, necessitating a hold-out validation approach rather than more robust cross-validation. Future work should focus on expanding the experimental database to enable more advanced modeling and comprehensive statistical validation.

Author Contributions

Conceptualization, M.W. and X.Y. (Xing Yang); methodology, X.Y. (Xiuqing Yang), D.W. and W.S.; software, X.Y. (Xiuqing Yang) and X.Y. (Xing Yang); validation, M.W., X.Y. (Xiuqing Yang), X.Y. (Xing Yang), D.W., W.S. and H.S.; formal analysis, D.W.; investigation, X.Y. (Xiuqing Yang) and X.Y. (Xing Yang); resources, M.W. and H.S.; data curation, X.Y. (Xiuqing Yang) and X.Y. (Xing Yang); writing—original draft preparation, X.Y. (Xing Yang); writing—review and editing, D.W., W.S. and X.Y. (Xiuqing Yang); visualization, M.W. and H.S.; supervision, D.W.; project administration, M.W. and H.S.; funding acquisition, D.W. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the National Natural Science Foundation of China, grant numbers 52394251 and 42025702.

Data Availability Statement

Data is contained within the article.

Conflicts of Interest

Mingyuan Wang was employed by PowerChina Huadong Engineering Corporation Limited. Huimin Sun was employed by Windey Energy Technology Group Co., Ltd. The remaining authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

References

  1. Teh, K.L.; Leung, C.F.; Chow, Y.K.; Cassidy, M.J. Centrifuge Model Study of Spudcan Penetration in Sand Overlying Clay. Geotechnique 2010, 60, 825–842. [Google Scholar] [CrossRef]
  2. Jun, M.J.; Kim, Y.H.; Hossain, M.S.; Cassidy, M.J.; Hu, Y.; Park, S.G. Geotechnical Centrifuge Investigation of the Effectiveness of a Novel Spudcan in Easing Spudcan–Footprint Interactions. J. Geotech. Geoenviron. Eng. 2020, 146, 04020071. [Google Scholar] [CrossRef]
  3. Van Dijk, B.F.J.; Yetginer, A.G. Findings of the ISSMGE Jack-up Leg Penetration Prediction Event. In Proceedings of the 3rd International Symposium on Frontiers in Offshore Geotechnics (ISFOG 2015), Oslo, Norway, 10–12 June 2015; Taylor & Francis: Leiden, The Netherlands, 2015; pp. 1267–1274. [Google Scholar]
  4. Craig, W.H.; Chua, K. Deep Penetration of Spudcan Foundations on Sand and Clay. Geotechnique 1990, 40, 541–556. [Google Scholar] [CrossRef]
  5. Hossain, M.S.; Cassidy, M.J.; Baker, R.; Randolph, M.F. Optimization of Perforation Drilling for Mitigating Punch-through in Multi-Layered Clays. Can. Geotech. J. 2011, 48, 1658–1673. [Google Scholar] [CrossRef]
  6. Zheng, J.; Wang, D. Numerical Investigation of Spudcan-Footprint Interaction in Non-Uniform Clays. Ocean. Eng. 2019, 188, 106295. [Google Scholar] [CrossRef]
  7. Ullah, S.N.; Hu, Y. Peak Punch-through Capacity of Spudcan in Sand with Interbedded Clay: Numerical and Analytical Modelling. Can. Geotech. J. 2017, 54, 1071–1088. [Google Scholar] [CrossRef]
  8. Hu, P.; Stanier, S.A.; Cassidy, M.J.; Wang, D. Predicting Peak Resistance of Spudcan Penetrating Sand Overlying Clay. J. Geotech. Geoenviron. Eng. 2014, 140, 04013009. [Google Scholar] [CrossRef]
  9. Qiu, G.; Grabe, J. Numerical Investigation of Bearing Capacity Due to Spudcan Penetration in Sand Overlying Clay. Can. Geotech. J. 2012, 49, 1393–1407. [Google Scholar] [CrossRef]
  10. Lee, K.K.; Randolph, M.F.; Cassidy, M.J. Bearing Capacity on Sand Overlying Clay Soils: A Simplified Conceptual Model. Geotechnique 2013, 63, 1285–1297. [Google Scholar] [CrossRef]
  11. Young, A.G.; Focht, J.A. Subsurface Hazards Affect Mobile Jack-up Rig Operations. Soundings 1981, 3, 4–9. [Google Scholar]
  12. Hanna, A.M.; Meyerhof, G.G. Design Charts for Ultimate Bearing Capacity of Foundations on Sand Overlying Soft Clay. Can. Geotech. J. 1980, 17, 300–303. [Google Scholar] [CrossRef]
  13. Hu, P.; Dong, W.; Sam, S.; Mark, C. Assessing the Punch-through Hazard of a Spudcan on Sand Overlying Clay. Géotechnique 2015, 65, 883–896. [Google Scholar] [CrossRef]
  14. Zheng, J.; Hossain, M.S.; Wang, D. New Design Approach for Spudcan Penetration in Nonuniform Clay with an Interbedded Stiff Layer. J. Geotech. Geoenviron. Eng. 2015, 141, 04015003. [Google Scholar] [CrossRef]
  15. Zheng, J.; Hossain, M.S.; Wang, D. Estimating Spudcan Penetration Resistance in Stiff-Soft-Stiff Clay. J. Geotech. Geoenviron. Eng. 2018, 144, 04018001. [Google Scholar] [CrossRef]
  16. ISO 19905-1:2016; Petroleum and Natural Gas Industries: Site-Specific Assessment of Mobile Offshore Units. International Organization for Standardization: Geneva, Switzerland, 2016.
  17. SNAME. T&R Bulletin 5-05 A: Guidelines for Site Specific Assessment of Mobile Jack-Up Units; SNAME: Alexandria, VA, USA, 2008. [Google Scholar]
  18. Cassidy, M.; Li, L.; Hu, P.; Uzielli, M.; Lacasse, S. Deterministic and Probabilistic Advances in the Analysis of Spudcan Behaviour. In Proceedings of the Frontiers in Offshore Geotechnics III, Oslo, Norway, 10–12 June 2015; CRC Press: London, UK, 2015; pp. 183–212. [Google Scholar]
  19. Houlsby, G.T. A Probabilistic Approach to the Prediction of Spudcan Penetration of Jack-up Units. In Proceedings of the 2nd International Symposium on Frontiers in Offshore Geotechnics, Perth, Australia, 8–10 November 2010; CRC Press: Perth, Australia, 2010; pp. 8–10. [Google Scholar]
  20. Li, J.; Hu, P.; Uzielli, M.; Cassidy, M.J. Bayesian Prediction of Peak Resistance of a Spudcan Penetrating Sand-over-Clay. Geotechnique 2018, 68, 905–917. [Google Scholar] [CrossRef]
  21. Sheil, B.; Suryasentana, S.; Templeman, J.; Phillips, B.; Cheng, W.; Zhang, L. Prediction of Pipe-Jacking Forces Using a Bayesian Updating Approach. J. Geotech. Geoenviron. Eng. 2022, 148, 04021173. [Google Scholar] [CrossRef]
  22. Jiang, J.; Wang, D.; Zhang, S. Improved Prediction of Spudcan Penetration Resistance by an Observation-Optimized Model. J. Geotech. Geoenviron. Eng. 2020, 146, 06020014. [Google Scholar] [CrossRef]
  23. Zheng, J.; Zhang, S.; Wang, D.; Jiang, J. Optimization for the Assessment of Spudcan Peak Resistance in Clay–Sand–Clay Deposits. J. Mar. Sci. Eng. 2021, 9, 689. [Google Scholar] [CrossRef]
  24. Yang, X.; Wang, D.; Zhang, S. Probabilistic Prediction of Spudcan Peak Penetration Resistance Based on Parameter Estimation and Sectionalized Adaptive Linear Simplification. Ocean. Eng. 2024, 298, 117228. [Google Scholar] [CrossRef]
  25. Zhang, W.; Gu, X.; Hong, L.; Han, L.; Wang, L. Comprehensive Review of Machine Learning in Geotechnical Reliability Analysis: Algorithms, Applications and Further Challenges. Appl. Soft Comput. 2023, 136, 110066. [Google Scholar] [CrossRef]
  26. Li, B.; You, Z.; Ni, K.; Wang, Y. Prediction of Soil Compaction Parameters Using Machine Learning Models. Appl. Sci. 2024, 14, 2716. [Google Scholar] [CrossRef]
  27. Xu, Y.; Zhao, Y.; Jiang, Q.; Sun, J.; Tian, C.; Jiang, W. Machine-Learning-Based Deformation Prediction Method for Deep Foundation-Pit Enclosure Structure. Appl. Sci. 2024, 14, 1273. [Google Scholar] [CrossRef]
  28. Yin, X.; Sun, Y.; Xu, W.; Gao, W.; Wang, H.; Ruan, S.; Shao, Y. Seafloor Stability Assessment of Jiaxie Seamount Group Using the “Weight-of-Evidence” (WoE) Method, Western Pacific Ocean. J. Mar. Sci. Eng. 2025, 13, 1001. [Google Scholar] [CrossRef]
  29. Zhao, X.; Dong, P.; Li, Y.; Zhou, Y.; Zhao, X.; Wang, Q.; Zhan, C. Artificial Neural Network Model for Predicting Local Equilibrium Scour Depth at Pile Groups in Steady Currents. J. Mar. Sci. Eng. 2025, 13, 1742. [Google Scholar] [CrossRef]
  30. Xie, J.; Fu, J.; Wang, H.; Yang, J. Automation in Construction Intelligent Shield Machine Selection for Subway Tunnel Using Machine Learning. Autom. Constr. 2025, 180, 106492. [Google Scholar] [CrossRef]
  31. Liu, W.; Chen, Y.; Liu, T.; Liu, W.; Li, J.; Chen, Y. ScienceDirect Shield Tunneling Efficiency and Stability Enhancement Based on Interpretable Machine Learning and Multi-Objective Optimization. Undergr. Space 2025, 22, 320–336. [Google Scholar] [CrossRef]
  32. Breiman, L. Random Forests. Mach. Learn. 2001, 45, 5–32. [Google Scholar] [CrossRef]
  33. Ma, M.; Chen, G.; Xu, S.; Tan, W.; Yin, K. Machine Learning-Based Short-Term Forecasting of Significant Wave Height During Typhoons Using SWAN Data: A Case Study in the Pearl River Estuary. J. Mar. Sci. Eng. 2025, 13, 1612. [Google Scholar] [CrossRef]
  34. Cortes, C.; Vapnik, V. Support-Vector Networks. Mach. Learn. 1995, 20, 273–297. [Google Scholar] [CrossRef]
  35. Arnaldo, C.G.; Jurado, R.D.; Moreno, F.P.; Suárez, M.Z. Enhancing Security in Airline Ticket Transactions: A Comparative Study of SVM and LightGBM. Appl. Sci. 2025, 15, 9581. [Google Scholar] [CrossRef]
  36. James, G.; Witten, D.; Hastie, T.; Tibshirani, R. An Introduction to Statistical Learning; Springer: New York, NY, USA, 2021; ISBN 9781071614174. [Google Scholar]
  37. Lecun, Y.; Bengio, Y.; Hinton, G. Deep Learning. Nature 2015, 521, 436–444. [Google Scholar] [CrossRef]
  38. Yan, X.; Hu, S.; Mao, Y.; Ye, Y.; Yu, H. Deep Multi-View Learning Methods: A Review. Neurocomputing 2021, 448, 106–129. [Google Scholar] [CrossRef]
  39. Lee, K.K.; Cassidy, M.J.; Randolph, M.F. Bearing Capacity on Sand Overlying Clay Soils: Experimental and Finite-Element Investigation of Potential Punch-through Failure. Geotechnique 2013, 63, 1271–1284. [Google Scholar] [CrossRef]
  40. Hu, P.; Stanier, S.A.; Wang, D.; Cassidy, M.J. Effect of Footing Shape on Penetration in Sand Overlying Clay. Int. J. Phys. Model. Geotech. 2016, 16, 119–133. [Google Scholar] [CrossRef]
  41. Hossain, M.S.; Randolph, M.F.; Saunier, Y.N. Spudcan Deep Penetration in Multi-Layered Fine-Grained Soils. Int. J. Phys. Model. Geotech. 2011, 11, 100–115. [Google Scholar] [CrossRef]
Figure 1. Machine learning and multi-view learning processes.
Figure 1. Machine learning and multi-view learning processes.
Jmse 14 00062 g001
Figure 2. Prediction results of different machine learning methods in sand-over-clay strata: (a) First training; (b) Second training.
Figure 2. Prediction results of different machine learning methods in sand-over-clay strata: (a) First training; (b) Second training.
Jmse 14 00062 g002
Figure 3. Prediction results of different machine learning methods in three-layer clay strata: (a) Soft-stiff-soft clay strata; (b) Stiff-soft-stiff clay strata.
Figure 3. Prediction results of different machine learning methods in three-layer clay strata: (a) Soft-stiff-soft clay strata; (b) Stiff-soft-stiff clay strata.
Jmse 14 00062 g003
Figure 4. Prediction results of multi-view learning method in sand-over-clay strata.
Figure 4. Prediction results of multi-view learning method in sand-over-clay strata.
Jmse 14 00062 g004
Figure 5. Results of Qp Prediction in sand-over-clay strata using the three-feature model.
Figure 5. Results of Qp Prediction in sand-over-clay strata using the three-feature model.
Jmse 14 00062 g005
Figure 6. Qp prediction results for Training Combination 1 in sand-over-clay strata: (a) Statistical results; (b) Prediction results.
Figure 6. Qp prediction results for Training Combination 1 in sand-over-clay strata: (a) Statistical results; (b) Prediction results.
Jmse 14 00062 g006
Figure 7. The Qp prediction results of Training Combination 2 in the sand-over-clay strata: (a) Statistical results; (b) Prediction results.
Figure 7. The Qp prediction results of Training Combination 2 in the sand-over-clay strata: (a) Statistical results; (b) Prediction results.
Jmse 14 00062 g007
Figure 8. The Qp prediction results of Training Combination 3 in the sand-over-clay strata: (a) Statistical results; (b) Prediction results.
Figure 8. The Qp prediction results of Training Combination 3 in the sand-over-clay strata: (a) Statistical results; (b) Prediction results.
Jmse 14 00062 g008
Figure 9. Prediction results of Qp with different machine learning methods in three-layer clay strata.
Figure 9. Prediction results of Qp with different machine learning methods in three-layer clay strata.
Jmse 14 00062 g009
Figure 10. Results of Qp prediction in three-layer clay from the combined methods.
Figure 10. Results of Qp prediction in three-layer clay from the combined methods.
Jmse 14 00062 g010
Table 1. Comparison of Qp prediction model accuracy for sand-over-clay strata.
Table 1. Comparison of Qp prediction model accuracy for sand-over-clay strata.
MethodsRandom ForestGauss SVMSVM-2SVM-3Multiple-Linear RegressionNeural Network
First trainingMRE18.9%18.2%13.6%13.3%19.8%11.1%
RMSE99.19123.3574.8773.21103.3769.34
Second trainingMRE13.5%18.3%11.7%10.6%18.9%12.4%
RMSE88.6123.3774.0963.33103.3472.34
Table 2. Training and test set composition for three-layer clay.
Table 2. Training and test set composition for three-layer clay.
Group12345678
Training sets (Samples)1, 2, 31, 2, 41, 3, 42, 3, 41, 21, 21, 31, 3
Test sets (Sample)43213424
Group910111213141516
Training sets (Samples)1, 41, 42, 32, 32, 42, 43, 43, 4
Test sets (Sample)23141312
Table 3. Comparison of Qp predictions from different models for three-layer clay.
Table 3. Comparison of Qp predictions from different models for three-layer clay.
MethodsRandom ForestGauss SVMSVM-2SVM-3Multiple-Linear RegressionNeural Network
Soft-stiff-soft clay strataMRE55.4%18.6%7.8%15.9%24.8%7.3%
RMSE182.08107.6940.46103.3596.3023.52
Stiff-soft-stiff clay strataMRE44.5%17.7%9.9%12.2%17.9%7.7%
RMSE147.42117.671.3872.28107.4337.11
Table 4. Comparison of Qp predictions between multi-view learning and machine learning methods.
Table 4. Comparison of Qp predictions between multi-view learning and machine learning methods.
MethodsSVM-2SVM-3Neural NetworkMulti-View Learning
MRE11.4%9.5%8.2%6.2%
RMSE54.3342.8747.1828.59
Table 5. Comparison of Qp Prediction in sand-over-clay strata using the three-feature model.
Table 5. Comparison of Qp Prediction in sand-over-clay strata using the three-feature model.
MethodsSVM-2SVM-3Neural NetworkMulti-View Learning
MRE14%11%11%9%
RMSE99.19123.3574.8773.21
Table 6. Setting of training and test sets in sand-over-clay strata.
Table 6. Setting of training and test sets in sand-over-clay strata.
No.Machine Learning Training SetMulti-View Learning Training SetTesting Set
Training Combination 112638
Training Combination 261238
Training Combination 3121232
Table 7. Comparison of Qp prediction results for Training Combination 1 in sand-over-clay strata.
Table 7. Comparison of Qp prediction results for Training Combination 1 in sand-over-clay strata.
MethodsSVM-2SVM-3Neural NetworkMulti-View Learning
MRE13.7%14.3%10.2%17.5%
RMSE46.2751.0251.4190.85
Table 8. Comparison of Qp prediction results for Training Combination 2 in sand-over-clay strata.
Table 8. Comparison of Qp prediction results for Training Combination 2 in sand-over-clay strata.
MethodsSVM-2SVM-3Neural NetworkMulti-View Learning
MRE138.9%142.5%24.7%16.9%
RMSE543.71562.0483.7568.05
Table 9. Comparison of Qp prediction results for Training Combination 3 in sand-over-clay strata.
Table 9. Comparison of Qp prediction results for Training Combination 3 in sand-over-clay strata.
MethodsSVM-2SVM-3Neural NetworkMulti-View Learning
MRE12.5%28.2%14.5%10.1%
RMSE46.43124.4066.2740.22
Table 10. Setting of training and test sets for machine learning prediction in three-layer clay strata.
Table 10. Setting of training and test sets for machine learning prediction in three-layer clay strata.
Groups123456789101112
Training sets (Samples)1, 2, 3, 45, 6,7, 81, 3, 5, 7
Test sets (Sample)567812342468
Groups131415161718192021222324
Training sets (Samples)2, 4, 6, 81, 2, 5, 63, 4, 7, 8
Test sets (Sample)135734781256
Note: Samples 1–4 for soft-stiff-soft clay strata, Samples 5–8 for stiff-soft-stiff clay strata.
Table 11. Comparison of different Qp prediction models in three-layer clay strata.
Table 11. Comparison of different Qp prediction models in three-layer clay strata.
MethodsRandom ForestGauss SVMSVM-2SVM-3Multiple Linear RegressionNeural Network
MRE58.4%22.9%18.7%39.4%24.7%13.5%
RMSE165.3693.2786.70237.7077.2142.71
Table 12. Setting of training and test sets for multi-view learning prediction in three-layer clay strata.
Table 12. Setting of training and test sets for multi-view learning prediction in three-layer clay strata.
Groups123456789101112
Training sets (Samples) for machine learning5, 6,7, 8
Test sets (Sample) for multi-view learning1, 21, 21, 31, 31, 41, 42, 32, 32, 42, 43, 43, 4
Test sets (Sample)342423141312
Groups131415161718192021222324
Training sets (Samples) for machine learning2, 4, 6, 8
Test sets (Sample) for multi-view learning1, 31, 31, 51, 51, 71, 73, 53, 53, 73, 75, 75, 7
Test sets (Sample)573735171513
Table 13. Comparison of Qp prediction in three-layer clay from the combined methods.
Table 13. Comparison of Qp prediction in three-layer clay from the combined methods.
MethodsSVM-2SVM-3Neural NetworkMulti-View Learning
MRE27.1%29.2%30.4%10.6%
RMSE129.33159.1479.6543.66
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Wang, M.; Yang, X.; Yang, X.; Wang, D.; Sun, W.; Sun, H. Comparative Analysis of Machine Learning and Multi-View Learning for Predicting Peak Penetration Resistance of Spudcans: A Study Using Centrifuge Test Data. J. Mar. Sci. Eng. 2026, 14, 62. https://doi.org/10.3390/jmse14010062

AMA Style

Wang M, Yang X, Yang X, Wang D, Sun W, Sun H. Comparative Analysis of Machine Learning and Multi-View Learning for Predicting Peak Penetration Resistance of Spudcans: A Study Using Centrifuge Test Data. Journal of Marine Science and Engineering. 2026; 14(1):62. https://doi.org/10.3390/jmse14010062

Chicago/Turabian Style

Wang, Mingyuan, Xiuqing Yang, Xing Yang, Dong Wang, Wenjing Sun, and Huimin Sun. 2026. "Comparative Analysis of Machine Learning and Multi-View Learning for Predicting Peak Penetration Resistance of Spudcans: A Study Using Centrifuge Test Data" Journal of Marine Science and Engineering 14, no. 1: 62. https://doi.org/10.3390/jmse14010062

APA Style

Wang, M., Yang, X., Yang, X., Wang, D., Sun, W., & Sun, H. (2026). Comparative Analysis of Machine Learning and Multi-View Learning for Predicting Peak Penetration Resistance of Spudcans: A Study Using Centrifuge Test Data. Journal of Marine Science and Engineering, 14(1), 62. https://doi.org/10.3390/jmse14010062

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

Article Metrics

Back to TopTop