A significant demand rises for energy-efficient deep neural networks to support power-limited embedding devices with successful deep learning applications in IoT and edge computing fields.An accurate energy prediction...A significant demand rises for energy-efficient deep neural networks to support power-limited embedding devices with successful deep learning applications in IoT and edge computing fields.An accurate energy prediction approach is critical to provide measurement and lead optimization direction.However,the current energy prediction approaches lack accuracy and generalization ability due to the lack of research on the neural network structure and the excessive reliance on customized training dataset.This paper presents a novel energy prediction model,NeurstrucEnergy.NeurstrucEnergy treats neural networks as directed graphs and applies a bi-directional graph neural network training on a randomly generated dataset to extract structural features for energy prediction.NeurstrucEnergy has advantages over linear approaches because the bi-directional graph neural network collects structural features from each layer's parents and children.Experimental results show that NeurstrucEnergy establishes state-of-the-art results with mean absolute percentage error of 2.60%.We also evaluate NeurstrucEnergy in a randomly generated dataset,achieving the mean absolute percentage error of 4.83%over 10 typical convolutional neural networks in recent years and 7 efficient convolutional neural networks created by neural architecture search.Our code is available at https://github.com/NEUSoftGreenAI/NeurstrucEnergy.git.展开更多
Seasonal rainfall plays a vital role in both environmental dynamics and decision-making for rainfed agriculture in Ethiopia, a country often impacted by extreme climate events such as drought and flooding. Predicting ...Seasonal rainfall plays a vital role in both environmental dynamics and decision-making for rainfed agriculture in Ethiopia, a country often impacted by extreme climate events such as drought and flooding. Predicting the onset of the rainy season and providing localized rainfall forecasts for Ethiopia is challenging due to the changing spatiotemporal patterns and the country's rugged topography. The Climate Hazards Group Infra Red Precipitation with Station Data(CHIRPS), ERA5-Land total precipitation and temperature data are used from 1981–2022 to predict spatial rainfall by applying an artificial neural network(ANN). The recurrent neural network(RNN) is a nonlinear autoregressive network with exogenous input(NARX), which includes feed-forward connections and multiple network layers, employing the Levenberg Marquart algorithm. This method is applied to downscale data from the European Centre for Medium-range Weather Forecasts fifth-generation seasonal forecast system(ECMWF-SEAS5) and the Euro-Mediterranean Centre for Climate Change(CMCC) to the specific locations of rainfall stations in Ethiopia for the period 1980–2020. Across the stations, the results of NARX exhibit strong associations and reduced errors. The statistical results indicate that, except for the southwestern Ethiopian highlands, the downscaled monthly precipitation data exhibits high skill scores compared to the station records, demonstrating the effectiveness of the NARX approach for predicting local seasonal rainfall in Ethiopia's complex terrain. In addition to this spatial ANN of the summer season precipitation, temperature, as well as the combination of these two variables, show promising results.展开更多
Since chemical processes are highly non-linear and multiscale,it is vital to deeply mine the multiscale coupling relationships embedded in the massive process data for the prediction and anomaly tracing of crucial pro...Since chemical processes are highly non-linear and multiscale,it is vital to deeply mine the multiscale coupling relationships embedded in the massive process data for the prediction and anomaly tracing of crucial process parameters and production indicators.While the integrated method of adaptive signal decomposition combined with time series models could effectively predict process variables,it does have limitations in capturing the high-frequency detail of the operation state when applied to complex chemical processes.In light of this,a novel Multiscale Multi-radius Multi-step Convolutional Neural Network(Msrt Net)is proposed for mining spatiotemporal multiscale information.First,the industrial data from the Fluid Catalytic Cracking(FCC)process decomposition using Complete Ensemble Empirical Mode Decomposition with Adaptive Noise(CEEMDAN)extract the multi-energy scale information of the feature subset.Then,convolution kernels with varying stride and padding structures are established to decouple the long-period operation process information encapsulated within the multi-energy scale data.Finally,a reconciliation network is trained to reconstruct the multiscale prediction results and obtain the final output.Msrt Net is initially assessed for its capability to untangle the spatiotemporal multiscale relationships among variables in the Tennessee Eastman Process(TEP).Subsequently,the performance of Msrt Net is evaluated in predicting product yield for a 2.80×10^(6) t/a FCC unit,taking diesel and gasoline yield as examples.In conclusion,Msrt Net can decouple and effectively extract spatiotemporal multiscale information from chemical process data and achieve a approximately reduction of 30%in prediction error compared to other time-series models.Furthermore,its robustness and transferability underscore its promising potential for broader applications.展开更多
Geopolymer concrete emerges as a promising avenue for sustainable development and offers an effective solution to environmental problems.Its attributes as a non-toxic,low-carbon,and economical substitute for conventio...Geopolymer concrete emerges as a promising avenue for sustainable development and offers an effective solution to environmental problems.Its attributes as a non-toxic,low-carbon,and economical substitute for conventional cement concrete,coupled with its elevated compressive strength and reduced shrinkage properties,position it as a pivotal material for diverse applications spanning from architectural structures to transportation infrastructure.In this context,this study sets out the task of using machine learning(ML)algorithms to increase the accuracy and interpretability of predicting the compressive strength of geopolymer concrete in the civil engineering field.To achieve this goal,a new approach using convolutional neural networks(CNNs)has been adopted.This study focuses on creating a comprehensive dataset consisting of compositional and strength parameters of 162 geopolymer concrete mixes,all containing Class F fly ash.The selection of optimal input parameters is guided by two distinct criteria.The first criterion leverages insights garnered from previous research on the influence of individual features on compressive strength.The second criterion scrutinizes the impact of these features within the model’s predictive framework.Key to enhancing the CNN model’s performance is the meticulous determination of the optimal hyperparameters.Through a systematic trial-and-error process,the study ascertains the ideal number of epochs for data division and the optimal value of k for k-fold cross-validation—a technique vital to the model’s robustness.The model’s predictive prowess is rigorously assessed via a suite of performance metrics and comprehensive score analyses.Furthermore,the model’s adaptability is gauged by integrating a secondary dataset into its predictive framework,facilitating a comparative evaluation against conventional prediction methods.To unravel the intricacies of the CNN model’s learning trajectory,a loss plot is deployed to elucidate its learning rate.The study culminates in compelling findings that underscore the CNN model’s accurate prediction of geopolymer concrete compressive strength.To maximize the dataset’s potential,the application of bivariate plots unveils nuanced trends and interactions among variables,fortifying the consistency with earlier research.Evidenced by promising prediction accuracy,the study’s outcomes hold significant promise in guiding the development of innovative geopolymer concrete formulations,thereby reinforcing its role as an eco-conscious and robust construction material.The findings prove that the CNN model accurately estimated geopolymer concrete’s compressive strength.The results show that the prediction accuracy is promising and can be used for the development of new geopolymer concrete mixes.The outcomes not only underscore the significance of leveraging technology for sustainable construction practices but also pave the way for innovation and efficiency in the field of civil engineering.展开更多
Ocean temperature is an important physical variable in marine ecosystems,and ocean temperature prediction is an important research objective in ocean-related fields.Currently,one of the commonly used methods for ocean...Ocean temperature is an important physical variable in marine ecosystems,and ocean temperature prediction is an important research objective in ocean-related fields.Currently,one of the commonly used methods for ocean temperature prediction is based on data-driven,but research on this method is mostly limited to the sea surface,with few studies on the prediction of internal ocean temperature.Existing graph neural network-based methods usually use predefined graphs or learned static graphs,which cannot capture the dynamic associations among data.In this study,we propose a novel dynamic spatiotemporal graph neural network(DSTGN)to predict threedimensional ocean temperature(3D-OT),which combines static graph learning and dynamic graph learning to automatically mine two unknown dependencies between sequences based on the original 3D-OT data without prior knowledge.Temporal and spatial dependencies in the time series were then captured using temporal and graph convolutions.We also integrated dynamic graph learning,static graph learning,graph convolution,and temporal convolution into an end-to-end framework for 3D-OT prediction using time-series grid data.In this study,we conducted prediction experiments using high-resolution 3D-OT from the Copernicus global ocean physical reanalysis,with data covering the vertical variation of temperature from the sea surface to 1000 m below the sea surface.We compared five mainstream models that are commonly used for ocean temperature prediction,and the results showed that the method achieved the best prediction results at all prediction scales.展开更多
The development of defect prediction plays a significant role in improving software quality. Such predictions are used to identify defective modules before the testing and to minimize the time and cost. The software w...The development of defect prediction plays a significant role in improving software quality. Such predictions are used to identify defective modules before the testing and to minimize the time and cost. The software with defects negatively impacts operational costs and finally affects customer satisfaction. Numerous approaches exist to predict software defects. However, the timely and accurate software bugs are the major challenging issues. To improve the timely and accurate software defect prediction, a novel technique called Nonparametric Statistical feature scaled QuAdratic regressive convolution Deep nEural Network (SQADEN) is introduced. The proposed SQADEN technique mainly includes two major processes namely metric or feature selection and classification. First, the SQADEN uses the nonparametric statistical Torgerson–Gower scaling technique for identifying the relevant software metrics by measuring the similarity using the dice coefficient. The feature selection process is used to minimize the time complexity of software fault prediction. With the selected metrics, software fault perdition with the help of the Quadratic Censored regressive convolution deep neural network-based classification. The deep learning classifier analyzes the training and testing samples using the contingency correlation coefficient. The softstep activation function is used to provide the final fault prediction results. To minimize the error, the Nelder–Mead method is applied to solve non-linear least-squares problems. Finally, accurate classification results with a minimum error are obtained at the output layer. Experimental evaluation is carried out with different quantitative metrics such as accuracy, precision, recall, F-measure, and time complexity. The analyzed results demonstrate the superior performance of our proposed SQADEN technique with maximum accuracy, sensitivity and specificity by 3%, 3%, 2% and 3% and minimum time and space by 13% and 15% when compared with the two state-of-the-art methods.展开更多
The fluctuation of wind power affects the operating safety and power consumption of the electric power grid and restricts the grid connection of wind power on a large scale.Therefore,wind power forecasting plays a key...The fluctuation of wind power affects the operating safety and power consumption of the electric power grid and restricts the grid connection of wind power on a large scale.Therefore,wind power forecasting plays a key role in improving the safety and economic benefits of the power grid.This paper proposes a wind power predicting method based on a convolutional graph attention deep neural network with multi-wind farm data.Based on the graph attention network and attention mechanism,the method extracts spatial-temporal characteristics from the data of multiple wind farms.Then,combined with a deep neural network,a convolutional graph attention deep neural network model is constructed.Finally,the model is trained with the quantile regression loss function to achieve the wind power deterministic and probabilistic prediction based on multi-wind farm spatial-temporal data.A wind power dataset in the U.S.is taken as an example to demonstrate the efficacy of the proposed model.Compared with the selected baseline methods,the proposed model achieves the best prediction performance.The point prediction errors(i.e.,root mean square error(RMSE)and normalized mean absolute percentage error(NMAPE))are 0.304 MW and 1.177%,respectively.And the comprehensive performance of probabilistic prediction(i.e.,con-tinuously ranked probability score(CRPS))is 0.580.Thus,the significance of multi-wind farm data and spatial-temporal feature extraction module is self-evident.展开更多
A hard problem that hinders the movement of waxy crude oil is wax deposition in oil pipelines.To ensure the safe operation of crude oil pipelines,an accurate model must be developed to predict the rate of wax depositi...A hard problem that hinders the movement of waxy crude oil is wax deposition in oil pipelines.To ensure the safe operation of crude oil pipelines,an accurate model must be developed to predict the rate of wax deposition in crude oil pipelines.Aiming at the shortcomings of the ENN prediction model,which easily falls into the local minimum value and weak generalization ability in the implementation process,an optimized ENN prediction model based on the IRSA is proposed.The validity of the new model was confirmed by the accurate prediction of two sets of experimental data on wax deposition in crude oil pipelines.The two groups of crude oil wax deposition rate case prediction results showed that the average absolute percentage errors of IRSA-ENN prediction models is 0.5476% and 0.7831%,respectively.Additionally,it shows a higher prediction accuracy compared to the ENN prediction model.In fact,the new model established by using the IRSA to optimize ENN can optimize the initial weights and thresholds in the prediction process,which can overcome the shortcomings of the ENN prediction model,such as weak generalization ability and tendency to fall into the local minimum value,so that it has the advantages of strong implementation and high prediction accuracy.展开更多
Wind turbines have emerged as a prominent renewable energy source globally.Efficient monitoring and detection methods are crucial to enhance their operational effectiveness,particularly in identifying fatigue-related ...Wind turbines have emerged as a prominent renewable energy source globally.Efficient monitoring and detection methods are crucial to enhance their operational effectiveness,particularly in identifying fatigue-related issues.This review focuses on leveraging artificial neural networks(ANNs)for wind turbine monitoring and fatigue detection,aiming to provide a valuable reference for researchers in this domain and related areas.Employing various ANN techniques,including General Regression Neural Network(GRNN),Support Vector Machine(SVM),Cuckoo Search Neural Network(CSNN),Backpropagation Neural Network(BPNN),Particle Swarm Optimization Artificial Neural Network(PSO-ANN),Convolutional Neural Network(CNN),and nonlinear autoregressive networks with exogenous inputs(NARX),we investigate the impact of average wind speed on stress transfer function and fatigue damage in wind turbine structures.Our findings indicate significant precision levels exhibited by GRNN and SVM,making them suitable for practical implementation.CSNN demonstrates superiority over BPNN and PSO-ANN in predicting blade fatigue life,showcasing enhanced accuracy,computational speed,precision,and convergence rate towards the global minimum.Furthermore,CNN and NARX models display exceptional accuracy in classification tasks.These results underscore the potential of ANNs in addressing challenges in wind turbine monitoring and fatigue detection.However,it’s important to acknowledge limitations such as data availability and model complexity.Future research should explore integrating real-time data and advanced optimization techniques to improve prediction accuracy and applicability in real-world scenarios.In summary,this review contributes to advancing the understanding of ANNs’efficacy in wind turbine monitoring and fatigue detection,offering insights and methodologies that can inform future research and practical applications in renewable energy systems.展开更多
Objective:To analyze the factors related to vessel vasovagal reaction(VVR)in apheresis donors,establish a mathematical model for predicting the correlation factors and occurrence risk,and use the prediction model to i...Objective:To analyze the factors related to vessel vasovagal reaction(VVR)in apheresis donors,establish a mathematical model for predicting the correlation factors and occurrence risk,and use the prediction model to intervene in high-risk VVR blood donors,improve the blood donation experience,and retain blood donors.Methods:A total of 316 blood donors from the Xi'an Central Blood Bank from June to September 2022 were selected to statistically analyze VVR-related factors.A BP neural network prediction model is established with relevant factors as input and DRVR risk as output.Results:First-time blood donors had a high risk of VVR,female risk was high,and sex difference was significant(P value<0.05).The blood pressure before donation and intergroup differences were also significant(P value<0.05).After training,the established BP neural network model has a minimum RMS error of o.116,a correlation coefficient R=0.75,and a test model accuracy of 66.7%.Conclusion:First-time blood donors,women,and relatively low blood pressure are all high-risk groups for VVR.The BP neural network prediction model established in this paper has certain prediction accuracy and can be used as a means to evaluate the risk degree of clinical blood donors.展开更多
As one of the most widespread renewable energy sources,wind energy is now an important part of the power system.Accurate and appropriate wind speed forecasting has an essential impact on wind energy utilisation.Howeve...As one of the most widespread renewable energy sources,wind energy is now an important part of the power system.Accurate and appropriate wind speed forecasting has an essential impact on wind energy utilisation.However,due to the stochastic and un-certain nature of wind energy,more accurate forecasting is necessary for its more stable and safer utilisation.This paper proposes a Legendre multiwavelet‐based neural network model for non‐linear wind speed prediction.It combines the excellent properties of Legendre multi‐wavelets with the self‐learning capability of neural networks,which has rigorous mathematical theory support.It learns input‐output data pairs and shares weights within divided subintervals,which can greatly reduce computing costs.We explore the effectiveness of Legendre multi‐wavelets as an activation function.Mean-while,it is successfully being applied to wind speed prediction.In addition,the appli-cation of Legendre multi‐wavelet neural networks in a hybrid model in decomposition‐reconstruction mode to wind speed prediction problems is also discussed.Numerical results on real data sets show that the proposed model is able to achieve optimal per-formance and high prediction accuracy.In particular,the model shows a more stable performance in multi‐step prediction,illustrating its superiority.展开更多
The motivation for this study is that the quality of deep fakes is constantly improving,which leads to the need to develop new methods for their detection.The proposed Customized Convolutional Neural Network method in...The motivation for this study is that the quality of deep fakes is constantly improving,which leads to the need to develop new methods for their detection.The proposed Customized Convolutional Neural Network method involves extracting structured data from video frames using facial landmark detection,which is then used as input to the CNN.The customized Convolutional Neural Network method is the date augmented-based CNN model to generate‘fake data’or‘fake images’.This study was carried out using Python and its libraries.We used 242 films from the dataset gathered by the Deep Fake Detection Challenge,of which 199 were made up and the remaining 53 were real.Ten seconds were allotted for each video.There were 318 videos used in all,199 of which were fake and 119 of which were real.Our proposedmethod achieved a testing accuracy of 91.47%,loss of 0.342,and AUC score of 0.92,outperforming two alternative approaches,CNN and MLP-CNN.Furthermore,our method succeeded in greater accuracy than contemporary models such as XceptionNet,Meso-4,EfficientNet-BO,MesoInception-4,VGG-16,and DST-Net.The novelty of this investigation is the development of a new Convolutional Neural Network(CNN)learning model that can accurately detect deep fake face photos.展开更多
A quantitative research on the effect of coal mining on the soil organic carbon(SOC)pool at regional scale is beneficial to the scientific management of SOC pools in coal mining areas and the realization of coal low-c...A quantitative research on the effect of coal mining on the soil organic carbon(SOC)pool at regional scale is beneficial to the scientific management of SOC pools in coal mining areas and the realization of coal low-carbon mining.Moreover,the spatial prediction model of SOC content suitable for coal mining subsidence area is a scientific problem that must be solved.Tak-ing the Changhe River Basin of Jincheng City,Shanxi Province,China,as the study area,this paper proposed a radial basis function neural network model combined with the ordinary kriging method.The model includes topography and vegetation factors,which have large influence on soil properties in mining areas,as input parameters to predict the spatial distribution of SOC in the 0-20 and 2040 cm soil layers of the study area.And comparing the prediction effect with the direct kriging method,the results show that the mean error,the mean absolute error and the root mean square error between the predicted and measured values of SOC content predicted by the radial basis function neural network are lower than those obtained by the direct kriging method.Based on the fitting effect of the predicted and measured values,the R^(2) obtained by the radial basis artificial neural network are 0.81,0.70,respectively,higher than the value of 0.44 and 0.36 obtained by the direct kriging method.Therefore,the model combining the artificial neural network and kriging,and considering environmental factors can improve the prediction accuracy of the SOC content in mining areas.展开更多
Air pollution control poses a major problem in the implementation of municipal solid waste incineration(MSWI).Accurate prediction of nitrogen oxides(NO_(x))concentration plays an important role in efficient NO_(x)emis...Air pollution control poses a major problem in the implementation of municipal solid waste incineration(MSWI).Accurate prediction of nitrogen oxides(NO_(x))concentration plays an important role in efficient NO_(x)emission controlling.In this study,a modular long short-term memory(M-LSTM)network is developed to design an efficient prediction model for NO_(x)concentration.First,the fuzzy C means(FCM)algorithm is utilized to divide the task into several sub-tasks,aiming to realize the divide-and-conquer ability for complex task.Second,long short-term memory(LSTM)neural networks are applied to tackle corresponding sub-tasks,which can improve the prediction accuracy of the sub-networks.Third,a cooperative decision strategy is designed to guarantee the generalization performance during the testing or application stage.Finally,after being evaluated by a benchmark simulation,the proposed method is applied to a real MSWI process.And the experimental results demonstrate the considerable prediction ability of the M-LSTM network.展开更多
The goals of this study are to assess the viability of waste tire-derived char(WTDC)as a sustainable,low-cost fine aggregate surrogate material for asphalt mixtures and to develop the statistically coupled neural netw...The goals of this study are to assess the viability of waste tire-derived char(WTDC)as a sustainable,low-cost fine aggregate surrogate material for asphalt mixtures and to develop the statistically coupled neural network(SCNN)model for predicting volumetric and Marshall properties of asphalt mixtures modified with WTDC.The study is based on experimental data acquired from laboratory volumetric and Marshall properties testing on WTDCmodified asphalt mixtures(WTDC-MAM).The input variables comprised waste tire char content and asphalt binder content.The output variables comprised mixture unit weight,total voids,voids filled with asphalt,Marshall stability,and flow.Statistical coupled neural networks were utilized to predict the volumetric and Marshall properties of asphalt mixtures.For predictive modeling,the SCNN model is employed,incorporating a three-layer neural network and preprocessing techniques to enhance accuracy and reliability.The optimal network architecture,using the collected dataset,was a 2:6:5 structure,and the neural network was trained with 60%of the data,whereas the other 20%was used for cross-validation and testing respectively.The network employed a hyperbolic tangent(tanh)activation function and a feed-forward backpropagation.According to the results,the network model could accurately predict the volumetric and Marshall properties.The predicted accuracy of SCNN was found to be as high value>98%and low prediction errors for both volumetric and Marshall properties.This study demonstrates WTDC's potential as a low-cost,sustainable aggregate replacement.The SCNN-based predictive model proves its efficiency and versatility and promotes sustainable practices.展开更多
To implement the performance-based seismic design of engineered structures,the failure modes of members must be classified.The classification method of column failure modes is analyzed using data from the Pacific Eart...To implement the performance-based seismic design of engineered structures,the failure modes of members must be classified.The classification method of column failure modes is analyzed using data from the Pacific Earthquake Engineering Research Center(PEER).The main factors affecting failure modes of columns include the hoop ratios,longitudinal reinforcement ratios,ratios of transverse reinforcement spacing to section depth,aspect ratios,axial compression ratios,and flexure-shear ratios.This study proposes a data-driven prediction model based on an artificial neural network(ANN)to identify the column failure modes.In this study,111 groups of data are used,out of which 89 are used as training data and 22 are used as test data,and the ANN prediction model of failure modes is developed.The results show that the proposed method based on ANN is superior to traditional methods in identifying the column failure modes.展开更多
The alpha–beta filter algorithm has been widely researched for various applications,for example,navigation and target tracking systems.To improve the dynamic performance of the alpha–beta filter algorithm,a new pred...The alpha–beta filter algorithm has been widely researched for various applications,for example,navigation and target tracking systems.To improve the dynamic performance of the alpha–beta filter algorithm,a new prediction learning model is proposed in this study.The proposed model has two main components:(1)the alpha–beta filter algorithm is the main prediction module,and(2)the learning module is a feedforward artificial neural network(FF‐ANN).Furthermore,the model uses two inputs,temperature sensor and humidity sensor data,and a prediction algorithm is used to predict actual sensor readings from noisy sensor readings.Using the novel proposed technique,prediction accuracy is significantly improved while adding the feed‐forward backpropagation neural network,and also reduces the root mean square error(RMSE)and mean absolute error(MAE).We carried out different experiments with different experimental setups.The proposed model performance was evaluated with the traditional alpha–beta filter algorithm and other algorithms such as the Kalman filter.A higher prediction accuracy was achieved,and the MAE and RMSE were 35.1%–38.2%respectively.The final proposed model results show increased performance when compared to traditional methods.展开更多
A significant advantage of medical image processing is that it allows non-invasive exploration of internal anatomy in great detail.It is possible to create and study 3D models of anatomical structures to improve treatm...A significant advantage of medical image processing is that it allows non-invasive exploration of internal anatomy in great detail.It is possible to create and study 3D models of anatomical structures to improve treatment outcomes,develop more effective medical devices,or arrive at a more accurate diagnosis.This paper aims to present a fused evolutionary algorithm that takes advantage of both whale optimization and bacterial foraging optimization to optimize feature extraction.The classification process was conducted with the aid of a convolu-tional neural network(CNN)with dual graphs.Evaluation of the performance of the fused model is carried out with various methods.In the initial input Com-puter Tomography(CT)image,150 images are pre-processed and segmented to identify cancerous and non-cancerous nodules.The geometrical,statistical,struc-tural,and texture features are extracted from the preprocessed segmented image using various methods such as Gray-level co-occurrence matrix(GLCM),Histo-gram-oriented gradient features(HOG),and Gray-level dependence matrix(GLDM).To select the optimal features,a novel fusion approach known as Whale-Bacterial Foraging Optimization is proposed.For the classification of lung cancer,dual graph convolutional neural networks have been employed.A com-parison of classification algorithms and optimization algorithms has been con-ducted.According to the evaluated results,the proposed fused algorithm is successful with an accuracy of 98.72%in predicting lung tumors,and it outper-forms other conventional approaches.展开更多
Accurate traffic prediction is crucial for an intelligent traffic system (ITS). However, the excessive non-linearity and complexity of the spatial-temporal correlation in traffic flow severely limit the prediction acc...Accurate traffic prediction is crucial for an intelligent traffic system (ITS). However, the excessive non-linearity and complexity of the spatial-temporal correlation in traffic flow severely limit the prediction accuracy of most existing models, which simply stack temporal and spatial modules and fail to capture spatial-temporal features effectively. To improve the prediction accuracy, a multi-head attention spatial-temporal graph neural network (MSTNet) is proposed in this paper. First, the traffic data is decomposed into unique time spans that conform to positive rules, and valuable traffic node attributes are mined through an adaptive graph structure. Second, time and spatial features are captured using a multi-head attention spatial-temporal module. Finally, a multi-step prediction module is used to achieve future traffic condition prediction. Numerical experiments were conducted on an open-source dataset, and the results demonstrate that MSTNet performs well in spatial-temporal feature extraction and achieves more positive forecasting results than the baseline methods.展开更多
Diabetes is one of the fastest-growing human diseases worldwide and poses a significant threat to the population’s longer lives.Early prediction of diabetes is crucial to taking precautionary steps to avoid or delay ...Diabetes is one of the fastest-growing human diseases worldwide and poses a significant threat to the population’s longer lives.Early prediction of diabetes is crucial to taking precautionary steps to avoid or delay its onset.In this study,we proposed a Deep Dense Layer Neural Network(DDLNN)for diabetes prediction using a dataset with 768 instances and nine variables.We also applied a combination of classical machine learning(ML)algorithms and ensemble learning algorithms for the effective prediction of the disease.The classical ML algorithms used were Support Vector Machine(SVM),Logistic Regression(LR),Decision Tree(DT),K-Nearest Neighbor(KNN),and Naïve Bayes(NB).We also constructed ensemble models such as bagging(Random Forest)and boosting like AdaBoost and Extreme Gradient Boosting(XGBoost)to evaluate the performance of prediction models.The proposed DDLNN model and ensemble learning models were trained and tested using hyperparameter tuning and K-Fold cross-validation to determine the best parameters for predicting the disease.The combined ML models used majority voting to select the best outcomes among the models.The efficacy of the proposed and other models was evaluated for effective diabetes prediction.The investigation concluded that the proposed model,after hyperparameter tuning,outperformed other learning models with an accuracy of 84.42%,a precision of 85.12%,a recall rate of 65.40%,and a specificity of 94.11%.展开更多
基金supported by the Natural Science Foundation of Liaoning Province(2020-BS-054)the Fundamental Research Funds for the Central Universities(N2017005)the National Natural Science Foundation of China(62162050).
文摘A significant demand rises for energy-efficient deep neural networks to support power-limited embedding devices with successful deep learning applications in IoT and edge computing fields.An accurate energy prediction approach is critical to provide measurement and lead optimization direction.However,the current energy prediction approaches lack accuracy and generalization ability due to the lack of research on the neural network structure and the excessive reliance on customized training dataset.This paper presents a novel energy prediction model,NeurstrucEnergy.NeurstrucEnergy treats neural networks as directed graphs and applies a bi-directional graph neural network training on a randomly generated dataset to extract structural features for energy prediction.NeurstrucEnergy has advantages over linear approaches because the bi-directional graph neural network collects structural features from each layer's parents and children.Experimental results show that NeurstrucEnergy establishes state-of-the-art results with mean absolute percentage error of 2.60%.We also evaluate NeurstrucEnergy in a randomly generated dataset,achieving the mean absolute percentage error of 4.83%over 10 typical convolutional neural networks in recent years and 7 efficient convolutional neural networks created by neural architecture search.Our code is available at https://github.com/NEUSoftGreenAI/NeurstrucEnergy.git.
基金the funding provided by the “German–Ethiopian SDG Graduate School: Climate Change Effects on Food Security (CLIFOOD)”, established by the Food Security Center of the University of Hohenheim (Germany) and Hawassa University (Ethiopia)provided by the German Academic Exchange Service (DAAD) through funds from the Federal Ministry for Economic Cooperation and Development (BMZ)。
文摘Seasonal rainfall plays a vital role in both environmental dynamics and decision-making for rainfed agriculture in Ethiopia, a country often impacted by extreme climate events such as drought and flooding. Predicting the onset of the rainy season and providing localized rainfall forecasts for Ethiopia is challenging due to the changing spatiotemporal patterns and the country's rugged topography. The Climate Hazards Group Infra Red Precipitation with Station Data(CHIRPS), ERA5-Land total precipitation and temperature data are used from 1981–2022 to predict spatial rainfall by applying an artificial neural network(ANN). The recurrent neural network(RNN) is a nonlinear autoregressive network with exogenous input(NARX), which includes feed-forward connections and multiple network layers, employing the Levenberg Marquart algorithm. This method is applied to downscale data from the European Centre for Medium-range Weather Forecasts fifth-generation seasonal forecast system(ECMWF-SEAS5) and the Euro-Mediterranean Centre for Climate Change(CMCC) to the specific locations of rainfall stations in Ethiopia for the period 1980–2020. Across the stations, the results of NARX exhibit strong associations and reduced errors. The statistical results indicate that, except for the southwestern Ethiopian highlands, the downscaled monthly precipitation data exhibits high skill scores compared to the station records, demonstrating the effectiveness of the NARX approach for predicting local seasonal rainfall in Ethiopia's complex terrain. In addition to this spatial ANN of the summer season precipitation, temperature, as well as the combination of these two variables, show promising results.
文摘Since chemical processes are highly non-linear and multiscale,it is vital to deeply mine the multiscale coupling relationships embedded in the massive process data for the prediction and anomaly tracing of crucial process parameters and production indicators.While the integrated method of adaptive signal decomposition combined with time series models could effectively predict process variables,it does have limitations in capturing the high-frequency detail of the operation state when applied to complex chemical processes.In light of this,a novel Multiscale Multi-radius Multi-step Convolutional Neural Network(Msrt Net)is proposed for mining spatiotemporal multiscale information.First,the industrial data from the Fluid Catalytic Cracking(FCC)process decomposition using Complete Ensemble Empirical Mode Decomposition with Adaptive Noise(CEEMDAN)extract the multi-energy scale information of the feature subset.Then,convolution kernels with varying stride and padding structures are established to decouple the long-period operation process information encapsulated within the multi-energy scale data.Finally,a reconciliation network is trained to reconstruct the multiscale prediction results and obtain the final output.Msrt Net is initially assessed for its capability to untangle the spatiotemporal multiscale relationships among variables in the Tennessee Eastman Process(TEP).Subsequently,the performance of Msrt Net is evaluated in predicting product yield for a 2.80×10^(6) t/a FCC unit,taking diesel and gasoline yield as examples.In conclusion,Msrt Net can decouple and effectively extract spatiotemporal multiscale information from chemical process data and achieve a approximately reduction of 30%in prediction error compared to other time-series models.Furthermore,its robustness and transferability underscore its promising potential for broader applications.
基金funded by the Researchers Supporting Program at King Saud University(RSPD2023R809).
文摘Geopolymer concrete emerges as a promising avenue for sustainable development and offers an effective solution to environmental problems.Its attributes as a non-toxic,low-carbon,and economical substitute for conventional cement concrete,coupled with its elevated compressive strength and reduced shrinkage properties,position it as a pivotal material for diverse applications spanning from architectural structures to transportation infrastructure.In this context,this study sets out the task of using machine learning(ML)algorithms to increase the accuracy and interpretability of predicting the compressive strength of geopolymer concrete in the civil engineering field.To achieve this goal,a new approach using convolutional neural networks(CNNs)has been adopted.This study focuses on creating a comprehensive dataset consisting of compositional and strength parameters of 162 geopolymer concrete mixes,all containing Class F fly ash.The selection of optimal input parameters is guided by two distinct criteria.The first criterion leverages insights garnered from previous research on the influence of individual features on compressive strength.The second criterion scrutinizes the impact of these features within the model’s predictive framework.Key to enhancing the CNN model’s performance is the meticulous determination of the optimal hyperparameters.Through a systematic trial-and-error process,the study ascertains the ideal number of epochs for data division and the optimal value of k for k-fold cross-validation—a technique vital to the model’s robustness.The model’s predictive prowess is rigorously assessed via a suite of performance metrics and comprehensive score analyses.Furthermore,the model’s adaptability is gauged by integrating a secondary dataset into its predictive framework,facilitating a comparative evaluation against conventional prediction methods.To unravel the intricacies of the CNN model’s learning trajectory,a loss plot is deployed to elucidate its learning rate.The study culminates in compelling findings that underscore the CNN model’s accurate prediction of geopolymer concrete compressive strength.To maximize the dataset’s potential,the application of bivariate plots unveils nuanced trends and interactions among variables,fortifying the consistency with earlier research.Evidenced by promising prediction accuracy,the study’s outcomes hold significant promise in guiding the development of innovative geopolymer concrete formulations,thereby reinforcing its role as an eco-conscious and robust construction material.The findings prove that the CNN model accurately estimated geopolymer concrete’s compressive strength.The results show that the prediction accuracy is promising and can be used for the development of new geopolymer concrete mixes.The outcomes not only underscore the significance of leveraging technology for sustainable construction practices but also pave the way for innovation and efficiency in the field of civil engineering.
基金The National Key R&D Program of China under contract No.2021YFC3101603.
文摘Ocean temperature is an important physical variable in marine ecosystems,and ocean temperature prediction is an important research objective in ocean-related fields.Currently,one of the commonly used methods for ocean temperature prediction is based on data-driven,but research on this method is mostly limited to the sea surface,with few studies on the prediction of internal ocean temperature.Existing graph neural network-based methods usually use predefined graphs or learned static graphs,which cannot capture the dynamic associations among data.In this study,we propose a novel dynamic spatiotemporal graph neural network(DSTGN)to predict threedimensional ocean temperature(3D-OT),which combines static graph learning and dynamic graph learning to automatically mine two unknown dependencies between sequences based on the original 3D-OT data without prior knowledge.Temporal and spatial dependencies in the time series were then captured using temporal and graph convolutions.We also integrated dynamic graph learning,static graph learning,graph convolution,and temporal convolution into an end-to-end framework for 3D-OT prediction using time-series grid data.In this study,we conducted prediction experiments using high-resolution 3D-OT from the Copernicus global ocean physical reanalysis,with data covering the vertical variation of temperature from the sea surface to 1000 m below the sea surface.We compared five mainstream models that are commonly used for ocean temperature prediction,and the results showed that the method achieved the best prediction results at all prediction scales.
文摘The development of defect prediction plays a significant role in improving software quality. Such predictions are used to identify defective modules before the testing and to minimize the time and cost. The software with defects negatively impacts operational costs and finally affects customer satisfaction. Numerous approaches exist to predict software defects. However, the timely and accurate software bugs are the major challenging issues. To improve the timely and accurate software defect prediction, a novel technique called Nonparametric Statistical feature scaled QuAdratic regressive convolution Deep nEural Network (SQADEN) is introduced. The proposed SQADEN technique mainly includes two major processes namely metric or feature selection and classification. First, the SQADEN uses the nonparametric statistical Torgerson–Gower scaling technique for identifying the relevant software metrics by measuring the similarity using the dice coefficient. The feature selection process is used to minimize the time complexity of software fault prediction. With the selected metrics, software fault perdition with the help of the Quadratic Censored regressive convolution deep neural network-based classification. The deep learning classifier analyzes the training and testing samples using the contingency correlation coefficient. The softstep activation function is used to provide the final fault prediction results. To minimize the error, the Nelder–Mead method is applied to solve non-linear least-squares problems. Finally, accurate classification results with a minimum error are obtained at the output layer. Experimental evaluation is carried out with different quantitative metrics such as accuracy, precision, recall, F-measure, and time complexity. The analyzed results demonstrate the superior performance of our proposed SQADEN technique with maximum accuracy, sensitivity and specificity by 3%, 3%, 2% and 3% and minimum time and space by 13% and 15% when compared with the two state-of-the-art methods.
基金supported by the Science and Technology Project of State Grid Corporation of China(4000-202122070A-0-0-00).
文摘The fluctuation of wind power affects the operating safety and power consumption of the electric power grid and restricts the grid connection of wind power on a large scale.Therefore,wind power forecasting plays a key role in improving the safety and economic benefits of the power grid.This paper proposes a wind power predicting method based on a convolutional graph attention deep neural network with multi-wind farm data.Based on the graph attention network and attention mechanism,the method extracts spatial-temporal characteristics from the data of multiple wind farms.Then,combined with a deep neural network,a convolutional graph attention deep neural network model is constructed.Finally,the model is trained with the quantile regression loss function to achieve the wind power deterministic and probabilistic prediction based on multi-wind farm spatial-temporal data.A wind power dataset in the U.S.is taken as an example to demonstrate the efficacy of the proposed model.Compared with the selected baseline methods,the proposed model achieves the best prediction performance.The point prediction errors(i.e.,root mean square error(RMSE)and normalized mean absolute percentage error(NMAPE))are 0.304 MW and 1.177%,respectively.And the comprehensive performance of probabilistic prediction(i.e.,con-tinuously ranked probability score(CRPS))is 0.580.Thus,the significance of multi-wind farm data and spatial-temporal feature extraction module is self-evident.
文摘A hard problem that hinders the movement of waxy crude oil is wax deposition in oil pipelines.To ensure the safe operation of crude oil pipelines,an accurate model must be developed to predict the rate of wax deposition in crude oil pipelines.Aiming at the shortcomings of the ENN prediction model,which easily falls into the local minimum value and weak generalization ability in the implementation process,an optimized ENN prediction model based on the IRSA is proposed.The validity of the new model was confirmed by the accurate prediction of two sets of experimental data on wax deposition in crude oil pipelines.The two groups of crude oil wax deposition rate case prediction results showed that the average absolute percentage errors of IRSA-ENN prediction models is 0.5476% and 0.7831%,respectively.Additionally,it shows a higher prediction accuracy compared to the ENN prediction model.In fact,the new model established by using the IRSA to optimize ENN can optimize the initial weights and thresholds in the prediction process,which can overcome the shortcomings of the ENN prediction model,such as weak generalization ability and tendency to fall into the local minimum value,so that it has the advantages of strong implementation and high prediction accuracy.
基金Author Aly Mousaad Aly received funding from the Louisiana Board of Regents through the Industrial Ties Research Subprogram(ITRS)(Award Number:LEQSF(2022-25)-RD-B-02)The author(Aly)also acknowledges support from the LSU Institute for Energy Innovation[Research for Energy Innovation 2023-I(Phase I)]。
文摘Wind turbines have emerged as a prominent renewable energy source globally.Efficient monitoring and detection methods are crucial to enhance their operational effectiveness,particularly in identifying fatigue-related issues.This review focuses on leveraging artificial neural networks(ANNs)for wind turbine monitoring and fatigue detection,aiming to provide a valuable reference for researchers in this domain and related areas.Employing various ANN techniques,including General Regression Neural Network(GRNN),Support Vector Machine(SVM),Cuckoo Search Neural Network(CSNN),Backpropagation Neural Network(BPNN),Particle Swarm Optimization Artificial Neural Network(PSO-ANN),Convolutional Neural Network(CNN),and nonlinear autoregressive networks with exogenous inputs(NARX),we investigate the impact of average wind speed on stress transfer function and fatigue damage in wind turbine structures.Our findings indicate significant precision levels exhibited by GRNN and SVM,making them suitable for practical implementation.CSNN demonstrates superiority over BPNN and PSO-ANN in predicting blade fatigue life,showcasing enhanced accuracy,computational speed,precision,and convergence rate towards the global minimum.Furthermore,CNN and NARX models display exceptional accuracy in classification tasks.These results underscore the potential of ANNs in addressing challenges in wind turbine monitoring and fatigue detection.However,it’s important to acknowledge limitations such as data availability and model complexity.Future research should explore integrating real-time data and advanced optimization techniques to improve prediction accuracy and applicability in real-world scenarios.In summary,this review contributes to advancing the understanding of ANNs’efficacy in wind turbine monitoring and fatigue detection,offering insights and methodologies that can inform future research and practical applications in renewable energy systems.
基金Xi'an Municipal Bureau of Science and Technology,Science and Technology Program,Medical Research Project。
文摘Objective:To analyze the factors related to vessel vasovagal reaction(VVR)in apheresis donors,establish a mathematical model for predicting the correlation factors and occurrence risk,and use the prediction model to intervene in high-risk VVR blood donors,improve the blood donation experience,and retain blood donors.Methods:A total of 316 blood donors from the Xi'an Central Blood Bank from June to September 2022 were selected to statistically analyze VVR-related factors.A BP neural network prediction model is established with relevant factors as input and DRVR risk as output.Results:First-time blood donors had a high risk of VVR,female risk was high,and sex difference was significant(P value<0.05).The blood pressure before donation and intergroup differences were also significant(P value<0.05).After training,the established BP neural network model has a minimum RMS error of o.116,a correlation coefficient R=0.75,and a test model accuracy of 66.7%.Conclusion:First-time blood donors,women,and relatively low blood pressure are all high-risk groups for VVR.The BP neural network prediction model established in this paper has certain prediction accuracy and can be used as a means to evaluate the risk degree of clinical blood donors.
基金funded by Fundamental and Advanced Research Project of Chongqing CSTC of China(No.cstc2019jcyj‐msxmX0386 and No.cstc2020jcyj‐msxmX0232)National Statistical Science Research Project(No.2020LY100).
文摘As one of the most widespread renewable energy sources,wind energy is now an important part of the power system.Accurate and appropriate wind speed forecasting has an essential impact on wind energy utilisation.However,due to the stochastic and un-certain nature of wind energy,more accurate forecasting is necessary for its more stable and safer utilisation.This paper proposes a Legendre multiwavelet‐based neural network model for non‐linear wind speed prediction.It combines the excellent properties of Legendre multi‐wavelets with the self‐learning capability of neural networks,which has rigorous mathematical theory support.It learns input‐output data pairs and shares weights within divided subintervals,which can greatly reduce computing costs.We explore the effectiveness of Legendre multi‐wavelets as an activation function.Mean-while,it is successfully being applied to wind speed prediction.In addition,the appli-cation of Legendre multi‐wavelet neural networks in a hybrid model in decomposition‐reconstruction mode to wind speed prediction problems is also discussed.Numerical results on real data sets show that the proposed model is able to achieve optimal per-formance and high prediction accuracy.In particular,the model shows a more stable performance in multi‐step prediction,illustrating its superiority.
基金Science and Technology Funds from the Liaoning Education Department(Serial Number:LJKZ0104).
文摘The motivation for this study is that the quality of deep fakes is constantly improving,which leads to the need to develop new methods for their detection.The proposed Customized Convolutional Neural Network method involves extracting structured data from video frames using facial landmark detection,which is then used as input to the CNN.The customized Convolutional Neural Network method is the date augmented-based CNN model to generate‘fake data’or‘fake images’.This study was carried out using Python and its libraries.We used 242 films from the dataset gathered by the Deep Fake Detection Challenge,of which 199 were made up and the remaining 53 were real.Ten seconds were allotted for each video.There were 318 videos used in all,199 of which were fake and 119 of which were real.Our proposedmethod achieved a testing accuracy of 91.47%,loss of 0.342,and AUC score of 0.92,outperforming two alternative approaches,CNN and MLP-CNN.Furthermore,our method succeeded in greater accuracy than contemporary models such as XceptionNet,Meso-4,EfficientNet-BO,MesoInception-4,VGG-16,and DST-Net.The novelty of this investigation is the development of a new Convolutional Neural Network(CNN)learning model that can accurately detect deep fake face photos.
基金supported by the National Natural Science Foundation of China (51304130)the Natural Science Foundation of Shanxi Province,China (2015021125)+4 种基金Shanxi Provincial People's Government Major Decision Consulting Project (ZB20211703)Program for the Soft Science research of Shanxi (2018041060-2)Program for the Philosophy and Social Sciences Research of Higher Learning Institutions of Shanxi (201803010)Philosophy and Social Sciences Planning Project of Shanxi Province (2020YJ052)Basic Research Program of Shanxi Province (20210302123403).
文摘A quantitative research on the effect of coal mining on the soil organic carbon(SOC)pool at regional scale is beneficial to the scientific management of SOC pools in coal mining areas and the realization of coal low-carbon mining.Moreover,the spatial prediction model of SOC content suitable for coal mining subsidence area is a scientific problem that must be solved.Tak-ing the Changhe River Basin of Jincheng City,Shanxi Province,China,as the study area,this paper proposed a radial basis function neural network model combined with the ordinary kriging method.The model includes topography and vegetation factors,which have large influence on soil properties in mining areas,as input parameters to predict the spatial distribution of SOC in the 0-20 and 2040 cm soil layers of the study area.And comparing the prediction effect with the direct kriging method,the results show that the mean error,the mean absolute error and the root mean square error between the predicted and measured values of SOC content predicted by the radial basis function neural network are lower than those obtained by the direct kriging method.Based on the fitting effect of the predicted and measured values,the R^(2) obtained by the radial basis artificial neural network are 0.81,0.70,respectively,higher than the value of 0.44 and 0.36 obtained by the direct kriging method.Therefore,the model combining the artificial neural network and kriging,and considering environmental factors can improve the prediction accuracy of the SOC content in mining areas.
基金the financial support from the National Natural Science Foundation of China(62021003,61890930-5,61903012,62073006)Beijing Natural Science Foundation(42130232)the National Key Research and Development Program of China(2021ZD0112301,2021ZD0112302)。
文摘Air pollution control poses a major problem in the implementation of municipal solid waste incineration(MSWI).Accurate prediction of nitrogen oxides(NO_(x))concentration plays an important role in efficient NO_(x)emission controlling.In this study,a modular long short-term memory(M-LSTM)network is developed to design an efficient prediction model for NO_(x)concentration.First,the fuzzy C means(FCM)algorithm is utilized to divide the task into several sub-tasks,aiming to realize the divide-and-conquer ability for complex task.Second,long short-term memory(LSTM)neural networks are applied to tackle corresponding sub-tasks,which can improve the prediction accuracy of the sub-networks.Third,a cooperative decision strategy is designed to guarantee the generalization performance during the testing or application stage.Finally,after being evaluated by a benchmark simulation,the proposed method is applied to a real MSWI process.And the experimental results demonstrate the considerable prediction ability of the M-LSTM network.
基金the University of Teknologi PETRONAS(UTP),Malaysia,and Ahmadu Bello University,Nigeria,for their vital help and availability of laboratory facilities that allowed this work to be conducted successfully.
文摘The goals of this study are to assess the viability of waste tire-derived char(WTDC)as a sustainable,low-cost fine aggregate surrogate material for asphalt mixtures and to develop the statistically coupled neural network(SCNN)model for predicting volumetric and Marshall properties of asphalt mixtures modified with WTDC.The study is based on experimental data acquired from laboratory volumetric and Marshall properties testing on WTDCmodified asphalt mixtures(WTDC-MAM).The input variables comprised waste tire char content and asphalt binder content.The output variables comprised mixture unit weight,total voids,voids filled with asphalt,Marshall stability,and flow.Statistical coupled neural networks were utilized to predict the volumetric and Marshall properties of asphalt mixtures.For predictive modeling,the SCNN model is employed,incorporating a three-layer neural network and preprocessing techniques to enhance accuracy and reliability.The optimal network architecture,using the collected dataset,was a 2:6:5 structure,and the neural network was trained with 60%of the data,whereas the other 20%was used for cross-validation and testing respectively.The network employed a hyperbolic tangent(tanh)activation function and a feed-forward backpropagation.According to the results,the network model could accurately predict the volumetric and Marshall properties.The predicted accuracy of SCNN was found to be as high value>98%and low prediction errors for both volumetric and Marshall properties.This study demonstrates WTDC's potential as a low-cost,sustainable aggregate replacement.The SCNN-based predictive model proves its efficiency and versatility and promotes sustainable practices.
基金China Energy Engineering Group Planning&Engineering Co.,Ltd.Concentrated Development Scientific Research Project Under Grant No.GSKJ2-T11-2019。
文摘To implement the performance-based seismic design of engineered structures,the failure modes of members must be classified.The classification method of column failure modes is analyzed using data from the Pacific Earthquake Engineering Research Center(PEER).The main factors affecting failure modes of columns include the hoop ratios,longitudinal reinforcement ratios,ratios of transverse reinforcement spacing to section depth,aspect ratios,axial compression ratios,and flexure-shear ratios.This study proposes a data-driven prediction model based on an artificial neural network(ANN)to identify the column failure modes.In this study,111 groups of data are used,out of which 89 are used as training data and 22 are used as test data,and the ANN prediction model of failure modes is developed.The results show that the proposed method based on ANN is superior to traditional methods in identifying the column failure modes.
基金supported by the Institute of Information&communications Technology Planning&Evaluation(IITP)grant funded by the Korea government(MSIT)(No.2020‐0‐01441,Artificial Intelligence Convergence Research Center(Chungnam National University))“Regional Innovation Strategy(RIS)”through the National Research Foundation of Korea(NRF)funded by the Ministry of Education(MOE)(2021RIS‐004).
文摘The alpha–beta filter algorithm has been widely researched for various applications,for example,navigation and target tracking systems.To improve the dynamic performance of the alpha–beta filter algorithm,a new prediction learning model is proposed in this study.The proposed model has two main components:(1)the alpha–beta filter algorithm is the main prediction module,and(2)the learning module is a feedforward artificial neural network(FF‐ANN).Furthermore,the model uses two inputs,temperature sensor and humidity sensor data,and a prediction algorithm is used to predict actual sensor readings from noisy sensor readings.Using the novel proposed technique,prediction accuracy is significantly improved while adding the feed‐forward backpropagation neural network,and also reduces the root mean square error(RMSE)and mean absolute error(MAE).We carried out different experiments with different experimental setups.The proposed model performance was evaluated with the traditional alpha–beta filter algorithm and other algorithms such as the Kalman filter.A higher prediction accuracy was achieved,and the MAE and RMSE were 35.1%–38.2%respectively.The final proposed model results show increased performance when compared to traditional methods.
文摘A significant advantage of medical image processing is that it allows non-invasive exploration of internal anatomy in great detail.It is possible to create and study 3D models of anatomical structures to improve treatment outcomes,develop more effective medical devices,or arrive at a more accurate diagnosis.This paper aims to present a fused evolutionary algorithm that takes advantage of both whale optimization and bacterial foraging optimization to optimize feature extraction.The classification process was conducted with the aid of a convolu-tional neural network(CNN)with dual graphs.Evaluation of the performance of the fused model is carried out with various methods.In the initial input Com-puter Tomography(CT)image,150 images are pre-processed and segmented to identify cancerous and non-cancerous nodules.The geometrical,statistical,struc-tural,and texture features are extracted from the preprocessed segmented image using various methods such as Gray-level co-occurrence matrix(GLCM),Histo-gram-oriented gradient features(HOG),and Gray-level dependence matrix(GLDM).To select the optimal features,a novel fusion approach known as Whale-Bacterial Foraging Optimization is proposed.For the classification of lung cancer,dual graph convolutional neural networks have been employed.A com-parison of classification algorithms and optimization algorithms has been con-ducted.According to the evaluated results,the proposed fused algorithm is successful with an accuracy of 98.72%in predicting lung tumors,and it outper-forms other conventional approaches.
文摘Accurate traffic prediction is crucial for an intelligent traffic system (ITS). However, the excessive non-linearity and complexity of the spatial-temporal correlation in traffic flow severely limit the prediction accuracy of most existing models, which simply stack temporal and spatial modules and fail to capture spatial-temporal features effectively. To improve the prediction accuracy, a multi-head attention spatial-temporal graph neural network (MSTNet) is proposed in this paper. First, the traffic data is decomposed into unique time spans that conform to positive rules, and valuable traffic node attributes are mined through an adaptive graph structure. Second, time and spatial features are captured using a multi-head attention spatial-temporal module. Finally, a multi-step prediction module is used to achieve future traffic condition prediction. Numerical experiments were conducted on an open-source dataset, and the results demonstrate that MSTNet performs well in spatial-temporal feature extraction and achieves more positive forecasting results than the baseline methods.
文摘Diabetes is one of the fastest-growing human diseases worldwide and poses a significant threat to the population’s longer lives.Early prediction of diabetes is crucial to taking precautionary steps to avoid or delay its onset.In this study,we proposed a Deep Dense Layer Neural Network(DDLNN)for diabetes prediction using a dataset with 768 instances and nine variables.We also applied a combination of classical machine learning(ML)algorithms and ensemble learning algorithms for the effective prediction of the disease.The classical ML algorithms used were Support Vector Machine(SVM),Logistic Regression(LR),Decision Tree(DT),K-Nearest Neighbor(KNN),and Naïve Bayes(NB).We also constructed ensemble models such as bagging(Random Forest)and boosting like AdaBoost and Extreme Gradient Boosting(XGBoost)to evaluate the performance of prediction models.The proposed DDLNN model and ensemble learning models were trained and tested using hyperparameter tuning and K-Fold cross-validation to determine the best parameters for predicting the disease.The combined ML models used majority voting to select the best outcomes among the models.The efficacy of the proposed and other models was evaluated for effective diabetes prediction.The investigation concluded that the proposed model,after hyperparameter tuning,outperformed other learning models with an accuracy of 84.42%,a precision of 85.12%,a recall rate of 65.40%,and a specificity of 94.11%.