In the contemporary era, the proliferation of information technology has led to an unprecedented surge in data generation, with this data being dispersed across a multitude of mobile devices. Facing these situations a...In the contemporary era, the proliferation of information technology has led to an unprecedented surge in data generation, with this data being dispersed across a multitude of mobile devices. Facing these situations and the training of deep learning model that needs great computing power support, the distributed algorithm that can carry out multi-party joint modeling has attracted everyone’s attention. The distributed training mode relieves the huge pressure of centralized model on computer computing power and communication. However, most distributed algorithms currently work in a master-slave mode, often including a central server for coordination, which to some extent will cause communication pressure, data leakage, privacy violations and other issues. To solve these problems, a decentralized fully distributed algorithm based on deep random weight neural network is proposed. The algorithm decomposes the original objective function into several sub-problems under consistency constraints, combines the decentralized average consensus (DAC) and alternating direction method of multipliers (ADMM), and achieves the goal of joint modeling and training through local calculation and communication of each node. Finally, we compare the proposed decentralized algorithm with several centralized deep neural networks with random weights, and experimental results demonstrate the effectiveness of the proposed algorithm.展开更多
The ocean plays an important role in maintaining the equilibrium of Earth’s ecology and providing humans access to a wealth of resources.To obtain a high-precision underwater image classification model,we propose a c...The ocean plays an important role in maintaining the equilibrium of Earth’s ecology and providing humans access to a wealth of resources.To obtain a high-precision underwater image classification model,we propose a classification model that combines an EfficientnetB0 neural network and a two-hidden-layer random vector functional link network(EfficientnetB0-TRVFL).The features of underwater images were extracted using the EfficientnetB0 neural network pretrained via ImageNet,and a new fully connected layer was trained on the underwater image dataset using the transfer learning method.Transfer learning ensures the initial performance of the network and helps in the development of a high-precision classification model.Subsequently,a TRVFL was proposed to improve the classification property of the model.Net construction of the two hidden layers exhibited a high accuracy when the same hidden layer nodes were used.The parameters of the second hidden layer were obtained using a novel calculation method,which reduced the outcome error to improve the performance instability caused by the random generation of parameters of RVFL.Finally,the TRVFL classifier was used to classify features and obtain classification results.The proposed EfficientnetB0-TRVFL classification model achieved 87.28%,74.06%,and 99.59%accuracy on the MLC2008,MLC2009,and Fish-gres datasets,respectively.The best convolutional neural networks and existing methods were stacked up through box plots and Kolmogorov-Smirnov tests,respectively.The increases imply improved systematization properties in underwater image classification tasks.The image classification model offers important performance advantages and better stability compared with existing methods.展开更多
The purpose of this study was to address the challenges in predicting and classifying accuracy in modeling Container Dwell Time (CDT) using Artificial Neural Networks (ANN). This objective was driven by the suboptimal...The purpose of this study was to address the challenges in predicting and classifying accuracy in modeling Container Dwell Time (CDT) using Artificial Neural Networks (ANN). This objective was driven by the suboptimal outcomes reported in previous studies and sought to apply an innovative approach to improve these results. To achieve this, the study applied the Fusion of Activation Functions (FAFs) to a substantial dataset. This dataset included 307,594 container records from the Port of Tema from 2014 to 2022, encompassing both import and transit containers. The RandomizedSearchCV algorithm from Python’s Scikit-learn library was utilized in the methodological approach to yield the optimal activation function for prediction accuracy. The results indicated that “ajaLT”, a fusion of the Logistic and Hyperbolic Tangent Activation Functions, provided the best prediction accuracy, reaching a high of 82%. Despite these encouraging findings, it’s crucial to recognize the study’s limitations. While Fusion of Activation Functions is a promising method, further evaluation is necessary across different container types and port operations to ascertain the broader applicability and generalizability of these findings. The original value of this study lies in its innovative application of FAFs to CDT. Unlike previous studies, this research evaluates the method based on prediction accuracy rather than training time. It opens new avenues for machine learning engineers and researchers in applying FAFs to enhance prediction accuracy in CDT modeling, contributing to a previously underexplored area.展开更多
Deep excavation during the construction of underground systems can cause movement on the ground,especially in soft clay layers.At high levels,excessive ground movements can lead to severe damage to adjacent structures...Deep excavation during the construction of underground systems can cause movement on the ground,especially in soft clay layers.At high levels,excessive ground movements can lead to severe damage to adjacent structures.In this study,finite element analyses(FEM)and the hardening small strain(HSS)model were performed to investigate the deflection of the diaphragm wall in the soft clay layer induced by braced excavations.Different geometric and mechanical properties of the wall were investigated to study the deflection behavior of the wall in soft clays.Accordingly,1090 hypothetical cases were surveyed and simulated based on the HSS model and FEM to evaluate the wall deflection behavior.The results were then used to develop an intelligent model for predicting wall deflection using the functional linked neural network(FLNN)with different functional expansions and activation functions.Although the FLNN is a novel approach to predict wall deflection;however,in order to improve the accuracy of the FLNN model in predicting wall deflection,three swarm-based optimization algorithms,such as artificial bee colony(ABC),Harris’s hawk’s optimization(HHO),and hunger games search(HGS),were hybridized to the FLNN model to generate three novel intelligent models,namely ABC-FLNN,HHO-FLNN,HGS-FLNN.The results of the hybrid models were then compared with the basic FLNN and MLP models.They revealed that FLNN is a good solution for predicting wall deflection,and the application of different functional expansions and activation functions has a significant effect on the outcome predictions of the wall deflection.It is remarkably interesting that the performance of the FLNN model was better than the MLP model with a mean absolute error(MAE)of 19.971,root-mean-squared error(RMSE)of 24.574,and determination coefficient(R^(2))of 0.878.Meanwhile,the performance of the MLP model only obtained an MAE of 20.321,RMSE of 27.091,and R^(2)of 0.851.Furthermore,the results also indicated that the proposed hybrid models,i.e.,ABC-FLNN,HHO-FLNN,HGS-FLNN,yielded more superior performances than those of the FLNN and MLP models in terms of the prediction of deflection behavior of diaphragm walls with an MAE in the range of 11.877 to 12.239,RMSE in the range of 15.821 to 16.045,and R^(2)in the range of 0.949 to 0.951.They can be used as an alternative tool to simulate diaphragm wall deflections under different conditions with a high degree of accuracy.展开更多
In this paper, sixty-eight research articles published between 2000 and 2017 as well as textbooks which employed four classification algorithms: K-Nearest-Neighbor (KNN), Support Vector Machines (SVM), Random Forest (...In this paper, sixty-eight research articles published between 2000 and 2017 as well as textbooks which employed four classification algorithms: K-Nearest-Neighbor (KNN), Support Vector Machines (SVM), Random Forest (RF) and Neural Network (NN) as the main statistical tools were reviewed. The aim was to examine and compare these nonparametric classification methods on the following attributes: robustness to training data, sensitivity to changes, data fitting, stability, ability to handle large data sizes, sensitivity to noise, time invested in parameter tuning, and accuracy. The performances, strengths and shortcomings of each of the algorithms were examined, and finally, a conclusion was arrived at on which one has higher performance. It was evident from the literature reviewed that RF is too sensitive to small changes in the training dataset and is occasionally unstable and tends to overfit in the model. KNN is easy to implement and understand but has a major drawback of becoming significantly slow as the size of the data in use grows, while the ideal value of K for the KNN classifier is difficult to set. SVM and RF are insensitive to noise or overtraining, which shows their ability in dealing with unbalanced data. Larger input datasets will lengthen classification times for NN and KNN more than for SVM and RF. Among these nonparametric classification methods, NN has the potential to become a more widely used classification algorithm, but because of their time-consuming parameter tuning procedure, high level of complexity in computational processing, the numerous types of NN architectures to choose from and the high number of algorithms used for training, most researchers recommend SVM and RF as easier and wieldy used methods which repeatedly achieve results with high accuracies and are often faster to implement.展开更多
The air cooler is an important equipment in the petroleum refining industry.Ammonium chloride(NH4 Cl)deposition-induced corrosion is one of its main failure forms.In this study,the ammonium salt crystallization temper...The air cooler is an important equipment in the petroleum refining industry.Ammonium chloride(NH4 Cl)deposition-induced corrosion is one of its main failure forms.In this study,the ammonium salt crystallization temperature is chosen as the key decision variable of NH4 Cl deposition-induced corrosion through in-depth mechanism research and experimental analysis.The functional link neural network(FLNN)is adopted as the basic algorithm for modeling because of its advantages in dealing with non-linear problems and its fast-computational ability.A hybrid FLNN attached to a small norm is built to improve the generalization performance of the model.Then,the trained model is used to predict the NH4 Cl salt crystallization temperature in the air cooler of a sour water stripper plant.Experimental results show the proposed improved FLNN algorithm can achieve better generalization performance than the PLS,the back propagation neural network,and the conventional FLNN models.展开更多
Aiming at the reliability analysis of small sample data or implicit structural function,a novel structural reliability analysis model based on support vector machine(SVM)and neural network direct integration method(DN...Aiming at the reliability analysis of small sample data or implicit structural function,a novel structural reliability analysis model based on support vector machine(SVM)and neural network direct integration method(DNN)is proposed.Firstly,SVM with good small sample learning ability is used to train small sample data,fit structural performance functions and establish regular integration regions.Secondly,DNN is approximated the integral function to achieve multiple integration in the integration region.Finally,structural reliability was obtained by DNN.Numerical examples are investigated to demonstrate the effectiveness of the present method,which provides a feasible way for the structural reliability analysis.展开更多
This paper presents a method used to the numeral eddy current sensor modelling based on the genetic neural network to settle its nonlinear problem. The principle and algorithms of genetic neural network are introduced...This paper presents a method used to the numeral eddy current sensor modelling based on the genetic neural network to settle its nonlinear problem. The principle and algorithms of genetic neural network are introduced. In this method, the nonlinear model parameters of the numeral eddy current sensor are optimized by genetic neural network (GNN) according to measurement data. So the method remains both the global searching ability of genetic algorithm and the good local searching ability of neural network. The nonlinear model has the advantages of strong robustness, on-line modelling and high precision. The maximum nonlinearity error can be reduced to 0.037% by using GNN. However, the maximum nonlinearity error is 0.075% using the least square method.展开更多
In this paper,we present a method used to the numeral eddy current sensor modeling based on genetic neural network to settle its nonlinear problem.The principle and algorithms of genetic neural network are introduced....In this paper,we present a method used to the numeral eddy current sensor modeling based on genetic neural network to settle its nonlinear problem.The principle and algorithms of genetic neural network are introduced.In this method, the nonlinear model parameters of the numeral eddy current sensor are optimized by genetic neural network (GNN) according to measurement data.So the method remains both the global searching ability of genetic algorithm and the good local searching ability of neural network.The nonlinear model has the advantages of strong robustness,on-line scaling and high precision.The maximum nonlinearity error can be reduced to 0.037% using GNN.However,the maximum nonlinearity error is 0.075% using least square method (LMS).展开更多
In this paper, performance of three classifiers for classification of five mental tasks were investigated. Wavelet Packet Transform (WPT) was used for feature extraction of the relevant frequency bands from raw Electr...In this paper, performance of three classifiers for classification of five mental tasks were investigated. Wavelet Packet Transform (WPT) was used for feature extraction of the relevant frequency bands from raw Electroencephalograph (EEG) signal. The three classifiers namely used were Multilayer Back propagation Neural Network, Support Vector Machine and Radial Basis Function Neural Network. In MLP-BP NN five training methods used were a) Gradient Descent Back Propagation b) Levenberg-Marquardt c) Resilient Back Propagation d) Conjugate Learning Gradient Back Propagation and e) Gradient Descent Back Propagation with movementum.展开更多
Heart failure is now widely spread throughout the world.Heart disease affects approximately 48%of the population.It is too expensive and also difficult to cure the disease.This research paper represents machine learni...Heart failure is now widely spread throughout the world.Heart disease affects approximately 48%of the population.It is too expensive and also difficult to cure the disease.This research paper represents machine learning models to predict heart failure.The fundamental concept is to compare the correctness of various Machine Learning(ML)algorithms and boost algorithms to improve models’accuracy for prediction.Some supervised algorithms like K-Nearest Neighbor(KNN),Support Vector Machine(SVM),Decision Trees(DT),Random Forest(RF),Logistic Regression(LR)are considered to achieve the best results.Some boosting algorithms like Extreme Gradient Boosting(XGBoost)and Cat-Boost are also used to improve the prediction using Artificial Neural Networks(ANN).This research also focuses on data visualization to identify patterns,trends,and outliers in a massive data set.Python and Scikit-learns are used for ML.Tensor Flow and Keras,along with Python,are used for ANN model train-ing.The DT and RF algorithms achieved the highest accuracy of 95%among the classifiers.Meanwhile,KNN obtained a second height accuracy of 93.33%.XGBoost had a gratified accuracy of 91.67%,SVM,CATBoost,and ANN had an accuracy of 90%,and LR had 88.33%accuracy.展开更多
Support Vector Machine(SVM) was demonstrated as a potentially useful tool to integrate multi-variables and to produce a predictive map for mineral deposits. The e 1071,a free R package,was used to construct a SVM with...Support Vector Machine(SVM) was demonstrated as a potentially useful tool to integrate multi-variables and to produce a predictive map for mineral deposits. The e 1071,a free R package,was used to construct a SVM with radial kernel function to integrate four evidence layers and to map prospectivity for Gangdese porphyry copper deposits.The results demonstrate that the predicted prospective target area for Cu occupies 20.5%of the total study area and contains 52.4%of the total number of known porphyry copper deposits.The results obtained展开更多
Alzheimer’s disease is a primary age-related neurodegenerative disorder that can result in impaired cognitive and memory functions.Although connections between changes in brain networks of Alzheimer’s disease patien...Alzheimer’s disease is a primary age-related neurodegenerative disorder that can result in impaired cognitive and memory functions.Although connections between changes in brain networks of Alzheimer’s disease patients have been established,the mechanisms that drive these alterations remain incompletely understood.This study,which was conducted in 2018 at Northeastern University in China,included data from 97 participants of the Alzheimer’s Disease Neuroimaging Initiative(ADNI)dataset covering genetics,imaging,and clinical data.All participants were divided into two groups:normal control(n=52;20 males and 32 females;mean age 73.90±4.72 years)and Alzheimer’s disease(n=45,23 males and 22 females;mean age 74.85±5.66).To uncover the wiring mechanisms that shaped changes in the topology of human brain networks of Alzheimer’s disease patients,we proposed a local naive Bayes brain network model based on graph theory.Our results showed that the proposed model provided an excellent fit to observe networks in all properties examined,including clustering coefficient,modularity,characteristic path length,network efficiency,betweenness,and degree distribution compared with empirical methods.This proposed model simulated the wiring changes in human brain networks between controls and Alzheimer’s disease patients.Our results demonstrate its utility in understanding relationships between brain tissue structure and cognitive or behavioral functions.The ADNI was performed in accordance with the Good Clinical Practice guidelines,US 21 CFR Part 50-Protection of Human Subjects,and Part 56-Institutional Review Boards(IRBs)/Research Good Clinical Practice guidelines Institutional Review Boards(IRBs)/Research Ethics Boards(REBs).展开更多
Molten iron temperature as well as Si, P, and S contents is the most essential molten iron quality (MIQ) indices in the blast furnace (BF) ironmaking, which requires strict monitoring during the whole ironmaking p...Molten iron temperature as well as Si, P, and S contents is the most essential molten iron quality (MIQ) indices in the blast furnace (BF) ironmaking, which requires strict monitoring during the whole ironmaking production. However, these MIQ parameters are difficult to be directly measured online, and large-time delay exists in off-line analysis through laboratory sampling. Focusing on the practical challenge, a data-driven modeling method was presented for the prediction of MIQ using the improved muhivariable incremental random vector functional-link net- works (M-I-RVFLNs). Compared with the conventional random vector functional-link networks (RVFLNs) and the online sequential RVFLNs, the M-I-RVFLNs have solved the problem of deciding the optimal number of hidden nodes and overcome the overfitting problems. Moreover, the proposed M I RVFLNs model has exhibited the potential for multivariable prediction of the MIQ and improved the terminal condition for the multiple-input multiple-out- put (MIMO) dynamic system, which is suitable for the BF ironmaking process in practice. Ultimately, industrial experiments and contrastive researches have been conducted on the BF No. 2 in Liuzhou Iron and Steel Group Co. Ltd. of China using the proposed method, and the results demonstrate that the established model produces better estima ting accuracy than other MIQ modeling methods.展开更多
Least squares support vector machines (LS-SVMs), a nonlinear kemel based machine was introduced to investigate the prospects of application of this approach in modelling water vapor and carbon dioxide fluxes above a s...Least squares support vector machines (LS-SVMs), a nonlinear kemel based machine was introduced to investigate the prospects of application of this approach in modelling water vapor and carbon dioxide fluxes above a summer maize field using the dataset obtained in the North China Plain with eddy covariance technique. The performances of the LS-SVMs were compared to the corresponding models obtained with radial basis function (RBF) neural networks. The results indicated the trained LS-SVMs with a radial basis function kernel had satisfactory performance in modelling surface fluxes; its excellent approximation and generalization property shed new light on the study on complex processes in ecosystem.展开更多
Hysteresis widely exists in civil structures,and dissipates the mechanical energy of systems.Research on the random vibration of hysteretic systems,however,is still insufficient,particularly when the excitation is non...Hysteresis widely exists in civil structures,and dissipates the mechanical energy of systems.Research on the random vibration of hysteretic systems,however,is still insufficient,particularly when the excitation is non-Gaussian.In this paper,the radial basis function(RBF)neural network(RBF-NN)method is adopted as a numerical method to investigate the random vibration of the Bouc-Wen hysteretic system under the Poisson white noise excitations.The solution to the reduced generalized Fokker-PlanckKolmogorov(GFPK)equation is expressed in terms of the RBF-NNs with the Gaussian activation functions,whose weights are determined by minimizing the loss function of the reduced GFPK equation residual and constraint associated with the normalization condition.A steel fiber reinforced ceramsite concrete(SFRCC)column loaded by the Poisson white noise is studied as an example to illustrate the solution process.The effects of several important parameters of both the system and the excitation on the stochastic response are evaluated,and the obtained results are compared with those obtained by the Monte Carlo simulations(MCSs).The numerical results show that the RBF-NN method can accurately predict the stationary response with a considerable high computational efficiency.展开更多
文摘In the contemporary era, the proliferation of information technology has led to an unprecedented surge in data generation, with this data being dispersed across a multitude of mobile devices. Facing these situations and the training of deep learning model that needs great computing power support, the distributed algorithm that can carry out multi-party joint modeling has attracted everyone’s attention. The distributed training mode relieves the huge pressure of centralized model on computer computing power and communication. However, most distributed algorithms currently work in a master-slave mode, often including a central server for coordination, which to some extent will cause communication pressure, data leakage, privacy violations and other issues. To solve these problems, a decentralized fully distributed algorithm based on deep random weight neural network is proposed. The algorithm decomposes the original objective function into several sub-problems under consistency constraints, combines the decentralized average consensus (DAC) and alternating direction method of multipliers (ADMM), and achieves the goal of joint modeling and training through local calculation and communication of each node. Finally, we compare the proposed decentralized algorithm with several centralized deep neural networks with random weights, and experimental results demonstrate the effectiveness of the proposed algorithm.
基金support of the National Key R&D Program of China(No.2022YFC2803903)the Key R&D Program of Zhejiang Province(No.2021C03013)the Zhejiang Provincial Natural Science Foundation of China(No.LZ20F020003).
文摘The ocean plays an important role in maintaining the equilibrium of Earth’s ecology and providing humans access to a wealth of resources.To obtain a high-precision underwater image classification model,we propose a classification model that combines an EfficientnetB0 neural network and a two-hidden-layer random vector functional link network(EfficientnetB0-TRVFL).The features of underwater images were extracted using the EfficientnetB0 neural network pretrained via ImageNet,and a new fully connected layer was trained on the underwater image dataset using the transfer learning method.Transfer learning ensures the initial performance of the network and helps in the development of a high-precision classification model.Subsequently,a TRVFL was proposed to improve the classification property of the model.Net construction of the two hidden layers exhibited a high accuracy when the same hidden layer nodes were used.The parameters of the second hidden layer were obtained using a novel calculation method,which reduced the outcome error to improve the performance instability caused by the random generation of parameters of RVFL.Finally,the TRVFL classifier was used to classify features and obtain classification results.The proposed EfficientnetB0-TRVFL classification model achieved 87.28%,74.06%,and 99.59%accuracy on the MLC2008,MLC2009,and Fish-gres datasets,respectively.The best convolutional neural networks and existing methods were stacked up through box plots and Kolmogorov-Smirnov tests,respectively.The increases imply improved systematization properties in underwater image classification tasks.The image classification model offers important performance advantages and better stability compared with existing methods.
文摘The purpose of this study was to address the challenges in predicting and classifying accuracy in modeling Container Dwell Time (CDT) using Artificial Neural Networks (ANN). This objective was driven by the suboptimal outcomes reported in previous studies and sought to apply an innovative approach to improve these results. To achieve this, the study applied the Fusion of Activation Functions (FAFs) to a substantial dataset. This dataset included 307,594 container records from the Port of Tema from 2014 to 2022, encompassing both import and transit containers. The RandomizedSearchCV algorithm from Python’s Scikit-learn library was utilized in the methodological approach to yield the optimal activation function for prediction accuracy. The results indicated that “ajaLT”, a fusion of the Logistic and Hyperbolic Tangent Activation Functions, provided the best prediction accuracy, reaching a high of 82%. Despite these encouraging findings, it’s crucial to recognize the study’s limitations. While Fusion of Activation Functions is a promising method, further evaluation is necessary across different container types and port operations to ascertain the broader applicability and generalizability of these findings. The original value of this study lies in its innovative application of FAFs to CDT. Unlike previous studies, this research evaluates the method based on prediction accuracy rather than training time. It opens new avenues for machine learning engineers and researchers in applying FAFs to enhance prediction accuracy in CDT modeling, contributing to a previously underexplored area.
基金financially supported by the Natural Science Foundation of Hunan Province(2021JJ30679)。
文摘Deep excavation during the construction of underground systems can cause movement on the ground,especially in soft clay layers.At high levels,excessive ground movements can lead to severe damage to adjacent structures.In this study,finite element analyses(FEM)and the hardening small strain(HSS)model were performed to investigate the deflection of the diaphragm wall in the soft clay layer induced by braced excavations.Different geometric and mechanical properties of the wall were investigated to study the deflection behavior of the wall in soft clays.Accordingly,1090 hypothetical cases were surveyed and simulated based on the HSS model and FEM to evaluate the wall deflection behavior.The results were then used to develop an intelligent model for predicting wall deflection using the functional linked neural network(FLNN)with different functional expansions and activation functions.Although the FLNN is a novel approach to predict wall deflection;however,in order to improve the accuracy of the FLNN model in predicting wall deflection,three swarm-based optimization algorithms,such as artificial bee colony(ABC),Harris’s hawk’s optimization(HHO),and hunger games search(HGS),were hybridized to the FLNN model to generate three novel intelligent models,namely ABC-FLNN,HHO-FLNN,HGS-FLNN.The results of the hybrid models were then compared with the basic FLNN and MLP models.They revealed that FLNN is a good solution for predicting wall deflection,and the application of different functional expansions and activation functions has a significant effect on the outcome predictions of the wall deflection.It is remarkably interesting that the performance of the FLNN model was better than the MLP model with a mean absolute error(MAE)of 19.971,root-mean-squared error(RMSE)of 24.574,and determination coefficient(R^(2))of 0.878.Meanwhile,the performance of the MLP model only obtained an MAE of 20.321,RMSE of 27.091,and R^(2)of 0.851.Furthermore,the results also indicated that the proposed hybrid models,i.e.,ABC-FLNN,HHO-FLNN,HGS-FLNN,yielded more superior performances than those of the FLNN and MLP models in terms of the prediction of deflection behavior of diaphragm walls with an MAE in the range of 11.877 to 12.239,RMSE in the range of 15.821 to 16.045,and R^(2)in the range of 0.949 to 0.951.They can be used as an alternative tool to simulate diaphragm wall deflections under different conditions with a high degree of accuracy.
文摘In this paper, sixty-eight research articles published between 2000 and 2017 as well as textbooks which employed four classification algorithms: K-Nearest-Neighbor (KNN), Support Vector Machines (SVM), Random Forest (RF) and Neural Network (NN) as the main statistical tools were reviewed. The aim was to examine and compare these nonparametric classification methods on the following attributes: robustness to training data, sensitivity to changes, data fitting, stability, ability to handle large data sizes, sensitivity to noise, time invested in parameter tuning, and accuracy. The performances, strengths and shortcomings of each of the algorithms were examined, and finally, a conclusion was arrived at on which one has higher performance. It was evident from the literature reviewed that RF is too sensitive to small changes in the training dataset and is occasionally unstable and tends to overfit in the model. KNN is easy to implement and understand but has a major drawback of becoming significantly slow as the size of the data in use grows, while the ideal value of K for the KNN classifier is difficult to set. SVM and RF are insensitive to noise or overtraining, which shows their ability in dealing with unbalanced data. Larger input datasets will lengthen classification times for NN and KNN more than for SVM and RF. Among these nonparametric classification methods, NN has the potential to become a more widely used classification algorithm, but because of their time-consuming parameter tuning procedure, high level of complexity in computational processing, the numerous types of NN architectures to choose from and the high number of algorithms used for training, most researchers recommend SVM and RF as easier and wieldy used methods which repeatedly achieve results with high accuracies and are often faster to implement.
基金supported by the National Natural Science Foundation of China(Grant No.51876194,U1909216)the China Petrochemical Corporation Research Project(318023-2)the Zhejiang Public Welfare Technology Research Project(LGG20F030007)。
文摘The air cooler is an important equipment in the petroleum refining industry.Ammonium chloride(NH4 Cl)deposition-induced corrosion is one of its main failure forms.In this study,the ammonium salt crystallization temperature is chosen as the key decision variable of NH4 Cl deposition-induced corrosion through in-depth mechanism research and experimental analysis.The functional link neural network(FLNN)is adopted as the basic algorithm for modeling because of its advantages in dealing with non-linear problems and its fast-computational ability.A hybrid FLNN attached to a small norm is built to improve the generalization performance of the model.Then,the trained model is used to predict the NH4 Cl salt crystallization temperature in the air cooler of a sour water stripper plant.Experimental results show the proposed improved FLNN algorithm can achieve better generalization performance than the PLS,the back propagation neural network,and the conventional FLNN models.
基金National Natural Science Foundation of China(Nos.11262014,11962021 and 51965051)Inner Mongolia Natural Science Foundation,China(No.2019MS05064)+1 种基金Inner Mongolia Earthquake Administration Director Fund Project,China(No.2019YB06)Inner Mongolia University of Technology Foundation,China(No.2020015)。
文摘Aiming at the reliability analysis of small sample data or implicit structural function,a novel structural reliability analysis model based on support vector machine(SVM)and neural network direct integration method(DNN)is proposed.Firstly,SVM with good small sample learning ability is used to train small sample data,fit structural performance functions and establish regular integration regions.Secondly,DNN is approximated the integral function to achieve multiple integration in the integration region.Finally,structural reliability was obtained by DNN.Numerical examples are investigated to demonstrate the effectiveness of the present method,which provides a feasible way for the structural reliability analysis.
基金Project supported by the Natural Science Foundation of the Higher Education Institutions of Jiangsu Province,Chinathe Foundation of Huaiyin Teachers College Professor,China(Grant Nos07KJD510027 and 06HSJS020)
文摘This paper presents a method used to the numeral eddy current sensor modelling based on the genetic neural network to settle its nonlinear problem. The principle and algorithms of genetic neural network are introduced. In this method, the nonlinear model parameters of the numeral eddy current sensor are optimized by genetic neural network (GNN) according to measurement data. So the method remains both the global searching ability of genetic algorithm and the good local searching ability of neural network. The nonlinear model has the advantages of strong robustness, on-line modelling and high precision. The maximum nonlinearity error can be reduced to 0.037% by using GNN. However, the maximum nonlinearity error is 0.075% using the least square method.
文摘In this paper,we present a method used to the numeral eddy current sensor modeling based on genetic neural network to settle its nonlinear problem.The principle and algorithms of genetic neural network are introduced.In this method, the nonlinear model parameters of the numeral eddy current sensor are optimized by genetic neural network (GNN) according to measurement data.So the method remains both the global searching ability of genetic algorithm and the good local searching ability of neural network.The nonlinear model has the advantages of strong robustness,on-line scaling and high precision.The maximum nonlinearity error can be reduced to 0.037% using GNN.However,the maximum nonlinearity error is 0.075% using least square method (LMS).
文摘In this paper, performance of three classifiers for classification of five mental tasks were investigated. Wavelet Packet Transform (WPT) was used for feature extraction of the relevant frequency bands from raw Electroencephalograph (EEG) signal. The three classifiers namely used were Multilayer Back propagation Neural Network, Support Vector Machine and Radial Basis Function Neural Network. In MLP-BP NN five training methods used were a) Gradient Descent Back Propagation b) Levenberg-Marquardt c) Resilient Back Propagation d) Conjugate Learning Gradient Back Propagation and e) Gradient Descent Back Propagation with movementum.
基金Taif University Researchers Supporting Project Number(TURSP-2020/73)Taif University,Taif,Saudi Arabia.
文摘Heart failure is now widely spread throughout the world.Heart disease affects approximately 48%of the population.It is too expensive and also difficult to cure the disease.This research paper represents machine learning models to predict heart failure.The fundamental concept is to compare the correctness of various Machine Learning(ML)algorithms and boost algorithms to improve models’accuracy for prediction.Some supervised algorithms like K-Nearest Neighbor(KNN),Support Vector Machine(SVM),Decision Trees(DT),Random Forest(RF),Logistic Regression(LR)are considered to achieve the best results.Some boosting algorithms like Extreme Gradient Boosting(XGBoost)and Cat-Boost are also used to improve the prediction using Artificial Neural Networks(ANN).This research also focuses on data visualization to identify patterns,trends,and outliers in a massive data set.Python and Scikit-learns are used for ML.Tensor Flow and Keras,along with Python,are used for ANN model train-ing.The DT and RF algorithms achieved the highest accuracy of 95%among the classifiers.Meanwhile,KNN obtained a second height accuracy of 93.33%.XGBoost had a gratified accuracy of 91.67%,SVM,CATBoost,and ANN had an accuracy of 90%,and LR had 88.33%accuracy.
文摘Support Vector Machine(SVM) was demonstrated as a potentially useful tool to integrate multi-variables and to produce a predictive map for mineral deposits. The e 1071,a free R package,was used to construct a SVM with radial kernel function to integrate four evidence layers and to map prospectivity for Gangdese porphyry copper deposits.The results demonstrate that the predicted prospective target area for Cu occupies 20.5%of the total study area and contains 52.4%of the total number of known porphyry copper deposits.The results obtained
基金Fundamental Research Funds for the Central Universities in China,No.N161608001 and No.N171903002
文摘Alzheimer’s disease is a primary age-related neurodegenerative disorder that can result in impaired cognitive and memory functions.Although connections between changes in brain networks of Alzheimer’s disease patients have been established,the mechanisms that drive these alterations remain incompletely understood.This study,which was conducted in 2018 at Northeastern University in China,included data from 97 participants of the Alzheimer’s Disease Neuroimaging Initiative(ADNI)dataset covering genetics,imaging,and clinical data.All participants were divided into two groups:normal control(n=52;20 males and 32 females;mean age 73.90±4.72 years)and Alzheimer’s disease(n=45,23 males and 22 females;mean age 74.85±5.66).To uncover the wiring mechanisms that shaped changes in the topology of human brain networks of Alzheimer’s disease patients,we proposed a local naive Bayes brain network model based on graph theory.Our results showed that the proposed model provided an excellent fit to observe networks in all properties examined,including clustering coefficient,modularity,characteristic path length,network efficiency,betweenness,and degree distribution compared with empirical methods.This proposed model simulated the wiring changes in human brain networks between controls and Alzheimer’s disease patients.Our results demonstrate its utility in understanding relationships between brain tissue structure and cognitive or behavioral functions.The ADNI was performed in accordance with the Good Clinical Practice guidelines,US 21 CFR Part 50-Protection of Human Subjects,and Part 56-Institutional Review Boards(IRBs)/Research Good Clinical Practice guidelines Institutional Review Boards(IRBs)/Research Ethics Boards(REBs).
基金Item Sponsored by National Natural Science Foundation of China(61290323,61333007,61473064)Fundamental Research Funds for Central Universities of China(N130108001)+1 种基金National High Technology Research and Development Program of China(2015AA043802)General Project on Scientific Research for Education Department of Liaoning Province of China(L20150186)
文摘Molten iron temperature as well as Si, P, and S contents is the most essential molten iron quality (MIQ) indices in the blast furnace (BF) ironmaking, which requires strict monitoring during the whole ironmaking production. However, these MIQ parameters are difficult to be directly measured online, and large-time delay exists in off-line analysis through laboratory sampling. Focusing on the practical challenge, a data-driven modeling method was presented for the prediction of MIQ using the improved muhivariable incremental random vector functional-link net- works (M-I-RVFLNs). Compared with the conventional random vector functional-link networks (RVFLNs) and the online sequential RVFLNs, the M-I-RVFLNs have solved the problem of deciding the optimal number of hidden nodes and overcome the overfitting problems. Moreover, the proposed M I RVFLNs model has exhibited the potential for multivariable prediction of the MIQ and improved the terminal condition for the multiple-input multiple-out- put (MIMO) dynamic system, which is suitable for the BF ironmaking process in practice. Ultimately, industrial experiments and contrastive researches have been conducted on the BF No. 2 in Liuzhou Iron and Steel Group Co. Ltd. of China using the proposed method, and the results demonstrate that the established model produces better estima ting accuracy than other MIQ modeling methods.
基金Project supported by the National Science Fund for OutstandingYouth Overseas (No. 40328001) and the Key Research Plan of theKnowledge Innovation Project of the Institute of Geographic Sciencesand Natural Resources, Chinese Academy of Sciences (No.KZCXI-SW-01)
文摘Least squares support vector machines (LS-SVMs), a nonlinear kemel based machine was introduced to investigate the prospects of application of this approach in modelling water vapor and carbon dioxide fluxes above a summer maize field using the dataset obtained in the North China Plain with eddy covariance technique. The performances of the LS-SVMs were compared to the corresponding models obtained with radial basis function (RBF) neural networks. The results indicated the trained LS-SVMs with a radial basis function kernel had satisfactory performance in modelling surface fluxes; its excellent approximation and generalization property shed new light on the study on complex processes in ecosystem.
基金the National Natural Science Foundation of China(No.12072118)the Natural Science Funds for Distinguished Young Scholar of Fujian Province of China(No.2021J06024)the Project for Youth Innovation Fund of Xiamen of China(No.3502Z20206005)。
文摘Hysteresis widely exists in civil structures,and dissipates the mechanical energy of systems.Research on the random vibration of hysteretic systems,however,is still insufficient,particularly when the excitation is non-Gaussian.In this paper,the radial basis function(RBF)neural network(RBF-NN)method is adopted as a numerical method to investigate the random vibration of the Bouc-Wen hysteretic system under the Poisson white noise excitations.The solution to the reduced generalized Fokker-PlanckKolmogorov(GFPK)equation is expressed in terms of the RBF-NNs with the Gaussian activation functions,whose weights are determined by minimizing the loss function of the reduced GFPK equation residual and constraint associated with the normalization condition.A steel fiber reinforced ceramsite concrete(SFRCC)column loaded by the Poisson white noise is studied as an example to illustrate the solution process.The effects of several important parameters of both the system and the excitation on the stochastic response are evaluated,and the obtained results are compared with those obtained by the Monte Carlo simulations(MCSs).The numerical results show that the RBF-NN method can accurately predict the stationary response with a considerable high computational efficiency.