Wind power forecasting plays a crucial role in optimizing the integration of wind energy into the grid by predicting wind patterns and energy output.This enhances the efficiency and reliability of renewable energy sys...Wind power forecasting plays a crucial role in optimizing the integration of wind energy into the grid by predicting wind patterns and energy output.This enhances the efficiency and reliability of renewable energy systems.Forecasting approaches inform energy management strategies,reduce reliance on fossil fuels,and support the broader transition to sustainable energy solutions.The primary goal of this study is to introduce an effective methodology for estimating wind power through temporal data analysis.This research advances an optimized Multilayer Perceptron(MLP)model using recently proposedmetaheuristic optimization algorithms,namely the FireHawk Optimizer(FHO)and the Non-Monopolize Search(NO).A modified version of FHO,termed FHONO,is developed by integrating NO as a local search mechanism to enhance the exploration capability and address the shortcomings of the original FHO.The developed FHONO is then employed to optimize the MLP for enhanced wind power prediction.The effectiveness of the proposed FHONO-MLP model is validated using renowned datasets from wind turbines in France.The results of the comparative analysis between FHONO-MLP,conventionalMLP,and other optimized versions of MLP show that FHONO-MLP outperforms the others,achieving an average RootMean Square Error(RMSE)of 0.105,Mean Absolute Error(MAE)of 0.082,and Coefficient of Determination(R^(2))of 0.967 across all datasets.These findings underscore the significant enhancement in predictive accuracy provided by FHONO and demonstrate its effectiveness in improving wind power forecasting.展开更多
Objective:Prostate cancer(PCa)exhibits significant genomic differences between Western and Asian populations.This study aimed to design a predictive model applicable across diverse populations while selecting a limite...Objective:Prostate cancer(PCa)exhibits significant genomic differences between Western and Asian populations.This study aimed to design a predictive model applicable across diverse populations while selecting a limited set of genes suitable for clinical implementation.Methods:We utilized an integrated dataset of 1360 whole-exome and whole-genome sequences from Chinese and Western PCa cohorts to develop and evaluate the model.External validation was conducted using an independent cohort of patients.A graph neural network architecture,termed the pathway-aware multi-layered hierarchical network-Western and Asian(P-NETwa),was developed and trained on combined genomic profiles from Chinese and Western cohorts.The model employed a multilayer perceptron(MLP)to identify key signature genes from multiomics data,enabling precise prediction of PCa metastasis.Results:The model achieved an accuracy of 0.87 and an F1-score of 0.85 on Western population datasets.The application of integrated Chinese and Western population data improved the accuracy to 0.88,achieving an F1-score of 0.75.The analysis identified 18 signature genes implicated in PCa progression,including established markers(AR and TP53)and novel candidates(MUC16,MUC4,and ASB12).For clinical adoption,the model was optimized for commercially available gene panels while maintaining high classification accuracy.Additionally,a user-friendly web interface was developed to facilitate real-time prediction of primary versus metastatic status using the pre-trained P-NETwa-MLP model.Conclusion:The P-NETwa-MLP model integrates a query system that allows for efficient retrieval of prediction outcomes and associated genomic signatures via sample ID,enhancing its potential for seamless integration into clinical workflows.展开更多
One objective of developing machine learning(ML)-based material models is to integrate them with well-established numerical methods to solve boundary value problems(BVPs).In the family of ML models,recurrent neural ne...One objective of developing machine learning(ML)-based material models is to integrate them with well-established numerical methods to solve boundary value problems(BVPs).In the family of ML models,recurrent neural networks(RNNs)have been extensively applied to capture history-dependent constitutive responses of granular materials,but these multiple-step-based neural networks are neither sufficiently efficient nor aligned with the standard finite element method(FEM).Single-step-based neural networks like the multi-layer perceptron(MLP)are an alternative to bypass the above issues but have to introduce some internal variables to encode complex loading histories.In this work,one novel Frobenius norm-based internal variable,together with the Fourier layer and residual architectureenhanced MLP model,is crafted to replicate the history-dependent constitutive features of representative volume element(RVE)for granular materials.The obtained ML models are then seamlessly embedded into the FEM to solve the BVP of a biaxial compression case and a rigid strip footing case.The obtained solutions are comparable to results from the FEM-DEM multiscale modelling but achieve significantly improved efficiency.The results demonstrate the applicability of the proposed internal variable in enabling MLP to capture highly nonlinear constitutive responses of granular materials.展开更多
Fetal health care is vital in ensuring the health of pregnant women and the fetus.Regular check-ups need to be taken by the mother to determine the status of the fetus’growth and identify any potential problems.To kn...Fetal health care is vital in ensuring the health of pregnant women and the fetus.Regular check-ups need to be taken by the mother to determine the status of the fetus’growth and identify any potential problems.To know the status of the fetus,doctors monitor blood reports,Ultrasounds,cardiotocography(CTG)data,etc.Still,in this research,we have considered CTG data,which provides information on heart rate and uterine contractions during pregnancy.Several researchers have proposed various methods for classifying the status of fetus growth.Manual processing of CTG data is time-consuming and unreliable.So,automated tools should be used to classify fetal health.This study proposes a novel neural network-based architecture,the Dynamic Multi-Layer Perceptron model,evaluated from a single layer to several layers to classify fetal health.Various strategies were applied,including pre-processing data using techniques like Balancing,Scaling,Normalization hyperparameter tuning,batch normalization,early stopping,etc.,to enhance the model’s performance.A comparative analysis of the proposed method is done against the traditional machine learning models to showcase its accuracy(97%).An ablation study without any pre-processing techniques is also illustrated.This study easily provides valuable interpretations for healthcare professionals in the decision-making process.展开更多
The healthcare data requires accurate disease detection analysis,real-timemonitoring,and advancements to ensure proper treatment for patients.Consequently,Machine Learning methods are widely utilized in Smart Healthca...The healthcare data requires accurate disease detection analysis,real-timemonitoring,and advancements to ensure proper treatment for patients.Consequently,Machine Learning methods are widely utilized in Smart Healthcare Systems(SHS)to extract valuable features fromheterogeneous and high-dimensional healthcare data for predicting various diseases and monitoring patient activities.These methods are employed across different domains that are susceptible to adversarial attacks,necessitating careful consideration.Hence,this paper proposes a crossover-based Multilayer Perceptron(CMLP)model.The collected samples are pre-processed and fed into the crossover-based multilayer perceptron neural network to detect adversarial attacks on themedical records of patients.Once an attack is detected,healthcare professionals are promptly alerted to prevent data leakage.The paper utilizes two datasets,namely the synthetic dataset and the University of Queensland Vital Signs(UQVS)dataset,from which numerous samples are collected.Experimental results are conducted to evaluate the performance of the proposed CMLP model,utilizing various performancemeasures such as Recall,Precision,Accuracy,and F1-score to predict patient activities.Comparing the proposed method with existing approaches,it achieves the highest accuracy,precision,recall,and F1-score.Specifically,the proposedmethod achieves a precision of 93%,an accuracy of 97%,an F1-score of 92%,and a recall of 92%.展开更多
The relationship between users and items,which cannot be recovered by traditional techniques,can be extracted by the recommendation algorithm based on the graph convolution network.The current simple linear combinatio...The relationship between users and items,which cannot be recovered by traditional techniques,can be extracted by the recommendation algorithm based on the graph convolution network.The current simple linear combination of these algorithms may not be sufficient to extract the complex structure of user interaction data.This paper presents a new approach to address such issues,utilizing the graph convolution network to extract association relations.The proposed approach mainly includes three modules:Embedding layer,forward propagation layer,and score prediction layer.The embedding layer models users and items according to their interaction information and generates initial feature vectors as input for the forward propagation layer.The forward propagation layer designs two parallel graph convolution networks with self-connections,which extract higher-order association relevance from users and items separately by multi-layer graph convolution.Furthermore,the forward propagation layer integrates the attention factor to assign different weights among the hop neighbors of the graph convolution network fusion,capturing more comprehensive association relevance between users and items as input for the score prediction layer.The score prediction layer introduces MLP(multi-layer perceptron)to conduct non-linear feature interaction between users and items,respectively.Finally,the prediction score of users to items is obtained.The recall rate and normalized discounted cumulative gain were used as evaluation indexes.The proposed approach effectively integrates higher-order information in user entries,and experimental analysis demonstrates its superiority over the existing algorithms.展开更多
This paper examines the relationship between fatal road traffic accidents and potential predictors using multilayer perceptron artificial neural network (MLANN) models. The initial analysis employed twelve potential p...This paper examines the relationship between fatal road traffic accidents and potential predictors using multilayer perceptron artificial neural network (MLANN) models. The initial analysis employed twelve potential predictors, including traffic volume, prevailing weather conditions, roadway characteristics and features, drivers’ age and gender, and number of lanes. Based on the output of the model and the variables’ importance factors, seven significant variables are identified and used for further analysis to improve the performance of models. The model is optimized by systematically changing the parameters, including the number of hidden layers and the activation function of both the hidden and output layers. The performances of the MLANN models are evaluated using the percentage of the achieved accuracy, R-squared, and Sum of Square Error (SSE) functions.展开更多
To solve the excessive huge scale problem of the traditional multi-bit digital artificial neural network(ANN) hardware implementation methods,a bit-stream ANN hardware implementation method based on sigma delta(Σ...To solve the excessive huge scale problem of the traditional multi-bit digital artificial neural network(ANN) hardware implementation methods,a bit-stream ANN hardware implementation method based on sigma delta(ΣΔ) modulation is presented.The bit-stream adder,multiplier,threshold function unit and fully digital ΣΔ modulator are implemented in a field programmable gate array(FPGA),and these bit-stream arithmetical units are employed to build the bit-stream artificial neuron.The function of the bit-stream artificial neuron is verified through the realization of the logic function and a linear classifier.The bit-stream perceptron based on the bit-stream artificial neuron with the pre-processed structure is proved to have the ability of nonlinear classification.The FPGA resource utilization of the bit-stream artificial neuron shows that the bit-stream ANN hardware implementation method can significantly reduce the demand of the ANN hardware resources.展开更多
In mining or construction projects,for exploitation of hard rock with high strength properties,blasting is frequently applied to breaking or moving them using high explosive energy.However,use of explosives may lead t...In mining or construction projects,for exploitation of hard rock with high strength properties,blasting is frequently applied to breaking or moving them using high explosive energy.However,use of explosives may lead to the flyrock phenomenon.Flyrock can damage structures or nearby equipment in the surrounding areas and inflict harm to humans,especially workers in the working sites.Thus,prediction of flyrock is of high importance.In this investigation,examination and estimation/forecast of flyrock distance induced by blasting through the application of five artificial intelligent algorithms were carried out.One hundred and fifty-two blasting events in three open-pit granite mines in Johor,Malaysia,were monitored to collect field data.The collected data include blasting parameters and rock mass properties.Site-specific weathering index(WI),geological strength index(GSI) and rock quality designation(RQD)are rock mass properties.Multi-layer perceptron(MLP),random forest(RF),support vector machine(SVM),and hybrid models including Harris Hawks optimization-based MLP(known as HHO-MLP) and whale optimization algorithm-based MLP(known as WOA-MLP) were developed.The performance of various models was assessed through various performance indices,including a10-index,coefficient of determination(R^(2)),root mean squared error(RMSE),mean absolute percentage error(MAPE),variance accounted for(VAF),and root squared error(RSE).The a10-index values for MLP,RF,SVM,HHO-MLP and WOA-MLP are 0.953,0.933,0.937,0.991 and 0.972,respectively.R^(2) of HHO-MLP is 0.998,which achieved the best performance among all five machine learning(ML) models.展开更多
In the early exploration of many oilfields,low-resistivity-low-contrast(LRLC)pay zones are easily overlooked due to the resistivity similarity to the water zones.Existing identification methods are model-driven and ca...In the early exploration of many oilfields,low-resistivity-low-contrast(LRLC)pay zones are easily overlooked due to the resistivity similarity to the water zones.Existing identification methods are model-driven and cannot yield satisfactory results when the causes of LRLC pay zones are complicated.In this study,after analyzing a large number of core samples,main causes of LRLC pay zones in the study area are discerned,which include complex distribution of formation water salinity,high irreducible water saturation due to micropores,and high shale volume.Moreover,different oil testing layers may have different causes of LRLC pay zones.As a result,in addition to the well log data of oil testing layers,well log data of adjacent shale layers are also added to the original dataset as reference data.The densitybased spatial clustering algorithm with noise(DBSCAN)is used to cluster the original dataset into 49 clusters.A new dataset is ultimately projected into a feature space with 49 dimensions.The new dataset and oil testing results are respectively treated as input and output to train the multi-layer perceptron(MLP).A total of 3192 samples are used for stratified 8-fold cross-validation,and the accuracy of the MLP is found to be 85.53%.展开更多
To improve the performance of multilayer perceptron(MLP)neural networks activated by conventional activation functions,this paper presents a new MLP activated by univariate Gaussian radial basis functions(RBFs)with ad...To improve the performance of multilayer perceptron(MLP)neural networks activated by conventional activation functions,this paper presents a new MLP activated by univariate Gaussian radial basis functions(RBFs)with adaptive centers and widths,which is composed of more than one hidden layer.In the hidden layer of the RBF-activated MLP network(MLPRBF),the outputs of the preceding layer are first linearly transformed and then fed into the univariate Gaussian RBF,which exploits the highly nonlinear property of RBF.Adaptive RBFs might address the issues of saturated outputs,low sensitivity,and vanishing gradients in MLPs activated by other prevailing nonlinear functions.Finally,we apply four MLP networks with the rectified linear unit(ReLU),sigmoid function(sigmoid),hyperbolic tangent function(tanh),and Gaussian RBF as the activation functions to approximate the one-dimensional(1D)sinusoidal function,the analytical solution of viscous Burgers’equation,and the two-dimensional(2D)steady lid-driven cavity flows.Using the same network structure,MLP-RBF generally predicts more accurately and converges faster than the other threeMLPs.MLP-RBF using less hidden layers and/or neurons per layer can yield comparable or even higher approximation accuracy than other MLPs equipped with more layers or neurons.展开更多
Environmental perception is a key technology for autonomous driving.Owing to the limitations of a single sensor,multiple sensors are often used in practical applications.However,multi-sensor fusion faces some problems...Environmental perception is a key technology for autonomous driving.Owing to the limitations of a single sensor,multiple sensors are often used in practical applications.However,multi-sensor fusion faces some problems,such as the choice of sensors and fusion methods.To solve these issues,we proposed a machine learning-based fusion sensing system that uses a camera and radar,and that can be used in intelligent vehicles.First,the object detection algorithm is used to detect the image obtained by the camera;in sequence,the radar data is preprocessed,coordinate transformation is performed,and a multi-layer perceptron model for correlating the camera detection results with the radar data is proposed.The proposed fusion sensing system was verified by comparative experiments in a real-world environment.The experimental results show that the system can effectively integrate camera and radar data results,and obtain accurate and comprehensive object information in front of intelligent vehicles.展开更多
Influence factors of frozen soil blastability are analyzed which mainly conclude the strain energy coefficient, tensile strength, compressive strength, longitudinal wave velocity and transverse wave velocity. Accordin...Influence factors of frozen soil blastability are analyzed which mainly conclude the strain energy coefficient, tensile strength, compressive strength, longitudinal wave velocity and transverse wave velocity. According to the principle of perceptron neural network, at first the index factors are standardized by the aid of the efficient function theory, then the blastability of frozen sand at -7, -12 and -17 ℃ are classified three categories. Through adjusting the weight value and threshold value, we can obtain that the clay blastability at -7 ℃ is close to the sand blastability at -12 ℃, they belong to the second category, the clay blastability at -12 ℃ is close to the sand blastability at -17 ℃, thus they are divided into the third category.展开更多
Owing to continuous production lines with large amount of consecutive controls, various control signals and huge logistic relations, this paper introduced the methods and principles of the development of knowledge bas...Owing to continuous production lines with large amount of consecutive controls, various control signals and huge logistic relations, this paper introduced the methods and principles of the development of knowledge base in a fault diagnosis expert system that was based on machine learning by the four-layer perceptron neural network. An example was presented. By combining differential function with not differential function and back propagation of error with back propagation of expectation, the four-layer perceptron neural network was established. And it was good for solving such a bottleneck problem in knowledge acquisition in expert system and enhancing real-time on-line diagnosis. A method of synthetic back propagation was designed, which broke the limit to non-differentiable function in BP neural network.展开更多
Forest fire prediction constitutes a significant component of forestmanagement. Timely and accurate forest fire prediction will greatly reduce property andnatural losses. A quick method to estimate forest fire hazard ...Forest fire prediction constitutes a significant component of forestmanagement. Timely and accurate forest fire prediction will greatly reduce property andnatural losses. A quick method to estimate forest fire hazard levels through knownclimatic conditions could make an effective improvement in forest fire prediction. Thispaper presents a description and analysis of a forest fire prediction methods based onmachine learning, which adopts WSN (Wireless Sensor Networks) technology andperceptron algorithms to provide a reliable and rapid detection of potential forest fire.Weather data are gathered by sensors, and then forwarded to the server, where a firehazard index can be calculated.展开更多
To implement the prediction of the logistics demand capacity of a certain region,a comprehensive index system is constructed,which is composed of freight volume and other eight relevant economic indices,such as gross ...To implement the prediction of the logistics demand capacity of a certain region,a comprehensive index system is constructed,which is composed of freight volume and other eight relevant economic indices,such as gross domestic product(GDP),consumer price index(CPI),total import and export volume,port's cargo throughput,total retail sales of consumer goods,total fixed asset investment,highway mileage,and resident population,to form the foundation for the model calculation.Based on the least square method(LSM)to fit the parameters,the study obtains an accurate mathematical model and predicts the changes of each index in the next five years.Using artificial intelligence software,the research establishes the logistics demand model of multi-layer perceptron(MLP)neural network,makes an empirical analysis on the logistics demand of Quanzhou City,and predicts its logistics demand in the next five years,which provides some references for formulating logistics planning and development strategy.展开更多
This paper presents two systems for recognizing static signs (digits) from American Sign Language (ASL). These systems avoid the use color marks, or gloves, using instead, low-pass and high-pass filters in space and f...This paper presents two systems for recognizing static signs (digits) from American Sign Language (ASL). These systems avoid the use color marks, or gloves, using instead, low-pass and high-pass filters in space and frequency domains, and color space transformations. First system used rotational signatures based on a correlation operator;minimum distance was used for the classification task. Second system computed the seven Hu invariants from binary images;these descriptors fed to a Multi-Layer Perceptron (MLP) in order to recognize the 9 different classes. First system achieves 100% of recognition rate with leaving-one-out validation and second experiment performs 96.7% of recognition rate with Hu moments and 100% using 36 normalized moments and k-fold cross validation.展开更多
The attributes of the ECG signal signifying the unique electrical properties of the heart offer the opportunity to expand the realm of biometrics, which pertains the identification of an individual based on physical c...The attributes of the ECG signal signifying the unique electrical properties of the heart offer the opportunity to expand the realm of biometrics, which pertains the identification of an individual based on physical characteristics. The temporal organization of the ECG signal offers a basis for composing a machine learning feature set. The four attributes of the feature set are derived through software automation enabled by Python. These four attributes are the temporal differential of the P wave maximum and T wave maximum relative to the R wave maximum and the Q wave minimum and S wave minimum relative to the R wave maximum. The multilayer perceptron neural network was applied and evaluated in terms of classification accuracy and time to develop the model. Superior performance was achieved with respect to a reduced feature set considering only the temporal differential of the P wave maximum and T wave maximum relative to the R wave maximum by comparison to all four attributes applied to the feature set and the temporal differential of the Q wave minimum and S wave minimum relative to the R wave maximum. With these preliminary findings and the advent of portable and wearable devices for the acquisition of the ECG signal, the temporal organization of the ECG signal offers robust potential for the field of biometrics.展开更多
基金the Deanship of Graduate Studies and Scientific Research at University of Bisha,Saudi Arabia for funding this research work through the Promising Program under Grant Number(UB-Promising-42-1445).
文摘Wind power forecasting plays a crucial role in optimizing the integration of wind energy into the grid by predicting wind patterns and energy output.This enhances the efficiency and reliability of renewable energy systems.Forecasting approaches inform energy management strategies,reduce reliance on fossil fuels,and support the broader transition to sustainable energy solutions.The primary goal of this study is to introduce an effective methodology for estimating wind power through temporal data analysis.This research advances an optimized Multilayer Perceptron(MLP)model using recently proposedmetaheuristic optimization algorithms,namely the FireHawk Optimizer(FHO)and the Non-Monopolize Search(NO).A modified version of FHO,termed FHONO,is developed by integrating NO as a local search mechanism to enhance the exploration capability and address the shortcomings of the original FHO.The developed FHONO is then employed to optimize the MLP for enhanced wind power prediction.The effectiveness of the proposed FHONO-MLP model is validated using renowned datasets from wind turbines in France.The results of the comparative analysis between FHONO-MLP,conventionalMLP,and other optimized versions of MLP show that FHONO-MLP outperforms the others,achieving an average RootMean Square Error(RMSE)of 0.105,Mean Absolute Error(MAE)of 0.082,and Coefficient of Determination(R^(2))of 0.967 across all datasets.These findings underscore the significant enhancement in predictive accuracy provided by FHONO and demonstrate its effectiveness in improving wind power forecasting.
基金supported by the National Key R&D Program of China(2022YFA1305700 to Li J)the“Dawn”Program of Shanghai Education Commission,China(21SG33 to Li J)The National Natural Science Foundation of China(82272793 to Gao X).
文摘Objective:Prostate cancer(PCa)exhibits significant genomic differences between Western and Asian populations.This study aimed to design a predictive model applicable across diverse populations while selecting a limited set of genes suitable for clinical implementation.Methods:We utilized an integrated dataset of 1360 whole-exome and whole-genome sequences from Chinese and Western PCa cohorts to develop and evaluate the model.External validation was conducted using an independent cohort of patients.A graph neural network architecture,termed the pathway-aware multi-layered hierarchical network-Western and Asian(P-NETwa),was developed and trained on combined genomic profiles from Chinese and Western cohorts.The model employed a multilayer perceptron(MLP)to identify key signature genes from multiomics data,enabling precise prediction of PCa metastasis.Results:The model achieved an accuracy of 0.87 and an F1-score of 0.85 on Western population datasets.The application of integrated Chinese and Western population data improved the accuracy to 0.88,achieving an F1-score of 0.75.The analysis identified 18 signature genes implicated in PCa progression,including established markers(AR and TP53)and novel candidates(MUC16,MUC4,and ASB12).For clinical adoption,the model was optimized for commercially available gene panels while maintaining high classification accuracy.Additionally,a user-friendly web interface was developed to facilitate real-time prediction of primary versus metastatic status using the pre-trained P-NETwa-MLP model.Conclusion:The P-NETwa-MLP model integrates a query system that allows for efficient retrieval of prediction outcomes and associated genomic signatures via sample ID,enhancing its potential for seamless integration into clinical workflows.
基金supported by the National Natural Science Foundation of China(NSFC)(Grant No.12072217).
文摘One objective of developing machine learning(ML)-based material models is to integrate them with well-established numerical methods to solve boundary value problems(BVPs).In the family of ML models,recurrent neural networks(RNNs)have been extensively applied to capture history-dependent constitutive responses of granular materials,but these multiple-step-based neural networks are neither sufficiently efficient nor aligned with the standard finite element method(FEM).Single-step-based neural networks like the multi-layer perceptron(MLP)are an alternative to bypass the above issues but have to introduce some internal variables to encode complex loading histories.In this work,one novel Frobenius norm-based internal variable,together with the Fourier layer and residual architectureenhanced MLP model,is crafted to replicate the history-dependent constitutive features of representative volume element(RVE)for granular materials.The obtained ML models are then seamlessly embedded into the FEM to solve the BVP of a biaxial compression case and a rigid strip footing case.The obtained solutions are comparable to results from the FEM-DEM multiscale modelling but achieve significantly improved efficiency.The results demonstrate the applicability of the proposed internal variable in enabling MLP to capture highly nonlinear constitutive responses of granular materials.
基金This work was supported by the National Research Foundation of Korea(NRF)grant funded by the Korea government(MSIT)(NRF-2023R1A2C1005950)Jana Shafi is supported via funding from Prince Sattam bin Abdulaziz University Project Number(PSAU/2024/R/1445).
文摘Fetal health care is vital in ensuring the health of pregnant women and the fetus.Regular check-ups need to be taken by the mother to determine the status of the fetus’growth and identify any potential problems.To know the status of the fetus,doctors monitor blood reports,Ultrasounds,cardiotocography(CTG)data,etc.Still,in this research,we have considered CTG data,which provides information on heart rate and uterine contractions during pregnancy.Several researchers have proposed various methods for classifying the status of fetus growth.Manual processing of CTG data is time-consuming and unreliable.So,automated tools should be used to classify fetal health.This study proposes a novel neural network-based architecture,the Dynamic Multi-Layer Perceptron model,evaluated from a single layer to several layers to classify fetal health.Various strategies were applied,including pre-processing data using techniques like Balancing,Scaling,Normalization hyperparameter tuning,batch normalization,early stopping,etc.,to enhance the model’s performance.A comparative analysis of the proposed method is done against the traditional machine learning models to showcase its accuracy(97%).An ablation study without any pre-processing techniques is also illustrated.This study easily provides valuable interpretations for healthcare professionals in the decision-making process.
基金funded by King Saud University through Researchers Supporting Program Number (RSP2024R499).
文摘The healthcare data requires accurate disease detection analysis,real-timemonitoring,and advancements to ensure proper treatment for patients.Consequently,Machine Learning methods are widely utilized in Smart Healthcare Systems(SHS)to extract valuable features fromheterogeneous and high-dimensional healthcare data for predicting various diseases and monitoring patient activities.These methods are employed across different domains that are susceptible to adversarial attacks,necessitating careful consideration.Hence,this paper proposes a crossover-based Multilayer Perceptron(CMLP)model.The collected samples are pre-processed and fed into the crossover-based multilayer perceptron neural network to detect adversarial attacks on themedical records of patients.Once an attack is detected,healthcare professionals are promptly alerted to prevent data leakage.The paper utilizes two datasets,namely the synthetic dataset and the University of Queensland Vital Signs(UQVS)dataset,from which numerous samples are collected.Experimental results are conducted to evaluate the performance of the proposed CMLP model,utilizing various performancemeasures such as Recall,Precision,Accuracy,and F1-score to predict patient activities.Comparing the proposed method with existing approaches,it achieves the highest accuracy,precision,recall,and F1-score.Specifically,the proposedmethod achieves a precision of 93%,an accuracy of 97%,an F1-score of 92%,and a recall of 92%.
基金supported by the Fundamental Research Funds for Higher Education Institutions of Heilongjiang Province(145209126)the Heilongjiang Province Higher Education Teaching Reform Project under Grant No.SJGY20200770.
文摘The relationship between users and items,which cannot be recovered by traditional techniques,can be extracted by the recommendation algorithm based on the graph convolution network.The current simple linear combination of these algorithms may not be sufficient to extract the complex structure of user interaction data.This paper presents a new approach to address such issues,utilizing the graph convolution network to extract association relations.The proposed approach mainly includes three modules:Embedding layer,forward propagation layer,and score prediction layer.The embedding layer models users and items according to their interaction information and generates initial feature vectors as input for the forward propagation layer.The forward propagation layer designs two parallel graph convolution networks with self-connections,which extract higher-order association relevance from users and items separately by multi-layer graph convolution.Furthermore,the forward propagation layer integrates the attention factor to assign different weights among the hop neighbors of the graph convolution network fusion,capturing more comprehensive association relevance between users and items as input for the score prediction layer.The score prediction layer introduces MLP(multi-layer perceptron)to conduct non-linear feature interaction between users and items,respectively.Finally,the prediction score of users to items is obtained.The recall rate and normalized discounted cumulative gain were used as evaluation indexes.The proposed approach effectively integrates higher-order information in user entries,and experimental analysis demonstrates its superiority over the existing algorithms.
文摘This paper examines the relationship between fatal road traffic accidents and potential predictors using multilayer perceptron artificial neural network (MLANN) models. The initial analysis employed twelve potential predictors, including traffic volume, prevailing weather conditions, roadway characteristics and features, drivers’ age and gender, and number of lanes. Based on the output of the model and the variables’ importance factors, seven significant variables are identified and used for further analysis to improve the performance of models. The model is optimized by systematically changing the parameters, including the number of hidden layers and the activation function of both the hidden and output layers. The performances of the MLANN models are evaluated using the percentage of the achieved accuracy, R-squared, and Sum of Square Error (SSE) functions.
基金The National Natural Science Foundation of China (No.60576028)the Natural Science Foundation of Higher Education Institutions of Jiangsu Province(No.11KJB510004)
文摘To solve the excessive huge scale problem of the traditional multi-bit digital artificial neural network(ANN) hardware implementation methods,a bit-stream ANN hardware implementation method based on sigma delta(ΣΔ) modulation is presented.The bit-stream adder,multiplier,threshold function unit and fully digital ΣΔ modulator are implemented in a field programmable gate array(FPGA),and these bit-stream arithmetical units are employed to build the bit-stream artificial neuron.The function of the bit-stream artificial neuron is verified through the realization of the logic function and a linear classifier.The bit-stream perceptron based on the bit-stream artificial neuron with the pre-processed structure is proved to have the ability of nonlinear classification.The FPGA resource utilization of the bit-stream artificial neuron shows that the bit-stream ANN hardware implementation method can significantly reduce the demand of the ANN hardware resources.
基金supported by the Center for Mining,Electro-Mechanical Research of Hanoi University of Mining and Geology(HUMG),Hanoi,Vietnam。
文摘In mining or construction projects,for exploitation of hard rock with high strength properties,blasting is frequently applied to breaking or moving them using high explosive energy.However,use of explosives may lead to the flyrock phenomenon.Flyrock can damage structures or nearby equipment in the surrounding areas and inflict harm to humans,especially workers in the working sites.Thus,prediction of flyrock is of high importance.In this investigation,examination and estimation/forecast of flyrock distance induced by blasting through the application of five artificial intelligent algorithms were carried out.One hundred and fifty-two blasting events in three open-pit granite mines in Johor,Malaysia,were monitored to collect field data.The collected data include blasting parameters and rock mass properties.Site-specific weathering index(WI),geological strength index(GSI) and rock quality designation(RQD)are rock mass properties.Multi-layer perceptron(MLP),random forest(RF),support vector machine(SVM),and hybrid models including Harris Hawks optimization-based MLP(known as HHO-MLP) and whale optimization algorithm-based MLP(known as WOA-MLP) were developed.The performance of various models was assessed through various performance indices,including a10-index,coefficient of determination(R^(2)),root mean squared error(RMSE),mean absolute percentage error(MAPE),variance accounted for(VAF),and root squared error(RSE).The a10-index values for MLP,RF,SVM,HHO-MLP and WOA-MLP are 0.953,0.933,0.937,0.991 and 0.972,respectively.R^(2) of HHO-MLP is 0.998,which achieved the best performance among all five machine learning(ML) models.
基金funded by the Strategic Cooperation Technology Projects of CNPC and CUPB(ZLZX2020-03)
文摘In the early exploration of many oilfields,low-resistivity-low-contrast(LRLC)pay zones are easily overlooked due to the resistivity similarity to the water zones.Existing identification methods are model-driven and cannot yield satisfactory results when the causes of LRLC pay zones are complicated.In this study,after analyzing a large number of core samples,main causes of LRLC pay zones in the study area are discerned,which include complex distribution of formation water salinity,high irreducible water saturation due to micropores,and high shale volume.Moreover,different oil testing layers may have different causes of LRLC pay zones.As a result,in addition to the well log data of oil testing layers,well log data of adjacent shale layers are also added to the original dataset as reference data.The densitybased spatial clustering algorithm with noise(DBSCAN)is used to cluster the original dataset into 49 clusters.A new dataset is ultimately projected into a feature space with 49 dimensions.The new dataset and oil testing results are respectively treated as input and output to train the multi-layer perceptron(MLP).A total of 3192 samples are used for stratified 8-fold cross-validation,and the accuracy of the MLP is found to be 85.53%.
基金This work was partially supported by the research grant of the National University of Singapore(NUS),Ministry of Education(MOE Tier 1).
文摘To improve the performance of multilayer perceptron(MLP)neural networks activated by conventional activation functions,this paper presents a new MLP activated by univariate Gaussian radial basis functions(RBFs)with adaptive centers and widths,which is composed of more than one hidden layer.In the hidden layer of the RBF-activated MLP network(MLPRBF),the outputs of the preceding layer are first linearly transformed and then fed into the univariate Gaussian RBF,which exploits the highly nonlinear property of RBF.Adaptive RBFs might address the issues of saturated outputs,low sensitivity,and vanishing gradients in MLPs activated by other prevailing nonlinear functions.Finally,we apply four MLP networks with the rectified linear unit(ReLU),sigmoid function(sigmoid),hyperbolic tangent function(tanh),and Gaussian RBF as the activation functions to approximate the one-dimensional(1D)sinusoidal function,the analytical solution of viscous Burgers’equation,and the two-dimensional(2D)steady lid-driven cavity flows.Using the same network structure,MLP-RBF generally predicts more accurately and converges faster than the other threeMLPs.MLP-RBF using less hidden layers and/or neurons per layer can yield comparable or even higher approximation accuracy than other MLPs equipped with more layers or neurons.
基金the National Natural Science Foundation of China(No.U1764264/61873165)the Shanghai Automotive Industry Science and Technology Development Foundation(No.1733/1807)。
文摘Environmental perception is a key technology for autonomous driving.Owing to the limitations of a single sensor,multiple sensors are often used in practical applications.However,multi-sensor fusion faces some problems,such as the choice of sensors and fusion methods.To solve these issues,we proposed a machine learning-based fusion sensing system that uses a camera and radar,and that can be used in intelligent vehicles.First,the object detection algorithm is used to detect the image obtained by the camera;in sequence,the radar data is preprocessed,coordinate transformation is performed,and a multi-layer perceptron model for correlating the camera detection results with the radar data is proposed.The proposed fusion sensing system was verified by comparative experiments in a real-world environment.The experimental results show that the system can effectively integrate camera and radar data results,and obtain accurate and comprehensive object information in front of intelligent vehicles.
文摘Influence factors of frozen soil blastability are analyzed which mainly conclude the strain energy coefficient, tensile strength, compressive strength, longitudinal wave velocity and transverse wave velocity. According to the principle of perceptron neural network, at first the index factors are standardized by the aid of the efficient function theory, then the blastability of frozen sand at -7, -12 and -17 ℃ are classified three categories. Through adjusting the weight value and threshold value, we can obtain that the clay blastability at -7 ℃ is close to the sand blastability at -12 ℃, they belong to the second category, the clay blastability at -12 ℃ is close to the sand blastability at -17 ℃, thus they are divided into the third category.
文摘Owing to continuous production lines with large amount of consecutive controls, various control signals and huge logistic relations, this paper introduced the methods and principles of the development of knowledge base in a fault diagnosis expert system that was based on machine learning by the four-layer perceptron neural network. An example was presented. By combining differential function with not differential function and back propagation of error with back propagation of expectation, the four-layer perceptron neural network was established. And it was good for solving such a bottleneck problem in knowledge acquisition in expert system and enhancing real-time on-line diagnosis. A method of synthetic back propagation was designed, which broke the limit to non-differentiable function in BP neural network.
文摘Forest fire prediction constitutes a significant component of forestmanagement. Timely and accurate forest fire prediction will greatly reduce property andnatural losses. A quick method to estimate forest fire hazard levels through knownclimatic conditions could make an effective improvement in forest fire prediction. Thispaper presents a description and analysis of a forest fire prediction methods based onmachine learning, which adopts WSN (Wireless Sensor Networks) technology andperceptron algorithms to provide a reliable and rapid detection of potential forest fire.Weather data are gathered by sensors, and then forwarded to the server, where a firehazard index can be calculated.
基金Educational Research Project of Social Science for Young and Middle Aged Teachers in Fujian Province,China(No.JAS19371)Social Science Research Project of Education Department of Fujian Province,China(No.JAS160571)Key Project of Education and Teaching Reform of Undergraduate Universities in Fujian Province,China(No.FBJG20190130)。
文摘To implement the prediction of the logistics demand capacity of a certain region,a comprehensive index system is constructed,which is composed of freight volume and other eight relevant economic indices,such as gross domestic product(GDP),consumer price index(CPI),total import and export volume,port's cargo throughput,total retail sales of consumer goods,total fixed asset investment,highway mileage,and resident population,to form the foundation for the model calculation.Based on the least square method(LSM)to fit the parameters,the study obtains an accurate mathematical model and predicts the changes of each index in the next five years.Using artificial intelligence software,the research establishes the logistics demand model of multi-layer perceptron(MLP)neural network,makes an empirical analysis on the logistics demand of Quanzhou City,and predicts its logistics demand in the next five years,which provides some references for formulating logistics planning and development strategy.
文摘This paper presents two systems for recognizing static signs (digits) from American Sign Language (ASL). These systems avoid the use color marks, or gloves, using instead, low-pass and high-pass filters in space and frequency domains, and color space transformations. First system used rotational signatures based on a correlation operator;minimum distance was used for the classification task. Second system computed the seven Hu invariants from binary images;these descriptors fed to a Multi-Layer Perceptron (MLP) in order to recognize the 9 different classes. First system achieves 100% of recognition rate with leaving-one-out validation and second experiment performs 96.7% of recognition rate with Hu moments and 100% using 36 normalized moments and k-fold cross validation.
文摘The attributes of the ECG signal signifying the unique electrical properties of the heart offer the opportunity to expand the realm of biometrics, which pertains the identification of an individual based on physical characteristics. The temporal organization of the ECG signal offers a basis for composing a machine learning feature set. The four attributes of the feature set are derived through software automation enabled by Python. These four attributes are the temporal differential of the P wave maximum and T wave maximum relative to the R wave maximum and the Q wave minimum and S wave minimum relative to the R wave maximum. The multilayer perceptron neural network was applied and evaluated in terms of classification accuracy and time to develop the model. Superior performance was achieved with respect to a reduced feature set considering only the temporal differential of the P wave maximum and T wave maximum relative to the R wave maximum by comparison to all four attributes applied to the feature set and the temporal differential of the Q wave minimum and S wave minimum relative to the R wave maximum. With these preliminary findings and the advent of portable and wearable devices for the acquisition of the ECG signal, the temporal organization of the ECG signal offers robust potential for the field of biometrics.