期刊文献+
共找到10,469篇文章
< 1 2 250 >
每页显示 20 50 100
Safety Risk Assessment Analysis of Bridge Construction Using Backpropagation Neural Network
1
作者 Yue Yang 《Journal of Architectural Research and Development》 2024年第2期24-30,共7页
The evaluation of construction safety risks has become a crucial task with the increasing development of bridge construction.This paper aims to provide an overview of the application of backpropagation neural networks... The evaluation of construction safety risks has become a crucial task with the increasing development of bridge construction.This paper aims to provide an overview of the application of backpropagation neural networks in assessing safety risks during bridge construction.It introduces the situation,principles,methods,and advantages,as well as the current status and future development directions of backpropagation-related research. 展开更多
关键词 Backpropagation neural network Bridge construction safety risk assessment
下载PDF
MetaPINNs:Predicting soliton and rogue wave of nonlinear PDEs via the improved physics-informed neural networks based on meta-learned optimization
2
作者 郭亚楠 曹小群 +1 位作者 宋君强 冷洪泽 《Chinese Physics B》 SCIE EI CAS CSCD 2024年第2期96-107,共12页
Efficiently solving partial differential equations(PDEs)is a long-standing challenge in mathematics and physics research.In recent years,the rapid development of artificial intelligence technology has brought deep lea... Efficiently solving partial differential equations(PDEs)is a long-standing challenge in mathematics and physics research.In recent years,the rapid development of artificial intelligence technology has brought deep learning-based methods to the forefront of research on numerical methods for partial differential equations.Among them,physics-informed neural networks(PINNs)are a new class of deep learning methods that show great potential in solving PDEs and predicting complex physical phenomena.In the field of nonlinear science,solitary waves and rogue waves have been important research topics.In this paper,we propose an improved PINN that enhances the physical constraints of the neural network model by adding gradient information constraints.In addition,we employ meta-learning optimization to speed up the training process.We apply the improved PINNs to the numerical simulation and prediction of solitary and rogue waves.We evaluate the accuracy of the prediction results by error analysis.The experimental results show that the improved PINNs can make more accurate predictions in less time than that of the original PINNs. 展开更多
关键词 physics-informed neural networks gradient-enhanced loss function meta-learned optimization nonlinear science
下载PDF
Multi-Material Topology Optimization of 2D Structures Using Convolutional Neural Networks
3
作者 Jiaxiang Luo Weien Zhou +2 位作者 Bingxiao Du Daokui Li Wen Yao 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第8期1919-1947,共29页
In recent years,there has been significant research on the application of deep learning(DL)in topology optimization(TO)to accelerate structural design.However,these methods have primarily focused on solving binary TO ... In recent years,there has been significant research on the application of deep learning(DL)in topology optimization(TO)to accelerate structural design.However,these methods have primarily focused on solving binary TO problems,and effective solutions for multi-material topology optimization(MMTO)which requires a lot of computing resources are still lacking.Therefore,this paper proposes the framework of multiphase topology optimization using deep learning to accelerate MMTO design.The framework employs convolutional neural network(CNN)to construct a surrogate model for solving MMTO,and the obtained surrogate model can rapidly generate multi-material structure topologies in negligible time without any iterations.The performance evaluation results show that the proposed method not only outputs multi-material topologies with clear material boundary but also reduces the calculation cost with high prediction accuracy.Additionally,in order to find a more reasonable modeling method for MMTO,this paper studies the characteristics of surrogate modeling as regression task and classification task.Through the training of 297 models,our findings show that the regression task yields slightly better results than the classification task in most cases.Furthermore,The results indicate that the prediction accuracy is primarily influenced by factors such as the TO problem,material category,and data scale.Conversely,factors such as the domain size and the material property have minimal impact on the accuracy. 展开更多
关键词 Multi-material topology optimization convolutional neural networks deep learning finite element analysis
下载PDF
Secrecy Outage Probability Minimization in Wireless-Powered Communications Using an Improved Biogeography-Based Optimization-Inspired Recurrent Neural Network
4
作者 Mohammad Mehdi Sharifi Nevisi Elnaz Bashir +3 位作者 Diego Martín Seyedkian Rezvanjou Farzaneh Shoushtari Ehsan Ghafourian 《Computers, Materials & Continua》 SCIE EI 2024年第3期3971-3991,共21页
This paper focuses on wireless-powered communication systems,which are increasingly relevant in the Internet of Things(IoT)due to their ability to extend the operational lifetime of devices with limited energy.The mai... This paper focuses on wireless-powered communication systems,which are increasingly relevant in the Internet of Things(IoT)due to their ability to extend the operational lifetime of devices with limited energy.The main contribution of the paper is a novel approach to minimize the secrecy outage probability(SOP)in these systems.Minimizing SOP is crucial for maintaining the confidentiality and integrity of data,especially in situations where the transmission of sensitive data is critical.Our proposed method harnesses the power of an improved biogeography-based optimization(IBBO)to effectively train a recurrent neural network(RNN).The proposed IBBO introduces an innovative migration model.The core advantage of IBBO lies in its adeptness at maintaining equilibrium between exploration and exploitation.This is accomplished by integrating tactics such as advancing towards a random habitat,adopting the crossover operator from genetic algorithms(GA),and utilizing the global best(Gbest)operator from particle swarm optimization(PSO)into the IBBO framework.The IBBO demonstrates its efficacy by enabling the RNN to optimize the system parameters,resulting in significant outage probability reduction.Through comprehensive simulations,we showcase the superiority of the IBBO-RNN over existing approaches,highlighting its capability to achieve remarkable gains in SOP minimization.This paper compares nine methods for predicting outage probability in wireless-powered communications.The IBBO-RNN achieved the highest accuracy rate of 98.92%,showing a significant performance improvement.In contrast,the standard RNN recorded lower accuracy rates of 91.27%.The IBBO-RNN maintains lower SOP values across the entire signal-to-noise ratio(SNR)spectrum tested,suggesting that the method is highly effective at optimizing system parameters for improved secrecy even at lower SNRs. 展开更多
关键词 Wireless-powered communications secrecy outage probability improved biogeography-based optimization recurrent neural network
下载PDF
Learning to Branch in Combinatorial Optimization With Graph Pointer Networks
5
作者 Rui Wang Zhiming Zhou +4 位作者 Kaiwen Li Tao Zhang Ling Wang Xin Xu Xiangke Liao 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2024年第1期157-169,共13页
Traditional expert-designed branching rules in branch-and-bound(B&B) are static, often failing to adapt to diverse and evolving problem instances. Crafting these rules is labor-intensive, and may not scale well wi... Traditional expert-designed branching rules in branch-and-bound(B&B) are static, often failing to adapt to diverse and evolving problem instances. Crafting these rules is labor-intensive, and may not scale well with complex problems.Given the frequent need to solve varied combinatorial optimization problems, leveraging statistical learning to auto-tune B&B algorithms for specific problem classes becomes attractive. This paper proposes a graph pointer network model to learn the branch rules. Graph features, global features and historical features are designated to represent the solver state. The graph neural network processes graph features, while the pointer mechanism assimilates the global and historical features to finally determine the variable on which to branch. The model is trained to imitate the expert strong branching rule by a tailored top-k Kullback-Leibler divergence loss function. Experiments on a series of benchmark problems demonstrate that the proposed approach significantly outperforms the widely used expert-designed branching rules. It also outperforms state-of-the-art machine-learning-based branch-and-bound methods in terms of solving speed and search tree size on all the test instances. In addition, the model can generalize to unseen instances and scale to larger instances. 展开更多
关键词 Branch-and-bound(B&B) combinatorial optimization deep learning graph neural network imitation learning
下载PDF
Alternative Method of Constructing Granular Neural Networks
6
作者 Yushan Yin Witold Pedrycz Zhiwu Li 《Computers, Materials & Continua》 SCIE EI 2024年第4期623-650,共28页
Utilizing granular computing to enhance artificial neural network architecture, a newtype of network emerges—thegranular neural network (GNN). GNNs offer distinct advantages over their traditional counterparts: The a... Utilizing granular computing to enhance artificial neural network architecture, a newtype of network emerges—thegranular neural network (GNN). GNNs offer distinct advantages over their traditional counterparts: The ability toprocess both numerical and granular data, leading to improved interpretability. This paper proposes a novel designmethod for constructing GNNs, drawing inspiration from existing interval-valued neural networks built uponNNNs. However, unlike the proposed algorithm in this work, which employs interval values or triangular fuzzynumbers for connections, existing methods rely on a pre-defined numerical network. This new method utilizesa uniform distribution of information granularity to granulate connections with unknown parameters, resultingin independent GNN structures. To quantify the granularity output of the network, the product of two commonperformance indices is adopted: The coverage of numerical data and the specificity of information granules.Optimizing this combined performance index helps determine the optimal parameters for the network. Finally,the paper presents the complete model construction and validates its feasibility through experiments on datasetsfrom the UCIMachine Learning Repository. The results demonstrate the proposed algorithm’s effectiveness andpromising performance. 展开更多
关键词 Granular neural network granular connection interval analysis triangular fuzzy numbers particle swarm optimization(PSO)
下载PDF
Assessing environmental impact:Micro-energy network optimization in a Chinese industrial park
7
作者 Guanzhun Cao Chuan Feng +9 位作者 Tong Li Hongjuan Zhang Xiaoyao Guo Wen Li Yanshuang Jia Leping Chen Yuan Xu Qingsong Wang Guifang Chen Xueliang Yuan 《Chinese Journal of Population,Resources and Environment》 2024年第1期68-73,共6页
Micro-energy systems contribute significantly to environmental improvement by reducing dependence on power grids through the utilization of multiple renewable energy sources.This study quantified the environmental imp... Micro-energy systems contribute significantly to environmental improvement by reducing dependence on power grids through the utilization of multiple renewable energy sources.This study quantified the environmental impact of a micro-energy network system in an industrial park through a life cycle assessment using the operation of the micro-energy network over a year as the functional unit and“cradle-to-gate”as the system boundary.Based on the baseline scenario,a natural gas generator set was added to replace central heating,and the light pipes were expanded to constitute the optimized scenario.The results showed that the key impact categories for both scenarios were global warming,fine particulate matter formation,human carcinogenic toxicity,and human non-carcinogenic toxicity.The overall environmental impact of the optimized scenario was reduced by 68%compared to the baseline scenario.A sensitivity analysis of the key factors showed that electricity from the power grid was the key impact factor in both scenarios,followed by central heating and natural gas.Therefore,to reduce the environmental impact of network systems,it is necessary to further optimize the grid power structure.The research approach can be used to optimize micro-energy networks and evaluate the environmental impact of different energy systems. 展开更多
关键词 Micro-energy network Life cycle assessment Optimal operation Environmental impact
下载PDF
A Spectral Convolutional Neural Network Model Based on Adaptive Fick’s Law for Hyperspectral Image Classification
8
作者 Tsu-Yang Wu Haonan Li +1 位作者 Saru Kumari Chien-Ming Chen 《Computers, Materials & Continua》 SCIE EI 2024年第4期19-46,共28页
Hyperspectral image classification stands as a pivotal task within the field of remote sensing,yet achieving highprecision classification remains a significant challenge.In response to this challenge,a Spectral Convol... Hyperspectral image classification stands as a pivotal task within the field of remote sensing,yet achieving highprecision classification remains a significant challenge.In response to this challenge,a Spectral Convolutional Neural Network model based on Adaptive Fick’s Law Algorithm(AFLA-SCNN)is proposed.The Adaptive Fick’s Law Algorithm(AFLA)constitutes a novel metaheuristic algorithm introduced herein,encompassing three new strategies:Adaptive weight factor,Gaussian mutation,and probability update policy.With adaptive weight factor,the algorithmcan adjust theweights according to the change in the number of iterations to improve the performance of the algorithm.Gaussianmutation helps the algorithm avoid falling into local optimal solutions and improves the searchability of the algorithm.The probability update strategy helps to improve the exploitability and adaptability of the algorithm.Within the AFLA-SCNN model,AFLA is employed to optimize two hyperparameters in the SCNN model,namely,“numEpochs”and“miniBatchSize”,to attain their optimal values.AFLA’s performance is initially validated across 28 functions in 10D,30D,and 50D for CEC2013 and 29 functions in 10D,30D,and 50D for CEC2017.Experimental results indicate AFLA’s marked performance superiority over nine other prominent optimization algorithms.Subsequently,the AFLA-SCNN model was compared with the Spectral Convolutional Neural Network model based on Fick’s Law Algorithm(FLA-SCNN),Spectral Convolutional Neural Network model based on Harris Hawks Optimization(HHO-SCNN),Spectral Convolutional Neural Network model based onDifferential Evolution(DE-SCNN),SpectralConvolutionalNeuralNetwork(SCNN)model,and SupportVector Machines(SVM)model using the Indian Pines dataset and PaviaUniversity dataset.The experimental results show that the AFLA-SCNN model outperforms other models in terms of Accuracy,Precision,Recall,and F1-score on Indian Pines and Pavia University.Among them,the Accuracy of the AFLA-SCNN model on Indian Pines reached 99.875%,and the Accuracy on PaviaUniversity reached 98.022%.In conclusion,our proposed AFLA-SCNN model is deemed to significantly enhance the precision of hyperspectral image classification. 展开更多
关键词 Adaptive Fick’s law algorithm spectral convolutional neural network metaheuristic algorithm intelligent optimization algorithm hyperspectral image classification
下载PDF
Bridge the Gap Between Full-Reference and No-Reference:A Totally Full-Reference Induced Blind Image Quality Assessment via Deep Neural Networks 被引量:2
9
作者 Xiaoyu Ma Suiyu Zhang +1 位作者 Chang Liu Dingguo Yu 《China Communications》 SCIE CSCD 2023年第6期215-228,共14页
Blind image quality assessment(BIQA)is of fundamental importance in low-level computer vision community.Increasing interest has been drawn in exploiting deep neural networks for BIQA.Despite of the notable success ach... Blind image quality assessment(BIQA)is of fundamental importance in low-level computer vision community.Increasing interest has been drawn in exploiting deep neural networks for BIQA.Despite of the notable success achieved,there is a broad consensus that training deep convolutional neural networks(DCNN)heavily relies on massive annotated data.Unfortunately,BIQA is typically a small sample problem,resulting the generalization ability of BIQA severely restricted.In order to improve the accuracy and generalization ability of BIQA metrics,this work proposed a totally opinion-unaware BIQA in which no subjective annotations are involved in the training stage.Multiple full-reference image quality assessment(FR-IQA)metrics are employed to label the distorted image as a substitution of subjective quality annotation.A deep neural network(DNN)is trained to blindly predict the multiple FR-IQA score in absence of corresponding pristine image.In the end,a selfsupervised FR-IQA score aggregator implemented by adversarial auto-encoder pools the predictions of multiple FR-IQA scores into the final quality predicting score.Even though none of subjective scores are involved in the training stage,experimental results indicate that our proposed full reference induced BIQA framework is as competitive as state-of-the-art BIQA metrics. 展开更多
关键词 deep neural networks image quality assessment adversarial auto encoder
下载PDF
Hyperparameter Tuning for Deep Neural Networks Based Optimization Algorithm 被引量:3
10
作者 D.Vidyabharathi V.Mohanraj 《Intelligent Automation & Soft Computing》 SCIE 2023年第6期2559-2573,共15页
For training the present Neural Network(NN)models,the standard technique is to utilize decaying Learning Rates(LR).While the majority of these techniques commence with a large LR,they will decay multiple times over ti... For training the present Neural Network(NN)models,the standard technique is to utilize decaying Learning Rates(LR).While the majority of these techniques commence with a large LR,they will decay multiple times over time.Decaying has been proved to enhance generalization as well as optimization.Other parameters,such as the network’s size,the number of hidden layers,drop-outs to avoid overfitting,batch size,and so on,are solely based on heuristics.This work has proposed Adaptive Teaching Learning Based(ATLB)Heuristic to identify the optimal hyperparameters for diverse networks.Here we consider three architec-tures Recurrent Neural Networks(RNN),Long Short Term Memory(LSTM),Bidirectional Long Short Term Memory(BiLSTM)of Deep Neural Networks for classification.The evaluation of the proposed ATLB is done through the various learning rate schedulers Cyclical Learning Rate(CLR),Hyperbolic Tangent Decay(HTD),and Toggle between Hyperbolic Tangent Decay and Triangular mode with Restarts(T-HTR)techniques.Experimental results have shown the performance improvement on the 20Newsgroup,Reuters Newswire and IMDB dataset. 展开更多
关键词 Deep learning deep neural network(DNN) learning rates(LR) recurrent neural network(RNN) cyclical learning rate(CLR) hyperbolic tangent decay(HTD) toggle between hyperbolic tangent decay and triangular mode with restarts(T-HTR) teaching learning based optimization(TLBO)
下载PDF
Quantitative algorithm for airborne gamma spectrum of large sample based on improved shuffled frog leaping-particle swarm optimization convolutional neural network 被引量:1
11
作者 Fei Li Xiao-Fei Huang +5 位作者 Yue-Lu Chen Bing-Hai Li Tang Wang Feng Cheng Guo-Qiang Zeng Mu-Hao Zhang 《Nuclear Science and Techniques》 SCIE EI CAS CSCD 2023年第7期242-252,共11页
In airborne gamma ray spectrum processing,different analysis methods,technical requirements,analysis models,and calculation methods need to be established.To meet the engineering practice requirements of airborne gamm... In airborne gamma ray spectrum processing,different analysis methods,technical requirements,analysis models,and calculation methods need to be established.To meet the engineering practice requirements of airborne gamma-ray measurements and improve computational efficiency,an improved shuffled frog leaping algorithm-particle swarm optimization convolutional neural network(SFLA-PSO CNN)for large-sample quantitative analysis of airborne gamma-ray spectra is proposed herein.This method was used to train the weight of the neural network,optimize the structure of the network,delete redundant connections,and enable the neural network to acquire the capability of quantitative spectrum processing.In full-spectrum data processing,this method can perform the functions of energy spectrum peak searching and peak area calculations.After network training,the mean SNR and RMSE of the spectral lines were 31.27 and 2.75,respectively,satisfying the demand for noise reduction.To test the processing ability of the algorithm in large samples of airborne gamma spectra,this study considered the measured data from the Saihangaobi survey area as an example to conduct data spectral analysis.The results show that calculation of the single-peak area takes only 0.13~0.15 ms,and the average relative errors of the peak area in the U,Th,and K spectra are 3.11,9.50,and 6.18%,indicating the high processing efficiency and accuracy of this algorithm.The performance of the model can be further improved by optimizing related parameters,but it can already meet the requirements of practical engineering measurement.This study provides a new idea for the full-spectrum processing of airborne gamma rays. 展开更多
关键词 Large sample Airborne gamma spectrum(AGS) Shuffled frog leaping algorithm(SFLA) Particle swarm optimization(PSO) Convolutional neural network(CNN)
下载PDF
Bottom hole pressure prediction based on hybrid neural networks and Bayesian optimization
12
作者 Chengkai Zhang Rui Zhang +4 位作者 Zhaopeng Zhu Xianzhi Song Yinao Su Gensheng Li Liang Han 《Petroleum Science》 SCIE EI CAS CSCD 2023年第6期3712-3722,共11页
Many scholars have focused on applying machine learning models in bottom hole pressure (BHP) prediction. However, the complex and uncertain conditions in deep wells make it difficult to capture spatial and temporal co... Many scholars have focused on applying machine learning models in bottom hole pressure (BHP) prediction. However, the complex and uncertain conditions in deep wells make it difficult to capture spatial and temporal correlations of measurement while drilling (MWD) data with traditional intelligent models. In this work, we develop a novel hybrid neural network, which integrates the Convolution Neural Network (CNN) and the Gate Recurrent Unit (GRU) for predicting BHP fluctuations more accurately. The CNN structure is used to analyze spatial local dependency patterns and the GRU structure is used to discover depth variation trends of MWD data. To further improve the prediction accuracy, we explore two types of GRU-based structure: skip-GRU and attention-GRU, which can capture more long-term potential periodic correlation in drilling data. Then, the different model structures tuned by the Bayesian optimization (BO) algorithm are compared and analyzed. Results indicate that the hybrid models can extract spatial-temporal information of data effectively and predict more accurately than random forests, extreme gradient boosting, back propagation neural network, CNN and GRU. The CNN-attention-GRU model with BO algorithm shows great superiority in prediction accuracy and robustness due to the hybrid network structure and attention mechanism, having the lowest mean absolute percentage error of 0.025%. This study provides a reference for solving the problem of extracting spatial and temporal characteristics and guidance for managed pressure drilling in complex formations. 展开更多
关键词 Bottom hole pressure Spatial-temporal information Improved GRU Hybrid neural networks Bayesian optimization
下载PDF
GaitDONet: Gait Recognition Using Deep Features Optimization and Neural Network
13
作者 Muhammad Attique Khan Awais Khan +6 位作者 Majed Alhaisoni Abdullah Alqahtani Ammar Armghan Sara A.Althubiti Fayadh Alenezi Senghour Mey Yunyoung Nam 《Computers, Materials & Continua》 SCIE EI 2023年第6期5087-5103,共17页
Human gait recognition(HGR)is the process of identifying a sub-ject(human)based on their walking pattern.Each subject is a unique walking pattern and cannot be simulated by other subjects.But,gait recognition is not e... Human gait recognition(HGR)is the process of identifying a sub-ject(human)based on their walking pattern.Each subject is a unique walking pattern and cannot be simulated by other subjects.But,gait recognition is not easy and makes the system difficult if any object is carried by a subject,such as a bag or coat.This article proposes an automated architecture based on deep features optimization for HGR.To our knowledge,it is the first architecture in which features are fused using multiset canonical correlation analysis(MCCA).In the proposed method,original video frames are processed for all 11 selected angles of the CASIA B dataset and utilized to train two fine-tuned deep learning models such as Squeezenet and Efficientnet.Deep transfer learning was used to train both fine-tuned models on selected angles,yielding two new targeted models that were later used for feature engineering.Features are extracted from the deep layer of both fine-tuned models and fused into one vector using MCCA.An improved manta ray foraging optimization algorithm is also proposed to select the best features from the fused feature matrix and classified using a narrow neural network classifier.The experimental process was conducted on all 11 angles of the large multi-view gait dataset(CASIA B)dataset and obtained improved accuracy than the state-of-the-art techniques.Moreover,a detailed confidence interval based analysis also shows the effectiveness of the proposed architecture for HGR. 展开更多
关键词 Human gait recognition BIOMETRIC deep learning features fusion optimization neural network
下载PDF
Type 2 Diabetes Risk Prediction Using Deep Convolutional Neural Network Based-Bayesian Optimization
14
作者 Alawi Alqushaibi Mohd Hilmi Hasan +5 位作者 Said Jadid Abdulkadir Amgad Muneer Mohammed Gamal Qasem Al-Tashi Shakirah Mohd Taib Hitham Alhussian 《Computers, Materials & Continua》 SCIE EI 2023年第5期3223-3238,共16页
Diabetes mellitus is a long-term condition characterized by hyperglycemia.It could lead to plenty of difficulties.According to rising morbidity in recent years,the world’s diabetic patients will exceed 642 million by... Diabetes mellitus is a long-term condition characterized by hyperglycemia.It could lead to plenty of difficulties.According to rising morbidity in recent years,the world’s diabetic patients will exceed 642 million by 2040,implying that one out of every ten persons will be diabetic.There is no doubt that this startling figure requires immediate attention from industry and academia to promote innovation and growth in diabetes risk prediction to save individuals’lives.Due to its rapid development,deep learning(DL)was used to predict numerous diseases.However,DLmethods still suffer from their limited prediction performance due to the hyperparameters selection and parameters optimization.Therefore,the selection of hyper-parameters is critical in improving classification performance.This study presents Convolutional Neural Network(CNN)that has achieved remarkable results in many medical domains where the Bayesian optimization algorithm(BOA)has been employed for hyperparameters selection and parameters optimization.Two issues have been investigated and solved during the experiment to enhance the results.The first is the dataset class imbalance,which is solved using Synthetic Minority Oversampling Technique(SMOTE)technique.The second issue is the model’s poor performance,which has been solved using the Bayesian optimization algorithm.The findings indicate that the Bayesian based-CNN model superbases all the state-of-the-art models in the literature with an accuracy of 89.36%,F1-score of 0.88.6,andMatthews Correlation Coefficient(MCC)of 0.88.6. 展开更多
关键词 Type 2 diabetes diabetes mellitus convolutional neural network Bayesian optimization SMOTE
下载PDF
Damage assessment of aircraft wing subjected to blast wave with finite element method and artificial neural network tool
15
作者 Meng-tao Zhang Yang Pei +1 位作者 Xin Yao Yu-xue Ge 《Defence Technology(防务技术)》 SCIE EI CAS CSCD 2023年第7期203-219,共17页
Damage assessment of the wing under blast wave is essential to the vulnerability reduction design of aircraft. This paper introduces a critical relative distance prediction method of aircraft wing damage based on the ... Damage assessment of the wing under blast wave is essential to the vulnerability reduction design of aircraft. This paper introduces a critical relative distance prediction method of aircraft wing damage based on the back-propagation artificial neural network(BP-ANN), which is trained by finite element simulation results. Moreover, the finite element method(FEM) for wing blast damage simulation has been validated by ground explosion tests and further used for damage mode determination and damage characteristics analysis. The analysis results indicate that the wing is more likely to be damaged when the root is struck from vertical directions than others for a small charge. With the increase of TNT equivalent charge, the main damage mode of the wing gradually changes from the local skin tearing to overall structural deformation and the overpressure threshold of wing damage decreases rapidly. Compared to the FEM-based damage assessment, the BP-ANN-based method can predict the wing damage under a random blast wave with an average relative error of 4.78%. The proposed method and conclusions can be used as a reference for damage assessment under blast wave and low-vulnerability design of aircraft structures. 展开更多
关键词 VULNERABILITY Wing structural damage Blast wave Battle damage assessment Back-propagation artificial neural network
下载PDF
An Optimization Approach for Convolutional Neural Network Using Non-Dominated Sorted Genetic Algorithm-Ⅱ
16
作者 Afia Zafar Muhammad Aamir +6 位作者 Nazri Mohd Nawi Ali Arshad Saman Riaz Abdulrahman Alruban Ashit Kumar Dutta Badr Almutairi Sultan Almotairi 《Computers, Materials & Continua》 SCIE EI 2023年第3期5641-5661,共21页
In computer vision,convolutional neural networks have a wide range of uses.Images representmost of today’s data,so it’s important to know how to handle these large amounts of data efficiently.Convolutional neural ne... In computer vision,convolutional neural networks have a wide range of uses.Images representmost of today’s data,so it’s important to know how to handle these large amounts of data efficiently.Convolutional neural networks have been shown to solve image processing problems effectively.However,when designing the network structure for a particular problem,you need to adjust the hyperparameters for higher accuracy.This technique is time consuming and requires a lot of work and domain knowledge.Designing a convolutional neural network architecture is a classic NP-hard optimization challenge.On the other hand,different datasets require different combinations of models or hyperparameters,which can be time consuming and inconvenient.Various approaches have been proposed to overcome this problem,such as grid search limited to low-dimensional space and queuing by random selection.To address this issue,we propose an evolutionary algorithm-based approach that dynamically enhances the structure of Convolution Neural Networks(CNNs)using optimized hyperparameters.This study proposes a method using Non-dominated sorted genetic algorithms(NSGA)to improve the hyperparameters of the CNN model.In addition,different types and parameter ranges of existing genetic algorithms are used.Acomparative study was conducted with various state-of-the-art methodologies and algorithms.Experiments have shown that our proposed approach is superior to previous methods in terms of classification accuracy,and the results are published in modern computing literature. 展开更多
关键词 Non-dominated sorted genetic algorithm convolutional neural network hyper-parameter optimization
下载PDF
Intelligent Financial Fraud Detection Using Artificial Bee Colony Optimization Based Recurrent Neural Network
17
作者 T.Karthikeyan M.Govindarajan V.Vijayakumar 《Intelligent Automation & Soft Computing》 SCIE 2023年第8期1483-1498,共16页
Frauds don’t follow any recurring patterns.They require the use of unsupervised learning since their behaviour is continually changing.Fraud-sters have access to the most recent technology,which gives them the abilit... Frauds don’t follow any recurring patterns.They require the use of unsupervised learning since their behaviour is continually changing.Fraud-sters have access to the most recent technology,which gives them the ability to defraud people through online transactions.Fraudsters make assumptions about consumers’routine behaviour,and fraud develops swiftly.Unsupervised learning must be used by fraud detection systems to recognize online payments since some fraudsters start out using online channels before moving on to other techniques.Building a deep convolutional neural network model to identify anomalies from conventional competitive swarm optimization pat-terns with a focus on fraud situations that cannot be identified using historical data or supervised learning is the aim of this paper Artificial Bee Colony(ABC).Using real-time data and other datasets that are readily available,the ABC-Recurrent Neural Network(RNN)categorizes fraud behaviour and compares it to the current algorithms.When compared to the current approach,the findings demonstrate that the accuracy is high and the training error is minimal in ABC_RNN.In this paper,we measure the Accuracy,F1 score,Mean Square Error(MSE)and Mean Absolute Error(MAE).Our system achieves 97%accuracy,92%precision rate and F1 score 97%.Also we compare the simulation results with existing methods. 展开更多
关键词 Fraud activity optimization deep learning CLASSIFICATION online transaction neural network credit card
下载PDF
Multi-Source Underwater DOA Estimation Using PSO-BP Neural Network Based on High-Order Cumulant Optimization
18
作者 Haihua Chen Jingyao Zhang +3 位作者 Bin Jiang Xuerong Cui Rongrong Zhou Yucheng Zhang 《China Communications》 SCIE CSCD 2023年第12期212-229,共18页
Due to the complex and changeable environment under water,the performance of traditional DOA estimation algorithms based on mathematical model,such as MUSIC,ESPRIT,etc.,degrades greatly or even some mistakes can be ma... Due to the complex and changeable environment under water,the performance of traditional DOA estimation algorithms based on mathematical model,such as MUSIC,ESPRIT,etc.,degrades greatly or even some mistakes can be made because of the mismatch between algorithm model and actual environment model.In addition,the neural network has the ability of generalization and mapping,it can consider the noise,transmission channel inconsistency and other factors of the objective environment.Therefore,this paper utilizes Back Propagation(BP)neural network as the basic framework of underwater DOA estimation.Furthermore,in order to improve the performance of DOA estimation of BP neural network,the following three improvements are proposed.(1)Aiming at the problem that the weight and threshold of traditional BP neural network converge slowly and easily fall into the local optimal value in the iterative process,PSO-BP-NN based on optimized particle swarm optimization(PSO)algorithm is proposed.(2)The Higher-order cumulant of the received signal is utilized to establish the training model.(3)A BP neural network training method for arbitrary number of sources is proposed.Finally,the effectiveness of the proposed algorithm is proved by comparing with the state-of-the-art algorithms and MUSIC algorithm. 展开更多
关键词 gaussian colored noise higher-order cumulant multiple sources particle swarm optimization(PSO)algorithm PSO-BP neural network
下载PDF
Adaptive Butterfly Optimization Algorithm(ABOA)Based Feature Selection and Deep Neural Network(DNN)for Detection of Distributed Denial-of-Service(DDoS)Attacks in Cloud
19
作者 S.Sureshkumar G.K.D.Prasanna Venkatesan R.Santhosh 《Computer Systems Science & Engineering》 SCIE EI 2023年第10期1109-1123,共15页
Cloud computing technology provides flexible,on-demand,and completely controlled computing resources and services are highly desirable.Despite this,with its distributed and dynamic nature and shortcomings in virtualiz... Cloud computing technology provides flexible,on-demand,and completely controlled computing resources and services are highly desirable.Despite this,with its distributed and dynamic nature and shortcomings in virtualization deployment,the cloud environment is exposed to a wide variety of cyber-attacks and security difficulties.The Intrusion Detection System(IDS)is a specialized security tool that network professionals use for the safety and security of the networks against attacks launched from various sources.DDoS attacks are becoming more frequent and powerful,and their attack pathways are continually changing,which requiring the development of new detection methods.Here the purpose of the study is to improve detection accuracy.Feature Selection(FS)is critical.At the same time,the IDS’s computational problem is limited by focusing on the most relevant elements,and its performance and accuracy increase.In this research work,the suggested Adaptive butterfly optimization algorithm(ABOA)framework is used to assess the effectiveness of a reduced feature subset during the feature selection phase,that was motivated by this motive Candidates.Accurate classification is not compromised by using an ABOA technique.The design of Deep Neural Networks(DNN)has simplified the categorization of network traffic into normal and DDoS threat traffic.DNN’s parameters can be finetuned to detect DDoS attacks better using specially built algorithms.Reduced reconstruction error,no exploding or vanishing gradients,and reduced network are all benefits of the changes outlined in this paper.When it comes to performance criteria like accuracy,precision,recall,and F1-Score are the performance measures that show the suggested architecture outperforms the other existing approaches.Hence the proposed ABOA+DNN is an excellent method for obtaining accurate predictions,with an improved accuracy rate of 99.05%compared to other existing approaches. 展开更多
关键词 Cloud computing distributed denial of service intrusion detection system adaptive butterfly optimization algorithm deep neural network
下载PDF
Hybridized Intelligent Neural Network Optimization Model for Forecasting Prices of Rubber in Malaysia
20
作者 Shehab Abdulhabib Alzaeemi Saratha Sathasivam +2 位作者 Majid Khan bin Majahar Ali K.G.Tay Muraly Velavan 《Computer Systems Science & Engineering》 SCIE EI 2023年第11期1471-1491,共21页
Rubber producers,consumers,traders,and those who are involved in the rubber industry face major risks of rubber price fluctuations.As a result,decision-makers are required to make an accurate estimation of the price o... Rubber producers,consumers,traders,and those who are involved in the rubber industry face major risks of rubber price fluctuations.As a result,decision-makers are required to make an accurate estimation of the price of rubber.This paper aims to propose hybrid intelligent models,which can be utilized to forecast the price of rubber in Malaysia by employing monthly Malaysia’s rubber pricing data,spanning from January 2016 to March 2021.The projected hybrid model consists of different algorithms with the symbolic Radial Basis Functions Neural Network k-Satisfiability Logic Mining(RBFNN-kSAT).These algorithms,including Grey Wolf Optimization Algorithm,Artificial Bee Colony Algorithm,and Particle Swarm Optimization Algorithm were utilized in the forecasting data analysis.Several factors,which affect the monthly price of rubber,such as rubber production,total exports of rubber,total imports of rubber,stocks of rubber,currency exchange rate,and crude oil prices were also considered in the analysis.To evaluate the results of the introduced model,a comparison has been conducted for each model to identify the most optimum model for forecasting the price of rubber.The findings showed that GWO with RBFNN-kSAT represents the most accurate and efficient model compared with ABC with RBFNNkSAT and PSO with RBFNN-kSAT in forecasting the price of rubber.The GWO with RBFNN-kSAT obtained the greatest average accuracy(92%),with a better correlation coefficient R=0.983871 than ABC with RBFNN-kSAT and PSO with RBFNN-kSAT.Furthermore,the empirical results of this study provided several directions for policymakers to make the right decision in terms of devising proper measures in the industry to address frequent price changes so that the Malaysian rubber industry maintains dominance in the international markets. 展开更多
关键词 Rubber prices in Malaysia grey wolf optimization algorithm radial basis functions neural network k-satisfiability commodity prices
下载PDF
上一页 1 2 250 下一页 到第
使用帮助 返回顶部