首页 > 最新文献

Network-Computation in Neural Systems最新文献

英文 中文
SJFO: Sail Jelly Fish Optimization enabled VM migration with DRNN-based prediction for load balancing in cloud computing. SJFO:Sail Jelly Fish Optimization enabled VM migration with DRNN-based prediction for load balancing in cloud computing.
IF 7.8 3区 计算机科学 Q3 Neuroscience Pub Date : 2024-06-03 DOI: 10.1080/0954898X.2024.2359609
Rajesh Rathinam, Premkumar Sivakumar, Sivakumar Sigamani, Ishwarya Kothandaraman

The dynamic workload is evenly distributed among all nodes using balancing methods like hosts or VMs. Load Balancing as a Service (LBaaS) is another name for load balancing in the cloud. In this research work, the load is balanced by the application of Virtual Machine (VM) migration carried out by proposed Sail Jelly Fish Optimization (SJFO). The SJFO is formed by combining Sail Fish Optimizer (SFO) and Jellyfish Search (JS) optimizer. In the Cloud model, many Physical Machines (PMs) are present, where these PMs are comprised of many VMs. Each VM has many tasks, and these tasks depend on various parameters like Central Processing Unit (CPU), memory, Million Instructions per Second (MIPS), capacity, total number of processing entities, as well as bandwidth. Here, the load is predicted by Deep Recurrent Neural Network (DRNN) and this predicted load is compared with a threshold value, where VM migration is done based on predicted values. Furthermore, the performance of SJFO-VM is analysed using the metrics like capacity, load, and resource utilization. The proposed method shows better performance with a superior capacity of 0.598, an inferior load of 0.089, and an inferior resource utilization of 0.257.

