The prevalence of dementia is growing worldwide due to the fast ageing of the population. Dementia is an intricate illness that is frequently produced by a mixture of genetic and environmental risk factors. There is n...
详细信息
The prevalence of dementia is growing worldwide due to the fast ageing of the population. Dementia is an intricate illness that is frequently produced by a mixture of genetic and environmental risk factors. There is no treatment for dementia yet;therefore, the early detection and identification of persons at greater risk of emerging dementia becomes crucial, as this might deliver an opportunity to adopt lifestyle variations to decrease the risk of dementia. Many dementia risk prediction techniques to recognize individuals at high risk have progressed in the past few years. Accepting a structure uniting explainability in artificial intelligence (XAI) with intricate systems will enable us to classify analysts of dementia incidence and then verify their occurrence in the survey as recognized or suspected risk factors. Deep learning (DL) and machine learning (ML) are current techniques for detecting and classifying dementia and making decisions without human participation. This study introduces a Leveraging Explainability Artificial Intelligence and optimizationalgorithm for Accurate Dementia Prediction and Classification Model (LXAIOA-ADPCM) technique in medical diagnosis. The main intention of the LXAIOA-ADPCM technique is to progress a novel algorithm for dementia prediction using advanced techniques. Initially, data normalization is performed by utilizing min–max normalization to convert input data into a beneficial format. Furthermore, the feature selection process is performed by implementing the naked mole‐rat algorithm (NMRA) model. For the classification process, the proposed LXAIOA-ADPCM model implements ensemble classifiers such as the bidirectional long short-term memory (BiLSTM), sparse autoencoder (SAE), and temporal convolutional network (TCN) techniques. Finally, the hyperparameter selection of ensemble models is accomplished by utilizing the gazelle optimization algorithm (GOA) technique. Finally, the Grad‐CAM is employed as an XAI technique to enhance
With the recent progress in Information technology and the internet, there has been an increase in violations of information security and privacy, particularly in the defence domain. In this work, a secure video stega...
详细信息
With the recent progress in Information technology and the internet, there has been an increase in violations of information security and privacy, particularly in the defence domain. In this work, a secure video steganography method using deep learning-based pixel prediction in H.264 video is presented. The pixels in the keyframe on which the secret image is embedded are predicted using a Deep Convolutional Neural Network (DCNN) optimized by the Chronological gazelle optimization algorithm (CGOA). Later, embedding is carried out using Haar Wavelet Transform (HWT). The security of the proposed steganography technique has been analysed by performing steganalysis using a Convolutional Neural Network (CNN). The efficiency of the approach is examined by considering evaluation measures, like structural Similarity Index measure (SSIM), Normalized Correlation (NC), Peak Signal to Noise Ratio (PSNR), Bit Error Rate (BER), and Mean Squared Error (MSE), and has attained values of 0.979, 0.974, 49.624, 4.655, and 0.790, revealing imperceptibility and robustness.
For multi-equipment maintenance of modern production equipment, the economic correlation and degradation uncertainty may lead to insufficient or excessive maintenance, increasing maintenance costs. This paper proposes...
详细信息
For multi-equipment maintenance of modern production equipment, the economic correlation and degradation uncertainty may lead to insufficient or excessive maintenance, increasing maintenance costs. This paper proposes a dynamic grouping maintenance method based on probabilistic remaining useful life (RUL) prediction for multiple equipment. Long short term memory (LSTM) is developed to predict the equipment probability RUL by the Variational Auto-Encoder (VAE) resampling. Then, the dynamic grouping maintenance model is constructed to minimize the maintenance cost rate under the known probabilistic RUL information. The gazelle optimization algorithm (GOA) is used to determine the optimal maintenance time for each equipment. To better verify the effectiveness of the proposed method, a numerical case with six wind turbines is introduced to analyse the performance of GOA. Moreover, the advantages of dynamic grouping maintenance is verified by comparing with independent maintenance, whose maintenance cost rate is reduced by 10.01%.
The cloud computing environment has been severely harmed by security issues, which has a negative impact on the healthy and sustainable development of the cloud. Intrusion detection technologies are protecting the clo...
详细信息
The cloud computing environment has been severely harmed by security issues, which has a negative impact on the healthy and sustainable development of the cloud. Intrusion detection technologies are protecting the cloud computing environment from malicious attacks. To overcome this problem, Variational auto encoder Wasserstein generative adversarial networks enhanced by gazelle optimization algorithm embraced cloud intrusion detection (CIDF-VAWGAN-GOA) is proposed in this manuscript. Here, the data is collected via NSL-KDD dataset. Then the data is supplied to pre-processing. In pre-processing, it purges the redundancy and missing value is restored using Difference of Gaussian filtering. Then the pre-processing output is fed to the feature selection. In feature selection, the optimal feature is selected using archerfish hunting optimizer (AHOA). The optimal features based, data is characterized by normal and anomalous under VAWGAN. Generally, VAWGAN does not adopt any optimization techniques to compute the optimum parameters for assuring accurate detection of intruder in cloud intrusion detection. Therefore, in this work, GOA is used for optimizing VAWGAN. The proposed CIDF-VAWGAN-GOA technique is implemented in Python under NSL-KDD data set. The performance metrics, like accuracy, sensitivity, specificity, precision, F-Score, Computation Time, Error rate, AUC are examined. The proposed method provides higher recall of 17.58%, 23.18% and 13.92%, high AUC of 19.43%, 12.84% and 21.63% and lower computation Time of 15.37%, 1.83%,18.34% compared to the existing methods, like Cloud intrusion detection depending on stacked contractive auto-encoder with support vector machine (CIDF-SVM), Efficient feature selection with classification using ensemble method for network intrusion detection on cloud computing (CIDF-DNN) and Deep belief network under chronological salp swarm approach for intrusion detection in cloud utilizing fuzzy entropy (CIDF-DBN) respectively.
Steam condensers are critical for maintaining efficiency and stability in thermal power plants by converting exhaust steam back into water. Controlling the pressure within the condenser is essential for optimal perfor...
详细信息
Steam condensers are critical for maintaining efficiency and stability in thermal power plants by converting exhaust steam back into water. Controlling the pressure within the condenser is essential for optimal performance and operational safety. This paper presents a dynamic model of a steam condenser, with pressure control achieved through a proportional-integral (PI) controller. The PI controller parameters are optimized using the gazelle optimization algorithm (GOA), which is applied for the first time to this system in the literature. Additionally, novel enhancements, the logarithmic spiral (Ls) search with greedy selection, are integrated into GOA to further enhance control effectiveness. The performance of the optimized PI controller is evaluated using nonlinear simulations, which include statistical analysis and fitness function assessments. To validate the effectiveness of the proposed approach, comparisons are made with other widely used optimization techniques. The results reveal that the GOA notably enhances control accuracy and stability, with the enhanced GOA (LsGOA) achieving the most significant improvements. This underscores its potential for enhancing steam condenser efficiency in thermal power plants.
In the field of digital filter design and system identification, accurately modeling Infinite Impulse Response (IIR) systems is of utmost importance. This paper introduces a new adaptive algorithm that combines the ga...
详细信息
Sentiment analysis is an automated approach which is utilized in process of analysing textual data to describe public opinion. The sentiment analysis has major role in creating impact in the day-to-day life of individ...
详细信息
Sentiment analysis is an automated approach which is utilized in process of analysing textual data to describe public opinion. The sentiment analysis has major role in creating impact in the day-to-day life of individuals. However, a precise interpretation of text still relies as a major concern in classifying sentiment. So, this research introduced Bidirectional Long Short Term Memory with Ranger AdaBelief Optimizer (Bi-LSTM RAO) to classify sentiment of tweets. Initially, data is obtained from Twitter API, Sentiment 140 and Stanford Sentiment Treebank-2 (SST-2). The raw data is pre-processed and it is subjected to feature extraction which is performed using Bag of Words (BoW) and Term Frequency-Inverse Document Frequency (TF-IDF). The feature selection is performed using gazelle optimization algorithm (GOA) which removes the irrelevant or redundant features that maximized model performance and classification is performed using Bi LSTM-RAO. The RAO optimizes the loss function of Bi-LSTM model that maximized accuracy. The classification accuracy of proposed method for Twitter API, Sentiment 140 and SST 2 dataset is obtained as 909.44%, 99.71% and 99.86%, respectively. These obtained results are comparably higher than ensemble framework, Robustly Optimized BERT and Gated Recurrent Unit (RoBERTa-GRU), Logistic Regression-Long Short Term Memory (LR-LSTM), Convolutional Bi-LSTM, Sentiment and Context Aware Attention-based Hybrid Deep Neural Network (SCA-HDNN) and Stochastic Gradient Descent optimization based Stochastic Gate Neural Network (SGD-SGNN).
The gazelle optimization algorithm (GOA) is an innovative nature-inspired metaheuristic algorithm, designed to mimic the agile and efficient hunting strategies of gazelles. Despite its promising performance in solving...
详细信息
The gazelle optimization algorithm (GOA) is an innovative nature-inspired metaheuristic algorithm, designed to mimic the agile and efficient hunting strategies of gazelles. Despite its promising performance in solving complex optimization problems, there is still a significant scope for enhancing its efficiency and robustness. This paper introduces several novel variants of GOA, integrating adaptive strategy, Levy flight strategy, Roulette wheel selection strategy, and random walk strategy. These enhancements aim to address the limitations of the original GOA and improve its performance in diverse optimization scenarios. The proposed algorithms are rigorously tested on CEC 2014 and CEC 2017 benchmark functions, five engineering problems, and a Total Harmonic Distortion (THD) minimization problem. The results demonstrate the superior performance of the proposed variants compared to the original GOA, providing valuable insights into their applicability and effectiveness.
In this paper, the design of an efficient fractional-order proportional-integral-derivative (FOPID) controller, tailored specifically for the regulation of micro direct current (DC) motors, is explored. A fresh approa...
详细信息
暂无评论