使用主机或虚拟机等平衡方法将动态工作负载平均分配给所有节点。负载平衡即服务(LBaaS)是云计算中负载平衡的另一个名称。在这项研究工作中,负载平衡是通过应用拟议的 "风帆水母优化"(SJFO)进行的虚拟机(VM)迁移来实现的。SJFO 由 Sail Fish Optimizer(SFO)和 Jellyfish Search(JS)优化器组合而成。在云模型中,存在许多物理机(PM),这些物理机由许多虚拟机组成。每个虚拟机都有许多任务,这些任务取决于各种参数,如中央处理器(CPU)、内存、每秒百万指令数(MIPS)、容量、处理实体总数以及带宽。在这里,负载由深度递归神经网络(DRNN)预测,并将预测负载与阈值进行比较,然后根据预测值进行虚拟机迁移。此外,还使用容量、负载和资源利用率等指标分析了 SJFO-VM 的性能。建议的方法显示出更好的性能,容量为 0.598,负载为 0.089,资源利用率为 0.257。
{"title":"SJFO: Sail Jelly Fish Optimization enabled VM migration with DRNN-based prediction for load balancing in cloud computing.","authors":"Rajesh Rathinam, Premkumar Sivakumar, Sivakumar Sigamani, Ishwarya Kothandaraman","doi":"10.1080/0954898X.2024.2359609","DOIUrl":"https://doi.org/10.1080/0954898X.2024.2359609","url":null,"abstract":"<p><p>The dynamic workload is evenly distributed among all nodes using balancing methods like hosts or VMs. Load Balancing as a Service (LBaaS) is another name for load balancing in the cloud. In this research work, the load is balanced by the application of Virtual Machine (VM) migration carried out by proposed Sail Jelly Fish Optimization (SJFO). The SJFO is formed by combining Sail Fish Optimizer (SFO) and Jellyfish Search (JS) optimizer. In the Cloud model, many Physical Machines (PMs) are present, where these PMs are comprised of many VMs. Each VM has many tasks, and these tasks depend on various parameters like <i>C</i>entral Processing Unit (CPU), memory, Million Instructions per Second (MIPS), capacity, total number of processing entities, as well as bandwidth. Here, the load is predicted by Deep Recurrent Neural Network (DRNN) and this predicted load is compared with a threshold value, where VM migration is done based on predicted values. Furthermore, the performance of SJFO-VM is analysed using the metrics like capacity, load, and resource utilization. The proposed method shows better performance with a superior capacity of 0.598, an inferior load of 0.089, and an inferior resource utilization of 0.257.</p>","PeriodicalId":54735,"journal":{"name":"Network-Computation in Neural Systems","volume":null,"pages":null},"PeriodicalIF":7.8,"publicationDate":"2024-06-03","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141201479","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Hybrid deep learning approach for sentiment analysis using text and emojis. 使用文本和表情符号进行情感分析的混合深度学习方法。
IF 7.8 3区 计算机科学 Q3 Neuroscience Pub Date : 2024-05-29 DOI: 10.1080/0954898X.2024.2349275
Arjun Kuruva, C Nagaraju Chiluka

Sentiment Analysis (SA) is a technique for categorizing texts based on the sentimental polarity of people's opinions. This paper introduces a sentiment analysis (SA) model with text and emojis. The two preprocessed data's are data with text and emojis and text without emojis. Feature extraction consists text features and text with emojis features. The text features are features like N-grams, modified Term Frequency-Inverse Document Frequency (TF-IDF), and Bag-of-Words (BoW) features extracted from the text. In classification, CNN (Conventional Neural Network) and MLP (Multi-Layer Perception) use emojis and text-based SA. The CNN weight is optimized by a new Electric fish Customized Shark Smell Optimization (ECSSO) Algorithm. Similarly, the text-based SA is carried out by hybrid Long Short-Term Memory (LSTM) and Recurrent Neural Network (RNN) classifiers. The bagged data are given as input to the classification process via RNN and LSTM. Here, the weight of LSTM is optimized by the suggested ECSSO algorithm. Then, the mean of LSTM and RNN determines the final output. The specificity of the developed scheme is 29.01%, 42.75%, 23.88%,22.07%, 25.31%, 18.42%, 5.68%, 10.34%, 6.20%, 6.64%, and 6.84% better for 70% than other models. The efficiency of the proposed scheme is computed and evaluated.

情感分析(Sentiment Analysis,SA)是一种根据人们观点的情感极性对文本进行分类的技术。本文介绍了一种包含文本和表情符号的情感分析(SA)模型。两种预处理数据分别是包含文本和表情符号的数据和不包含表情符号的文本数据。特征提取包括文本特征和带有表情符号的文本特征。文本特征是从文本中提取的 N-grams、修改后的词频-反向文档频率(TF-IDF)和词袋(BoW)等特征。在分类中,CNN(传统神经网络)和 MLP(多层感知)使用表情符号和基于文本的 SA。CNN 的权重通过新的电鱼定制鲨鱼气味优化算法(ECSSO)进行优化。同样,基于文本的 SA 由混合长短期记忆(LSTM)和循环神经网络(RNN)分类器执行。袋装数据通过 RNN 和 LSTM 作为分类过程的输入。在这里,LSTM 的权重通过建议的 ECSSO 算法进行优化。然后,LSTM 和 RNN 的平均值决定最终输出。所开发方案的特异性分别为 29.01%、42.75%、23.88%、22.07%、25.31%、18.42%、5.68%、10.34%、6.20%、6.64% 和 6.84%,70% 优于其他模型。计算并评估了建议方案的效率。
{"title":"Hybrid deep learning approach for sentiment analysis using text and emojis.","authors":"Arjun Kuruva, C Nagaraju Chiluka","doi":"10.1080/0954898X.2024.2349275","DOIUrl":"https://doi.org/10.1080/0954898X.2024.2349275","url":null,"abstract":"<p><p>Sentiment Analysis (SA) is a technique for categorizing texts based on the sentimental polarity of people's opinions. This paper introduces a sentiment analysis (SA) model with text and emojis. The two preprocessed data's are data with text and emojis and text without emojis. Feature extraction consists text features and text with emojis features. The text features are features like N-grams, modified Term Frequency-Inverse Document Frequency (TF-IDF), and Bag-of-Words (BoW) features extracted from the text. In classification, CNN (Conventional Neural Network) and MLP (Multi-Layer Perception) use emojis and text-based SA. The CNN weight is optimized by a new Electric fish Customized Shark Smell Optimization (ECSSO) Algorithm. Similarly, the text-based SA is carried out by hybrid Long Short-Term Memory (LSTM) and Recurrent Neural Network (RNN) classifiers. The bagged data are given as input to the classification process via RNN and LSTM. Here, the weight of LSTM is optimized by the suggested ECSSO algorithm. Then, the mean of LSTM and RNN determines the final output. The specificity of the developed scheme is 29.01%, 42.75%, 23.88%,22.07%, 25.31%, 18.42%, 5.68%, 10.34%, 6.20%, 6.64%, and 6.84% better for 70% than other models. The efficiency of the proposed scheme is computed and evaluated.</p>","PeriodicalId":54735,"journal":{"name":"Network-Computation in Neural Systems","volume":null,"pages":null},"PeriodicalIF":7.8,"publicationDate":"2024-05-29","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141162790","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Optimizing inset-fed rectangular micro strip patch antenna by improved particle swarm optimization and simulated annealing. 通过改进的粒子群优化和模拟退火优化嵌入式馈电矩形微带贴片天线
IF 7.8 3区 计算机科学 Q3 Neuroscience Pub Date : 2024-05-28 DOI: 10.1080/0954898X.2024.2358961
Jakkuluri Vijaya Kumar, S Maflin Shaby

The recent wireless communication systems require high gain, lightweight, low profile, and simple antenna structures to ensure high efficiency and reliability. The existing microstrip patch antenna (MPA) design approaches attain low gain and high return loss. To solve this issue, the geometric dimensions of the antenna should be optimized. The improved Particle Swarm Optimization (PSO) algorithm which is the combination of PSO and simulated annealing (SA) approach (PSO-SA) is employed in this paper to optimize the width and length of the inset-fed rectangular microstrip patch antennas for Ku-band and C-band applications. The inputs to the proposed algorithm such as substrate height, dielectric constant, and resonant frequency and outputs are optimized for width and height. The return loss and gain of the antenna are considered for the fitness function. To calculate the fitness value, the Feedforward Neural Network (FNN) is employed in the PSO-SA approach. The design and optimization of the proposed MPA are implemented in MATLAB software. The performance of the optimally designed antenna with the proposed approach is evaluated in terms of the radiation pattern, return loss, Voltage Standing Wave Ratio (VSWR), gain, computation time, directivity, and convergence speed.

最近的无线通信系统需要高增益、重量轻、外形小巧和结构简单的天线,以确保高效率和高可靠性。现有的微带贴片天线(MPA)设计方法增益低、回波损耗大。为解决这一问题,应优化天线的几何尺寸。本文采用了改进的粒子群优化(PSO)算法,即 PSO 和模拟退火(SA)方法(PSO-SA)的结合,来优化用于 Ku 波段和 C 波段应用的插馈式矩形微带贴片天线的宽度和长度。所提算法的输入(如基板高度、介电常数和谐振频率)和输出(如宽度和高度)均已优化。天线的回波损耗和增益被视为拟合函数。为了计算适配值,PSO-SA 方法采用了前馈神经网络(FNN)。拟议 MPA 的设计和优化在 MATLAB 软件中实现。通过辐射模式、回波损耗、电压驻波比 (VSWR)、增益、计算时间、指向性和收敛速度等方面,对采用所提方法优化设计的天线性能进行了评估。
{"title":"Optimizing inset-fed rectangular micro strip patch antenna by improved particle swarm optimization and simulated annealing.","authors":"Jakkuluri Vijaya Kumar, S Maflin Shaby","doi":"10.1080/0954898X.2024.2358961","DOIUrl":"https://doi.org/10.1080/0954898X.2024.2358961","url":null,"abstract":"<p><p>The recent wireless communication systems require high gain, lightweight, low profile, and simple antenna structures to ensure high efficiency and reliability. The existing microstrip patch antenna (MPA) design approaches attain low gain and high return loss. To solve this issue, the geometric dimensions of the antenna should be optimized. The improved Particle Swarm Optimization (PSO) algorithm which is the combination of PSO and simulated annealing (SA) approach (PSO-SA) is employed in this paper to optimize the width and length of the inset-fed rectangular microstrip patch antennas for Ku-band and C-band applications. The inputs to the proposed algorithm such as substrate height, dielectric constant, and resonant frequency and outputs are optimized for width and height. The return loss and gain of the antenna are considered for the fitness function. To calculate the fitness value, the Feedforward Neural Network (FNN) is employed in the PSO-SA approach. The design and optimization of the proposed MPA are implemented in MATLAB software. The performance of the optimally designed antenna with the proposed approach is evaluated in terms of the radiation pattern, return loss, Voltage Standing Wave Ratio (VSWR), gain, computation time, directivity, and convergence speed.</p>","PeriodicalId":54735,"journal":{"name":"Network-Computation in Neural Systems","volume":null,"pages":null},"PeriodicalIF":7.8,"publicationDate":"2024-05-28","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141159287","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Effective prediction of human skin cancer using stacking based ensemble deep learning algorithm. 使用基于堆叠的集合深度学习算法有效预测人类皮肤癌。
IF 7.8 3区 计算机科学 Q3 Neuroscience Pub Date : 2024-05-28 DOI: 10.1080/0954898X.2024.2346608
David Neels Ponkumar Devadhas, Hephzi Punithavathi Isaac Sugirtharaj, Mary Harin Fernandez, Duraipandy Periyasamy

Automated diagnosis of cancer from skin lesion data has been the focus of numerous research. Despite that it can be challenging to interpret these images because of features like colour illumination changes, variation in the sizes and forms of the lesions. To tackle these problems, the proposed model develops an ensemble of deep learning techniques for skin cancer diagnosis. Initially, skin imaging data are collected and preprocessed using resizing and anisotropic diffusion to enhance the quality of the image. Preprocessed images are fed into the Fuzzy-C-Means clustering technique to segment the region of diseases. Stacking-based ensemble deep learning approach is used for classification and the LSTM acts as a meta-classifier. Deep Neural Network (DNN) and Convolutional Neural Network (CNN) are used as input for LSTM. This segmented images are utilized to be input into the CNN, and the local binary pattern (LBP) technique is employed to extract DNN features from the segments of the image. The output from these two classifiers will be fed into the LSTM Meta classifier. This LSTM classifies the input data and predicts the skin cancer disease. The proposed approach had a greater accuracy of 97%. Hence, the developed model accurately predicts skin cancer disease.

根据皮肤病变数据自动诊断癌症一直是众多研究的重点。尽管如此,由于颜色光照变化、病变的大小和形态变化等特征,解释这些图像可能具有挑战性。为了解决这些问题,所提出的模型开发了一种用于皮肤癌诊断的深度学习技术组合。首先,收集皮肤成像数据,并使用大小调整和各向异性扩散进行预处理,以提高图像质量。预处理后的图像被送入模糊-C-Means 聚类技术,以分割疾病区域。基于堆叠的集合深度学习方法用于分类,LSTM 充当元分类器。深度神经网络(DNN)和卷积神经网络(CNN)被用作 LSTM 的输入。深度神经网络(DNN)和卷积神经网络(CNN)被用作 LSTM 的输入,分段图像被用作 CNN 的输入,局部二值模式(LBP)技术被用于从图像分段中提取 DNN 特征。这两个分类器的输出将输入 LSTM 元分类器。LSTM 对输入数据进行分类,并预测皮肤癌疾病。所提出的方法准确率高达 97%。因此,所开发的模型能准确预测皮肤癌疾病。
{"title":"Effective prediction of human skin cancer using stacking based ensemble deep learning algorithm.","authors":"David Neels Ponkumar Devadhas, Hephzi Punithavathi Isaac Sugirtharaj, Mary Harin Fernandez, Duraipandy Periyasamy","doi":"10.1080/0954898X.2024.2346608","DOIUrl":"https://doi.org/10.1080/0954898X.2024.2346608","url":null,"abstract":"<p><p>Automated diagnosis of cancer from skin lesion data has been the focus of numerous research. Despite that it can be challenging to interpret these images because of features like colour illumination changes, variation in the sizes and forms of the lesions. To tackle these problems, the proposed model develops an ensemble of deep learning techniques for skin cancer diagnosis. Initially, skin imaging data are collected and preprocessed using resizing and anisotropic diffusion to enhance the quality of the image. Preprocessed images are fed into the Fuzzy-C-Means clustering technique to segment the region of diseases. Stacking-based ensemble deep learning approach is used for classification and the LSTM acts as a meta-classifier. Deep Neural Network (DNN) and Convolutional Neural Network (CNN) are used as input for LSTM. This segmented images are utilized to be input into the CNN, and the local binary pattern (LBP) technique is employed to extract DNN features from the segments of the image. The output from these two classifiers will be fed into the LSTM Meta classifier. This LSTM classifies the input data and predicts the skin cancer disease. The proposed approach had a greater accuracy of 97%. Hence, the developed model accurately predicts skin cancer disease.</p>","PeriodicalId":54735,"journal":{"name":"Network-Computation in Neural Systems","volume":null,"pages":null},"PeriodicalIF":7.8,"publicationDate":"2024-05-28","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141159240","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
DTDO: Driving Training Development Optimization enabled deep learning approach for brain tumour classification using MRI. DTDO:利用磁共振成像进行脑肿瘤分类的深度学习方法(Driving Training Development Optimization enabled deep learning approach for brain tumour classification using MRI)。
IF 7.8 3区 计算机科学 Q3 Neuroscience Pub Date : 2024-05-27 DOI: 10.1080/0954898X.2024.2351159
Vadamodula Prasad, Issac Diana Jeba Jingle, Gopalsamy Venkadakrishnan Sriramakrishnan

A brain tumour is an abnormal mass of tissue. Brain tumours vary in size, from tiny to large. Moreover, they display variations in location, shape, and size, which add complexity to their detection. The accurate delineation of tumour regions poses a challenge due to their irregular boundaries. In this research, these issues are overcome by introducing the DTDO-ZFNet for detection of brain tumour. The input Magnetic Resonance Imaging (MRI) image is fed to the pre-processing stage. Tumour areas are segmented by utilizing SegNet in which the factors of SegNet are biased using DTDO. The image augmentation is carried out using eminent techniques, such as geometric transformation and colour space transformation. Here, features such as GIST descriptor, PCA-NGIST, statistical feature and Haralick features, SLBT feature, and CNN features are extricated. Finally, the categorization of the tumour is accomplished based on ZFNet, which is trained by utilizing DTDO. The devised DTDO is a consolidation of DTBO and CDDO. The comparison of proposed DTDO-ZFNet with the existing methods, which results in highest accuracy of 0.944, a positive predictive value (PPV) of 0.936, a true positive rate (TPR) of 0.939, a negative predictive value (NPV) of 0.937, and a minimal false-negative rate (FNR) of 0.061%.

脑肿瘤是一种异常的肿块组织。脑肿瘤的大小不一,有的很小,有的很大。此外,它们的位置、形状和大小也各不相同,这就增加了检测的复杂性。由于肿瘤的边界不规则,准确划分肿瘤区域是一项挑战。在这项研究中,通过引入用于检测脑肿瘤的 DTDO-ZFNet 克服了这些问题。输入的磁共振成像(MRI)图像进入预处理阶段。利用 SegNet 对肿瘤区域进行分割,其中使用 DTDO 对 SegNet 的因子进行偏置。图像增强采用几何变换和色彩空间变换等著名技术。在此基础上,提取出 GIST 描述符、PCA-NGIST、统计特征和 Haralick 特征、SLBT 特征和 CNN 特征等特征。最后,利用 DTDO 训练的 ZFNet 完成肿瘤分类。所设计的 DTDO 是 DTBO 和 CDDO 的综合。将所提出的 DTDO-ZFNet 与现有方法进行比较,得出的最高准确率为 0.944,阳性预测值 (PPV) 为 0.936,真阳性率 (TPR) 为 0.939,阴性预测值 (NPV) 为 0.937,最小假阴性率 (FNR) 为 0.061%。
{"title":"DTDO: Driving Training Development Optimization enabled deep learning approach for brain tumour classification using MRI.","authors":"Vadamodula Prasad, Issac Diana Jeba Jingle, Gopalsamy Venkadakrishnan Sriramakrishnan","doi":"10.1080/0954898X.2024.2351159","DOIUrl":"https://doi.org/10.1080/0954898X.2024.2351159","url":null,"abstract":"<p><p>A brain tumour is an abnormal mass of tissue. Brain tumours vary in size, from tiny to large. Moreover, they display variations in location, shape, and size, which add complexity to their detection. The accurate delineation of tumour regions poses a challenge due to their irregular boundaries. In this research, these issues are overcome by introducing the DTDO-ZFNet for detection of brain tumour. The input Magnetic Resonance Imaging (MRI) image is fed to the pre-processing stage. Tumour areas are segmented by utilizing SegNet in which the factors of SegNet are biased using DTDO. The image augmentation is carried out using eminent techniques, such as geometric transformation and colour space transformation. Here, features such as GIST descriptor, PCA-NGIST, statistical feature and Haralick features, SLBT feature, and CNN features are extricated. Finally, the categorization of the tumour is accomplished based on ZFNet, which is trained by utilizing DTDO. The devised DTDO is a consolidation of DTBO and CDDO. The comparison of proposed DTDO-ZFNet with the existing methods, which results in highest accuracy of 0.944, a positive predictive value (PPV) of 0.936, a true positive rate (TPR) of 0.939, a negative predictive value (NPV) of 0.937, and a minimal false-negative rate (FNR) of 0.061%.</p>","PeriodicalId":54735,"journal":{"name":"Network-Computation in Neural Systems","volume":null,"pages":null},"PeriodicalIF":7.8,"publicationDate":"2024-05-27","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141154757","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Optimized encoder-decoder cascaded deep convolutional network for leaf disease image segmentation. 用于叶病图像分割的优化编码器-解码器级联深度卷积网络
IF 7.8 3区 计算机科学 Q3 Neuroscience Pub Date : 2024-05-22 DOI: 10.1080/0954898X.2024.2326493
David Femi, Manapakkam Anandan Mukunthan

Nowadays, Deep Learning (DL) techniques are being used to automate the identification and diagnosis of plant diseases, thereby enhancing global food security and enabling non-experts to detect these diseases. Among many DL techniques, a Deep Encoder-Decoder Cascaded Network (DEDCNet) model can precisely segment diseased areas from the leaf images to differentiate and classify multiple diseases. On the other hand, the model training depends on the appropriate selection of hyperparameters. Also, this network structure has weak robustness with different parameters. Hence, in this manuscript, an Optimized DEDCNet (ODEDCNet) model is proposed for improved leaf disease image segmentation. To choose the best DEDCNet hyperparameters, a brand-new Dingo Optimization Algorithm (DOA) is included in this model. The DOA depends on the foraging nature of dingoes, which comprises exploration and exploitation phases. In exploration, it attains many predictable decisions in the search area, whereas exploitation enables exploring the best decisions in a provided area. The segmentation accuracy is used as the fitness value of each dingo for hyperparameter selection. By configuring the chosen hyperparameters, the DEDCNet is trained to segment the leaf disease regions. The segmented images are further given to the pre-trained Convolutional Neural Networks (CNNs) followed by the Support Vector Machine (SVM) for classifying leaf diseases. ODEDCNet performs exceptionally well on the PlantVillage and Betel Leaf Image datasets, attaining an astounding 97.33% accuracy on the former and 97.42% accuracy on the latter. Both datasets achieve noteworthy recall, F-score, Dice coefficient, and precision values: the Betel Leaf Image dataset shows values of 97.4%, 97.29%, 97.35%, and 0.9897; the PlantVillage dataset shows values of 97.5%, 97.42%, 97.46%, and 0.9901, all completed in remarkably short processing times of 0.07 and 0.06 seconds, respectively. The achieved outcomes are evaluated with the contemporary optimization algorithms using the considered datasets to comprehend the efficiency of DOA.

如今,深度学习(DL)技术正被用于植物病害的自动识别和诊断,从而提高全球粮食安全,并使非专业人员也能检测这些病害。在众多深度学习技术中,深度编码器-解码器级联网络(DEDCNet)模型可以从叶片图像中精确分割出病害区域,从而对多种病害进行区分和分类。另一方面,模型的训练取决于超参数的适当选择。而且,这种网络结构在不同参数下的鲁棒性较弱。因此,本手稿提出了优化 DEDCNet(ODEDCNet)模型,用于改进叶病图像分割。为了选择最佳的 DEDCNet 超参数,该模型采用了全新的 Dingo 优化算法(DOA)。DOA 取决于恐龙的觅食特性,包括探索和利用阶段。在探索阶段,它会在搜索区域内做出许多可预测的决定,而在利用阶段,则会在提供的区域内探索最佳决定。在选择超参数时,会将分割精度作为每只恐龙的适应度值。通过配置所选的超参数,DEDCNet 就能训练分割叶片病害区域。分割后的图像将进一步交给预先训练好的卷积神经网络(CNN),然后由支持向量机(SVM)对叶片病害进行分类。ODEDCNet 在 PlantVillage 和槟榔叶图像数据集上表现出色,前者的准确率达到惊人的 97.33%,后者的准确率达到 97.42%。这两个数据集的召回率、F-score、Dice系数和精确度值都值得一提:槟榔叶图像数据集的召回率、F-score、Dice系数和精确度值分别为97.4%、97.29%、97.35%和0.9897;植物村数据集的召回率、F-score、Dice系数和精确度值分别为97.5%、97.42%、97.46%和0.9901,所有数据的处理时间分别为0.07秒和0.06秒。我们使用所考虑的数据集对所取得的成果与当代优化算法进行了评估,以了解 DOA 的效率。
{"title":"Optimized encoder-decoder cascaded deep convolutional network for leaf disease image segmentation.","authors":"David Femi, Manapakkam Anandan Mukunthan","doi":"10.1080/0954898X.2024.2326493","DOIUrl":"https://doi.org/10.1080/0954898X.2024.2326493","url":null,"abstract":"<p><p>Nowadays, Deep Learning (DL) techniques are being used to automate the identification and diagnosis of plant diseases, thereby enhancing global food security and enabling non-experts to detect these diseases. Among many DL techniques, a Deep Encoder-Decoder Cascaded Network (DEDCNet) model can precisely segment diseased areas from the leaf images to differentiate and classify multiple diseases. On the other hand, the model training depends on the appropriate selection of hyperparameters. Also, this network structure has weak robustness with different parameters. Hence, in this manuscript, an Optimized DEDCNet (ODEDCNet) model is proposed for improved leaf disease image segmentation. To choose the best DEDCNet hyperparameters, a brand-new Dingo Optimization Algorithm (DOA) is included in this model. The DOA depends on the foraging nature of dingoes, which comprises exploration and exploitation phases. In exploration, it attains many predictable decisions in the search area, whereas exploitation enables exploring the best decisions in a provided area. The segmentation accuracy is used as the fitness value of each dingo for hyperparameter selection. By configuring the chosen hyperparameters, the DEDCNet is trained to segment the leaf disease regions. The segmented images are further given to the pre-trained Convolutional Neural Networks (CNNs) followed by the Support Vector Machine (SVM) for classifying leaf diseases. ODEDCNet performs exceptionally well on the PlantVillage and Betel Leaf Image datasets, attaining an astounding 97.33% accuracy on the former and 97.42% accuracy on the latter. Both datasets achieve noteworthy recall, F-score, Dice coefficient, and precision values: the Betel Leaf Image dataset shows values of 97.4%, 97.29%, 97.35%, and 0.9897; the PlantVillage dataset shows values of 97.5%, 97.42%, 97.46%, and 0.9901, all completed in remarkably short processing times of 0.07 and 0.06 seconds, respectively. The achieved outcomes are evaluated with the contemporary optimization algorithms using the considered datasets to comprehend the efficiency of DOA.</p>","PeriodicalId":54735,"journal":{"name":"Network-Computation in Neural Systems","volume":null,"pages":null},"PeriodicalIF":7.8,"publicationDate":"2024-05-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141077390","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Fractional social optimization-based migration and replica management algorithm for load balancing in distributed file system for cloud computing. 基于分数社会优化的迁移和副本管理算法,用于云计算分布式文件系统的负载平衡。
IF 7.8 3区 计算机科学 Q3 Neuroscience Pub Date : 2024-05-21 DOI: 10.1080/0954898X.2024.2353665
Manjula Hulagappa Nebagiri, Latha Pillappa Hnumanthappa

Effective management of data is a major issue in Distributed File System (DFS), like the cloud. This issue is handled by replicating files in an effective manner, which can minimize the time of data access and elevate the data availability. This paper devises a Fractional Social Optimization Algorithm (FSOA) for replica management along with balancing load in DFS in the cloud stage. Balancing the workload for DFS is the main objective. Here, the chunk creation is done by partitioning the file into a different number of chunks considering Deep Fuzzy Clustering (DFC) and then in the round-robin manner the Virtual machine (VM) is assigned. In that case for balancing the load considering certain objectives like resource use, energy consumption and migration cost thereby the load balancing is performed with the proposed FSOA. Here, the FSOA is formulated by uniting the Social optimization algorithm (SOA) and Fractional Calculus (FC). The replica management is done in DFS using the proposed FSOA by considering the various objectives. The FSOA has the smallest load of 0.299, smallest cost of 0.395, smallest energy consumption of 0.510, smallest overhead of 0.358, and smallest throughput of 0.537.

在云计算等分布式文件系统(DFS)中,数据的有效管理是一个主要问题。这个问题可以通过有效复制文件来解决,这样可以最大限度地缩短数据访问时间,提高数据可用性。本文设计了一种分数社会优化算法(FSOA),用于复制管理和平衡云阶段 DFS 的负载。平衡 DFS 的工作负载是主要目标。在这里,通过深度模糊聚类(DFC)将文件划分为不同数量的块来创建块,然后以循环方式分配虚拟机(VM)。在这种情况下,为了平衡负载,需要考虑某些目标,如资源使用、能源消耗和迁移成本,从而使用所提出的 FSOA 进行负载平衡。在这里,FSOA 是通过联合社会优化算法(SOA)和分数微积分(FC)来实现的。考虑到各种目标,使用所提出的 FSOA 在 DFS 中进行副本管理。FSOA 的最小负载为 0.299,最小成本为 0.395,最小能耗为 0.510,最小开销为 0.358,最小吞吐量为 0.537。
{"title":"Fractional social optimization-based migration and replica management algorithm for load balancing in distributed file system for cloud computing.","authors":"Manjula Hulagappa Nebagiri, Latha Pillappa Hnumanthappa","doi":"10.1080/0954898X.2024.2353665","DOIUrl":"https://doi.org/10.1080/0954898X.2024.2353665","url":null,"abstract":"<p><p>Effective management of data is a major issue in Distributed File System (DFS), like the cloud. This issue is handled by replicating files in an effective manner, which can minimize the time of data access and elevate the data availability. This paper devises a Fractional Social Optimization Algorithm (FSOA) for replica management along with balancing load in DFS in the cloud stage. Balancing the workload for DFS is the main objective. Here, the chunk creation is done by partitioning the file into a different number of chunks considering Deep Fuzzy Clustering (DFC) and then in the round-robin manner the Virtual machine (VM) is assigned. In that case for balancing the load considering certain objectives like resource use, energy consumption and migration cost thereby the load balancing is performed with the proposed FSOA. Here, the FSOA is formulated by uniting the Social optimization algorithm (SOA) and Fractional Calculus (FC). The replica management is done in DFS using the proposed FSOA by considering the various objectives. The FSOA has the smallest load of 0.299, smallest cost of 0.395, smallest energy consumption of 0.510, smallest overhead of 0.358, and smallest throughput of 0.537.</p>","PeriodicalId":54735,"journal":{"name":"Network-Computation in Neural Systems","volume":null,"pages":null},"PeriodicalIF":7.8,"publicationDate":"2024-05-21","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141072363","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Enhancing multi-class lung disease classification in chest x-ray images: A hybrid manta-ray foraging volcano eruption algorithm boosted multilayer perceptron neural network approach. 增强胸部X光图像中的多类肺病分类:混合蝠鲼觅食火山爆发算法增强多层感知器神经网络方法。
IF 1.1 3区 计算机科学 Q4 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-05-16 DOI: 10.1080/0954898X.2024.2350579
Rajendran Thavasimuthu, Sudheer Hanumanthakari, Sridhar Sekar, Sakthivel Kirubakaran

One of the most used diagnostic imaging techniques for identifying a variety of lung and bone-related conditions is the chest X-ray. Recent developments in deep learning have demonstrated several successful cases of illness diagnosis from chest X-rays. However, issues of stability and class imbalance still need to be resolved. Hence in this manuscript, multi-class lung disease classification in chest x-ray images using a hybrid manta-ray foraging volcano eruption algorithm boosted multilayer perceptron neural network approach is proposed (MPNN-Hyb-MRF-VEA). Initially, the input chest X-ray images are taken from the Covid-Chest X-ray dataset. Anisotropic diffusion Kuwahara filtering (ADKF) is used to enhance the quality of these images and lower noise. To capture significant discriminative features, the Term frequency-inverse document frequency (TF-IDF) based feature extraction method is utilized in this case. The Multilayer Perceptron Neural Network (MPNN) serves as the classification model for multi-class lung disorders classification as COVID-19, pneumonia, tuberculosis (TB), and normal. A Hybrid Manta-Ray Foraging and Volcano Eruption Algorithm (Hyb-MRF-VEA) is introduced to further optimize and fine-tune the MPNN's parameters. The Python platform is used to accurately evaluate the proposed methodology. The performance of the proposed method provides 23.21%, 12.09%, and 5.66% higher accuracy compared with existing methods like NFM, SVM, and CNN respectively.

胸部 X 射线是最常用的诊断成像技术之一,可用于识别各种肺部和骨骼相关疾病。深度学习的最新发展已经展示了几个通过胸部 X 光片诊断疾病的成功案例。然而,稳定性和类不平衡问题仍有待解决。因此,本手稿提出了使用混合蝠鲼觅食火山喷发算法增强多层感知器神经网络方法(MPNN-Hyb-MRF-VEA)对胸部X光图像进行多类肺部疾病分类。最初,输入的胸部 X 光图像来自 Covid-Chest X 光数据集。使用各向异性扩散桑原滤波(ADKF)来提高这些图像的质量并降低噪声。为了捕捉重要的鉴别特征,本例采用了基于词频-反文档频率(TF-IDF)的特征提取方法。多层感知器神经网络(MPNN)作为多类肺部疾病分类模型,可将肺部疾病分为 COVID-19、肺炎、肺结核(TB)和正常。为了进一步优化和微调 MPNN 的参数,引入了蝠鲼觅食和火山喷发混合算法(Hyb-MRF-VEA)。Python 平台用于精确评估所提出的方法。与 NFM、SVM 和 CNN 等现有方法相比,拟议方法的准确率分别提高了 23.21%、12.09% 和 5.66%。
{"title":"Enhancing multi-class lung disease classification in chest x-ray images: A hybrid manta-ray foraging volcano eruption algorithm boosted multilayer perceptron neural network approach.","authors":"Rajendran Thavasimuthu, Sudheer Hanumanthakari, Sridhar Sekar, Sakthivel Kirubakaran","doi":"10.1080/0954898X.2024.2350579","DOIUrl":"10.1080/0954898X.2024.2350579","url":null,"abstract":"<p><p>One of the most used diagnostic imaging techniques for identifying a variety of lung and bone-related conditions is the chest X-ray. Recent developments in deep learning have demonstrated several successful cases of illness diagnosis from chest X-rays. However, issues of stability and class imbalance still need to be resolved. Hence in this manuscript, multi-class lung disease classification in chest x-ray images using a hybrid manta-ray foraging volcano eruption algorithm boosted multilayer perceptron neural network approach is proposed (MPNN-Hyb-MRF-VEA). Initially, the input chest X-ray images are taken from the Covid-Chest X-ray dataset. Anisotropic diffusion Kuwahara filtering (ADKF) is used to enhance the quality of these images and lower noise. To capture significant discriminative features, the Term frequency-inverse document frequency (TF-IDF) based feature extraction method is utilized in this case. The Multilayer Perceptron Neural Network (MPNN) serves as the classification model for multi-class lung disorders classification as COVID-19, pneumonia, tuberculosis (TB), and normal. A Hybrid Manta-Ray Foraging and Volcano Eruption Algorithm (Hyb-MRF-VEA) is introduced to further optimize and fine-tune the MPNN's parameters. The Python platform is used to accurately evaluate the proposed methodology. The performance of the proposed method provides 23.21%, 12.09%, and 5.66% higher accuracy compared with existing methods like NFM, SVM, and CNN respectively.</p>","PeriodicalId":54735,"journal":{"name":"Network-Computation in Neural Systems","volume":null,"pages":null},"PeriodicalIF":1.1,"publicationDate":"2024-05-16","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"140946455","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
An intelligent wireless channel corrupted image-denoising framework using symmetric convolution-based heuristic assisted residual attention network. 使用基于对称卷积的启发式辅助残差注意网络的智能无线信道损坏图像去噪框架。
IF 7.8 3区 计算机科学 Q3 Neuroscience Pub Date : 2024-05-14 DOI: 10.1080/0954898X.2024.2350578
Sreedhar Mala, Aparna Kukunuri

Image denoising is one of the significant approaches for extracting valuable information in the required images without any errors. During the process of image transmission in the wireless medium, a wide variety of noise is presented to affect the image quality. For efficient analysis, an effective denoising approach is needed to enhance the quality of the images. The main scope of this research paper is to correct errors and remove the effects of channel degradation. A corrupted image denoising approach is developed in wireless channels to eliminate the bugs. The required images are gathered from wireless channels at the receiver end. Initially, the collected images are decomposed into several regions using Adaptive Lifting Wavelet Transform (ALWT) and then the "Symmetric Convolution-based Residual Attention Network (SC-RAN)" is employed, where the residual images are obtained by separating the clean image from the noisy images. The parameters present are optimized using Hybrid Energy Golden Tortoise Beetle Optimizer (HEGTBO) to maximize efficiency. The image denoising is performed over the obtained residual images and noisy images to get the final denoised images. The numerical findings of the developed model attain 31.69% regarding PSNR metrics. Thus, the analysis of the developed model shows significant improvement.

图像去噪是在所需图像中无误提取有价值信息的重要方法之一。在无线介质中传输图像的过程中,会出现各种各样的噪声来影响图像质量。为了进行有效分析,需要一种有效的去噪方法来提高图像质量。本文研究的主要范围是纠正错误和消除信道劣化的影响。本文开发了一种在无线信道中消除错误的损坏图像去噪方法。接收端从无线信道收集所需的图像。首先,使用自适应提升小波变换(ALWT)将收集到的图像分解成多个区域,然后采用 "基于对称卷积的残差注意网络(SC-RAN)",通过从噪声图像中分离出干净图像来获得残差图像。使用混合能量金龟甲虫优化器(HEGTBO)对存在的参数进行优化,以最大限度地提高效率。对获得的残留图像和噪声图像进行图像去噪,以获得最终的去噪图像。所开发模型的 PSNR 指标达到 31.69%。因此,对所开发模型的分析表明该模型有显著的改进。
{"title":"An intelligent wireless channel corrupted image-denoising framework using symmetric convolution-based heuristic assisted residual attention network.","authors":"Sreedhar Mala, Aparna Kukunuri","doi":"10.1080/0954898X.2024.2350578","DOIUrl":"https://doi.org/10.1080/0954898X.2024.2350578","url":null,"abstract":"<p><p>Image denoising is one of the significant approaches for extracting valuable information in the required images without any errors. During the process of image transmission in the wireless medium, a wide variety of noise is presented to affect the image quality. For efficient analysis, an effective denoising approach is needed to enhance the quality of the images. The main scope of this research paper is to correct errors and remove the effects of channel degradation. A corrupted image denoising approach is developed in wireless channels to eliminate the bugs. The required images are gathered from wireless channels at the receiver end. Initially, the collected images are decomposed into several regions using Adaptive Lifting Wavelet Transform (ALWT) and then the \"Symmetric Convolution-based Residual Attention Network (SC-RAN)\" is employed, where the residual images are obtained by separating the clean image from the noisy images. The parameters present are optimized using Hybrid Energy Golden Tortoise Beetle Optimizer (HEGTBO) to maximize efficiency. The image denoising is performed over the obtained residual images and noisy images to get the final denoised images. The numerical findings of the developed model attain 31.69% regarding PSNR metrics. Thus, the analysis of the developed model shows significant improvement.</p>","PeriodicalId":54735,"journal":{"name":"Network-Computation in Neural Systems","volume":null,"pages":null},"PeriodicalIF":7.8,"publicationDate":"2024-05-14","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"140923502","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Omics data classification using constitutive artificial neural network optimized with single candidate optimizer. 使用单候选优化器优化的构成型人工神经网络进行 Omics 数据分类。
IF 7.8 3区 计算机科学 Q3 Neuroscience Pub Date : 2024-05-12 DOI: 10.1080/0954898X.2024.2348726
Subramaniam Madhan, Anbarasan Kalaiselvan

Recent technical advancements enable omics-based biological study of molecules with very high throughput and low cost, such as genomic, proteomic, and microbionics'. To overcome this drawback, Omics Data Classification using Constitutive Artificial Neural Network Optimized with Single Candidate Optimizer (ODC-ZOA-CANN-SCO) is proposed in this manuscript. The input data is pre-processing by using Adaptive variational Bayesian filtering (AVBF) to replace missing values. The pre-processing data is fed to Zebra Optimization Algorithm (ZOA) for dimensionality reduction. Then, the Constitutive Artificial Neural Network (CANN) is employed to classify omics data. The weight parameter is optimized by Single Candidate Optimizer (SCO). The proposed ODC-ZOA-CANN-SCO method attains 25.36%, 21.04%, 22.18%, 26.90%, and 28.12% higher accuracy when analysed to the existing methods like multi-omics data integration utilizing adaptive graph learning and attention mode for patient categorization with biomarker identification (MOD-AGL-AM-PABI), deep learning method depending upon multi-omics data integration to create risk stratification prediction mode for skin cutaneous melanoma (DL-MODI-RSP-SCM), Deep belief network-base model for identifying Alzheimer's disease utilizing multi-omics data (DDN-DAD-MOD), hybrid cancer prediction depending upon multi-omics data and reinforcement learning state action reward state action (HCP-MOD-RL-SARSA), machine learning basis method under omics data including biological knowledge database for cancer clinical endpoint prediction (ML-ODBKD-CCEP) methods, respectively.

最近的技术进步使基于全局组学的分子生物学研究(如基因组学、蛋白质组学和微生物学)能够以极高的通量和较低的成本进行。为了克服这一缺点,本手稿提出了使用单候选优化器优化的构成型人工神经网络(ODC-ZOA-CANN-SCO)进行全息数据分类。使用自适应变异贝叶斯滤波(AVBF)对输入数据进行预处理,以替换缺失值。预处理后的数据被送入斑马优化算法(ZOA)进行降维处理。然后,采用构造人工神经网络(CANN)对 omics 数据进行分类。权重参数通过单候选优化器(SCO)进行优化。拟议的 ODC-ZOA-CANN-SCO 方法的准确率分别为 25.36%、21.04%、22.18%、26.90% 和 28.12%。与现有方法(如利用自适应图学习和注意力模式进行多组学数据整合以识别生物标记物的患者分类方法(MOD-AGL-AM-PABI)、利用多组学数据整合创建皮肤黑色素瘤风险分层预测模式的深度学习方法(DL-MODI-RSP-SCM))相比,拟议的 ODC-ZOA-CANN-SCO 方法的准确率分别提高了 25.36%、21.04%、22.18%、26.90% 和 28.12%、利用多组学数据识别阿尔茨海默病的深度信念网络基础模型(DDN-DAD-MOD)、基于多组学数据和强化学习状态行动奖赏状态行动的混合癌症预测方法(HCP-MOD-RL-SARSA)、包括生物知识数据库在内的omics数据下机器学习基础方法用于癌症临床终点预测(ML-ODBKD-CCEP)等方法。
{"title":"Omics data classification using constitutive artificial neural network optimized with single candidate optimizer.","authors":"Subramaniam Madhan, Anbarasan Kalaiselvan","doi":"10.1080/0954898X.2024.2348726","DOIUrl":"https://doi.org/10.1080/0954898X.2024.2348726","url":null,"abstract":"<p><p>Recent technical advancements enable omics-based biological study of molecules with very high throughput and low cost, such as genomic, proteomic, and microbionics'. To overcome this drawback, Omics Data Classification using Constitutive Artificial Neural Network Optimized with Single Candidate Optimizer (ODC-ZOA-CANN-SCO) is proposed in this manuscript. The input data is pre-processing by using Adaptive variational Bayesian filtering (AVBF) to replace missing values. The pre-processing data is fed to Zebra Optimization Algorithm (ZOA) for dimensionality reduction. Then, the Constitutive Artificial Neural Network (CANN) is employed to classify omics data. The weight parameter is optimized by Single Candidate Optimizer (SCO). The proposed ODC-ZOA-CANN-SCO method attains 25.36%, 21.04%, 22.18%, 26.90%, and 28.12% higher accuracy when analysed to the existing methods like multi-omics data integration utilizing adaptive graph learning and attention mode for patient categorization with biomarker identification (MOD-AGL-AM-PABI), deep learning method depending upon multi-omics data integration to create risk stratification prediction mode for skin cutaneous melanoma (DL-MODI-RSP-SCM), Deep belief network-base model for identifying Alzheimer's disease utilizing multi-omics data (DDN-DAD-MOD), hybrid cancer prediction depending upon multi-omics data and reinforcement learning state action reward state action (HCP-MOD-RL-SARSA), machine learning basis method under omics data including biological knowledge database for cancer clinical endpoint prediction (ML-ODBKD-CCEP) methods, respectively.</p>","PeriodicalId":54735,"journal":{"name":"Network-Computation in Neural Systems","volume":null,"pages":null},"PeriodicalIF":7.8,"publicationDate":"2024-05-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"140913377","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
期刊
Network-Computation in Neural Systems
全部 Acc. Chem. Res. ACS Applied Bio Materials ACS Appl. Electron. Mater. ACS Appl. Energy Mater. ACS Appl. Mater. Interfaces ACS Appl. Nano Mater. ACS Appl. Polym. Mater. ACS BIOMATER-SCI ENG ACS Catal. ACS Cent. Sci. ACS Chem. Biol. ACS Chemical Health & Safety ACS Chem. Neurosci. ACS Comb. Sci. ACS Earth Space Chem. ACS Energy Lett. ACS Infect. Dis. ACS Macro Lett. ACS Mater. Lett. ACS Med. Chem. Lett. ACS Nano ACS Omega ACS Photonics ACS Sens. ACS Sustainable Chem. Eng. ACS Synth. Biol. Anal. Chem. BIOCHEMISTRY-US Bioconjugate Chem. BIOMACROMOLECULES Chem. Res. Toxicol. Chem. Rev. Chem. Mater. CRYST GROWTH DES ENERG FUEL Environ. Sci. Technol. Environ. Sci. Technol. Lett. Eur. J. Inorg. Chem. IND ENG CHEM RES Inorg. Chem. J. Agric. Food. Chem. J. Chem. Eng. Data J. Chem. Educ. J. Chem. Inf. Model. J. Chem. Theory Comput. J. Med. Chem. J. Nat. Prod. J PROTEOME RES J. Am. Chem. Soc. LANGMUIR MACROMOLECULES Mol. Pharmaceutics Nano Lett. Org. Lett. ORG PROCESS RES DEV ORGANOMETALLICS J. Org. Chem. J. Phys. Chem. J. Phys. Chem. A J. Phys. Chem. B J. Phys. Chem. C J. Phys. Chem. Lett. Analyst Anal. Methods Biomater. Sci. Catal. Sci. Technol. Chem. Commun. Chem. Soc. Rev. CHEM EDUC RES PRACT CRYSTENGCOMM Dalton Trans. Energy Environ. Sci. ENVIRON SCI-NANO ENVIRON SCI-PROC IMP ENVIRON SCI-WAT RES Faraday Discuss. Food Funct. Green Chem. Inorg. Chem. Front. Integr. Biol. J. Anal. At. Spectrom. J. Mater. Chem. A J. Mater. Chem. B J. Mater. Chem. C Lab Chip Mater. Chem. Front. Mater. Horiz. MEDCHEMCOMM Metallomics Mol. Biosyst. Mol. Syst. Des. Eng. Nanoscale Nanoscale Horiz. Nat. Prod. Rep. New J. Chem. Org. Biomol. Chem. Org. Chem. Front. PHOTOCH PHOTOBIO SCI PCCP Polym. Chem.
×
引用
GB/T 7714-2015
复制
MLA
复制
APA
复制
导出至
BibTeX EndNote RefMan NoteFirst NoteExpress
×
0
微信
客服QQ
Book学术公众号 扫码关注我们
反馈
×
意见反馈
请填写您的意见或建议
请填写您的手机或邮箱
×
提示
您的信息不完整,为了账户安全,请先补充。
现在去补充
×
提示
您因"违规操作"
具体请查看互助需知
我知道了
×
提示
现在去查看 取消
×
提示
确定
Book学术官方微信
Book学术文献互助
Book学术文献互助群
群 号:481959085
Book学术
文献互助 智能选刊 最新文献 互助须知 联系我们:info@booksci.cn
Book学术提供免费学术资源搜索服务,方便国内外学者检索中英文文献。致力于提供最便捷和优质的服务体验。
Copyright © 2023 Book学术 All rights reserved.
ghs 京公网安备 11010802042870号 京ICP备2023020795号-1