首页 > 最新文献

Network-Computation in Neural Systems最新文献

英文 中文
MCN portfolio: An efficient portfolio prediction and selection model using multiserial cascaded network with hybrid meta-heuristic optimization algorithm. MCN 投资组合:使用混合元启发式优化算法的多串级联网络的高效投资组合预测和选择模型。
IF 7.8 3区 计算机科学 Q3 Neuroscience Pub Date : 2024-05-08 DOI: 10.1080/0954898X.2024.2346115
Meeta Sharma, Pankaj Kumar Sharma, Hemant Kumar Vijayvergia, Amit Garg, Shyam Sundar Agarwal, Varun Prakash Saxena

Generally, financial investments are necessary for portfolio management. However, the prediction of a portfolio becomes complicated in several processing techniques which may cause certain issues while predicting the portfolio. Moreover, the error analysis needs to be validated with efficient performance measures. To solve the problems of portfolio optimization, a new portfolio prediction framework is developed. Initially, a dataset is collected from the standard database which is accumulated with various companies' portfolios. For forecasting the benefits of companies, a Multi-serial Cascaded Network (MCNet) is employed which constitutes of Autoencoder, 1D Convolutional Neural Network (1DCNN), and Recurrent Neural Network (RNN) is utilized. The prediction output for the different companies is stored using the developed MCNet model for further use. After predicting the benefits, the best company with the highest profit is selected by Integration of Artificial Rabbit and Hummingbird Algorithm (IARHA). The major contribution of our work is to increase the accuracy of prediction and to choose the optimal portfolio. The implementation is conducted in Python platform. The result analysis shows that the developed model achieves 0.89% and 0.56% regarding RMSE and MAE measures. Throughout the analysis, the experimentation of the developed model shows enriched performance.

一般来说,金融投资是投资组合管理的必要条件。然而,投资组合的预测在多种处理技术中变得复杂,这可能会在预测投资组合时造成某些问题。此外,误差分析还需要有效的性能指标来验证。为了解决投资组合优化问题,我们开发了一个新的投资组合预测框架。首先,从标准数据库中收集数据集,该数据集由各种公司的投资组合累积而成。为了预测公司的收益,采用了由自动编码器、一维卷积神经网络(1DCNN)和循环神经网络(RNN)组成的多序列级联网络(MCNet)。利用开发的 MCNet 模型存储不同公司的预测输出,以供进一步使用。预测效益后,通过人工兔子和蜂鸟算法集成(IARHA)选出利润最高的最佳公司。我们工作的主要贡献在于提高预测的准确性并选择最佳投资组合。该模型在 Python 平台上实现。结果分析表明,所开发模型的 RMSE 和 MAE 分别为 0.89% 和 0.56%。在整个分析过程中,所开发模型的实验结果表明其性能得到了提升。
{"title":"MCN portfolio: An efficient portfolio prediction and selection model using multiserial cascaded network with hybrid meta-heuristic optimization algorithm.","authors":"Meeta Sharma, Pankaj Kumar Sharma, Hemant Kumar Vijayvergia, Amit Garg, Shyam Sundar Agarwal, Varun Prakash Saxena","doi":"10.1080/0954898X.2024.2346115","DOIUrl":"https://doi.org/10.1080/0954898X.2024.2346115","url":null,"abstract":"<p><p>Generally, financial investments are necessary for portfolio management. However, the prediction of a portfolio becomes complicated in several processing techniques which may cause certain issues while predicting the portfolio. Moreover, the error analysis needs to be validated with efficient performance measures. To solve the problems of portfolio optimization, a new portfolio prediction framework is developed. Initially, a dataset is collected from the standard database which is accumulated with various companies' portfolios. For forecasting the benefits of companies, a Multi-serial Cascaded Network (MCNet) is employed which constitutes of Autoencoder, 1D Convolutional Neural Network (1DCNN), and Recurrent Neural Network (RNN) is utilized. The prediction output for the different companies is stored using the developed MCNet model for further use. After predicting the benefits, the best company with the highest profit is selected by Integration of Artificial Rabbit and Hummingbird Algorithm (IARHA). The major contribution of our work is to increase the accuracy of prediction and to choose the optimal portfolio. The implementation is conducted in Python platform. The result analysis shows that the developed model achieves 0.89% and 0.56% regarding RMSE and MAE measures. Throughout the analysis, the experimentation of the developed model shows enriched performance.</p>","PeriodicalId":54735,"journal":{"name":"Network-Computation in Neural Systems","volume":null,"pages":null},"PeriodicalIF":7.8,"publicationDate":"2024-05-08","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"140877957","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
Neuromorphic computing spiking neural network edge detection model for content based image retrieval. 基于内容的图像检索的神经形态计算尖峰神经网络边缘检测模型。
IF 7.8 3区 计算机科学 Q3 Neuroscience Pub Date : 2024-05-06 DOI: 10.1080/0954898X.2024.2348018
Ambuj, Rajendra Machavaram

In contemporary times, content-based image retrieval (CBIR) techniques have gained widespread acceptance as a means for end-users to discern and extract specific image content from vast repositories. However, it is noteworthy that a substantial majority of CBIR studies continue to rely on linear methodologies such as gradient-based and derivative-based edge detection techniques. This research explores the integration of bioinspired Spiking Neural Network (SNN) based edge detection within CBIR. We introduce an innovative, computationally efficient SNN-based approach designed explicitly for CBIR applications, outperforming existing SNN models by reducing computational overhead by 2.5 times. The proposed SNN-based edge detection approach is seamlessly incorporated into three distinct CBIR techniques, each employing conventional edge detection methodologies including Sobel, Canny, and image derivatives. Rigorous experimentation and evaluations are carried out utilizing the Corel-10k dataset and crop weed dataset, a widely recognized and frequently adopted benchmark dataset in the realm of image analysis. Importantly, our findings underscore the enhanced performance of CBIR methodologies integrating the proposed SNN-based edge detection approach, with an average increase in mean precision values exceeding 3%. This study conclusively demonstrated the utility of our proposed methodology in optimizing feature extraction, thereby establishing its pivotal role in advancing edge centric CBIR approaches.

当代,基于内容的图像检索(CBIR)技术已被广泛接受,成为终端用户从庞大的资源库中识别和提取特定图像内容的一种手段。然而,值得注意的是,绝大多数 CBIR 研究仍然依赖于线性方法,如基于梯度和导数的边缘检测技术。本研究探讨了在 CBIR 中整合基于生物启发的尖峰神经网络(SNN)的边缘检测技术。我们引入了一种创新的、计算效率高的基于 SNN 的方法,这种方法专门针对 CBIR 应用而设计,其性能优于现有的 SNN 模型,计算开销减少了 2.5 倍。所提出的基于 SNN 的边缘检测方法被无缝集成到三种不同的 CBIR 技术中,每种技术都采用了传统的边缘检测方法,包括 Sobel、Canny 和图像衍生物。我们利用 Corel-10k 数据集和作物杂草数据集进行了严格的实验和评估,这两个数据集是图像分析领域公认的、经常采用的基准数据集。重要的是,我们的研究结果表明,采用基于 SNN 的边缘检测方法后,CBIR 方法的性能得到了提高,平均精度值提高了 3%。这项研究最终证明了我们提出的方法在优化特征提取方面的实用性,从而确立了它在推进以边缘为中心的 CBIR 方法中的关键作用。
{"title":"Neuromorphic computing spiking neural network edge detection model for content based image retrieval.","authors":"Ambuj, Rajendra Machavaram","doi":"10.1080/0954898X.2024.2348018","DOIUrl":"https://doi.org/10.1080/0954898X.2024.2348018","url":null,"abstract":"<p><p>In contemporary times, content-based image retrieval (CBIR) techniques have gained widespread acceptance as a means for end-users to discern and extract specific image content from vast repositories. However, it is noteworthy that a substantial majority of CBIR studies continue to rely on linear methodologies such as gradient-based and derivative-based edge detection techniques. This research explores the integration of bioinspired Spiking Neural Network (SNN) based edge detection within CBIR. We introduce an innovative, computationally efficient SNN-based approach designed explicitly for CBIR applications, outperforming existing SNN models by reducing computational overhead by 2.5 times. The proposed SNN-based edge detection approach is seamlessly incorporated into three distinct CBIR techniques, each employing conventional edge detection methodologies including Sobel, Canny, and image derivatives. Rigorous experimentation and evaluations are carried out utilizing the Corel-10k dataset and crop weed dataset, a widely recognized and frequently adopted benchmark dataset in the realm of image analysis. Importantly, our findings underscore the enhanced performance of CBIR methodologies integrating the proposed SNN-based edge detection approach, with an average increase in mean precision values exceeding 3%. This study conclusively demonstrated the utility of our proposed methodology in optimizing feature extraction, thereby establishing its pivotal role in advancing edge centric CBIR approaches.</p>","PeriodicalId":54735,"journal":{"name":"Network-Computation in Neural Systems","volume":null,"pages":null},"PeriodicalIF":7.8,"publicationDate":"2024-05-06","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"140866097","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
Neural decoding of inferior colliculus multiunit activity for sound category identification with temporal correlation and transfer learning. 下丘多单元活动对声音类别识别的神经解码与时间相关和迁移学习。
IF 7.8 3区 计算机科学 Q3 Neuroscience Pub Date : 2024-05-01 Epub Date: 2023-11-20 DOI: 10.1080/0954898X.2023.2282576
Fatma Özcan, Ahmet Alkan

Natural sounds are easily perceived and identified by humans and animals. Despite this, the neural transformations that enable sound perception remain largely unknown. It is thought that the temporal characteristics of sounds may be reflected in auditory assembly responses at the inferior colliculus (IC) and which may play an important role in identification of natural sounds. In our study, natural sounds will be predicted from multi-unit activity (MUA) signals collected in the IC. Data is obtained from an international platform publicly accessible. The temporal correlation values of the MUA signals are converted into images. We used two different segment sizes and with a denoising method, we generated four subsets for the classification. Using pre-trained convolutional neural networks (CNNs), features of the images were extracted and the type of heard sound was classified. For this, we applied transfer learning from Alexnet, Googlenet and Squeezenet CNNs. The classifiers support vector machines (SVM), k-nearest neighbour (KNN), Naive Bayes and Ensemble were used. The accuracy, sensitivity, specificity, precision and F1 score were measured as evaluation parameters. By using all the tests and removing the noise, the accuracy improved significantly. These results will allow neuroscientists to make interesting conclusions.

自然的声音很容易被人类和动物感知和识别。尽管如此,使声音感知的神经转换在很大程度上仍然未知。声音的时间特征可能反映在下丘的听觉组装反应中,在下丘在自然声音的识别中起重要作用。在我们的研究中,自然声音将从IC中收集的多单元活动(MUA)信号中进行预测。数据来自一个公开访问的国际平台。将MUA信号的时间相关值转换成图像。我们使用两种不同的片段大小,并使用去噪方法,我们生成了四个子集进行分类。利用预训练的卷积神经网络(cnn)提取图像特征,并对听到的声音进行分类。为此,我们应用了Alexnet、Googlenet和Squeezenet cnn的迁移学习。分类器包括支持向量机(SVM)、k近邻(KNN)、朴素贝叶斯(Naive Bayes)和集成(Ensemble)。以准确度、灵敏度、特异度、精密度和F1评分作为评价参数。通过综合使用所有测试并去除噪声,精度得到了显著提高。这些结果将使神经科学家得出有趣的结论。
{"title":"Neural decoding of inferior colliculus multiunit activity for sound category identification with temporal correlation and transfer learning.","authors":"Fatma Özcan, Ahmet Alkan","doi":"10.1080/0954898X.2023.2282576","DOIUrl":"10.1080/0954898X.2023.2282576","url":null,"abstract":"<p><p>Natural sounds are easily perceived and identified by humans and animals. Despite this, the neural transformations that enable sound perception remain largely unknown. It is thought that the temporal characteristics of sounds may be reflected in auditory assembly responses at the inferior colliculus (IC) and which may play an important role in identification of natural sounds. In our study, natural sounds will be predicted from multi-unit activity (MUA) signals collected in the IC. Data is obtained from an international platform publicly accessible. The temporal correlation values of the MUA signals are converted into images. We used two different segment sizes and with a denoising method, we generated four subsets for the classification. Using pre-trained convolutional neural networks (CNNs), features of the images were extracted and the type of heard sound was classified. For this, we applied transfer learning from Alexnet, Googlenet and Squeezenet CNNs. The classifiers support vector machines (SVM), k-nearest neighbour (KNN), Naive Bayes and Ensemble were used. The accuracy, sensitivity, specificity, precision and F1 score were measured as evaluation parameters. By using all the tests and removing the noise, the accuracy improved significantly. These results will allow neuroscientists to make interesting conclusions.</p>","PeriodicalId":54735,"journal":{"name":"Network-Computation in Neural Systems","volume":null,"pages":null},"PeriodicalIF":7.8,"publicationDate":"2024-05-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"138048830","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
Golden eagle based improved Att-BiLSTM model for big data classification with hybrid feature extraction and feature selection techniques. 基于金鹰的改进型 Att-BiLSTM 模型,采用混合特征提取和特征选择技术进行大数据分类。
IF 7.8 3区 计算机科学 Q3 Neuroscience Pub Date : 2024-05-01 Epub Date: 2023-12-28 DOI: 10.1080/0954898X.2023.2293895
Gnanendra Kotikam, Lokesh Selvaraj

The remarkable development in technology has led to the increase of massive big data. Machine learning processes provide a way for investigators to examine and particularly classify big data. Besides, several machine learning models rely on powerful feature extraction and feature selection techniques for their success. In this paper, a big data classification approach is developed using an optimized deep learning classifier integrated with hybrid feature extraction and feature selection approaches. The proposed technique uses local linear embedding-based kernel principal component analysis and perturbation theory, respectively, to extract more representative data and select the appropriate features from the big data environment. In addition, the feature selection task is fine-tuned by using perturbation theory through heuristic search based on their output accuracy. This feature selection heuristic search method is analysed with five recent heuristic optimization algorithms for deciding the final feature subset. Finally, the data are categorized through an attention-based bidirectional long short-term memory classifier that is optimized with a golden eagle-inspired algorithm. The performance of the proposed model is experimentally verified on publicly accessible datasets. From the experimental outcomes, it is demonstrated that the proposed framework is capable of classifying large datasets with more than 90% accuracy.

技术的飞速发展导致了海量大数据的增加。机器学习过程为研究人员提供了一种对大数据进行检查和分类的方法。此外,一些机器学习模型的成功依赖于强大的特征提取和特征选择技术。本文开发了一种大数据分类方法,使用优化的深度学习分类器与混合特征提取和特征选择方法相结合。所提出的技术分别使用基于局部线性嵌入的内核主成分分析和扰动理论,从大数据环境中提取更具代表性的数据并选择合适的特征。此外,利用扰动理论通过启发式搜索,根据其输出精度对特征选择任务进行微调。这种特征选择启发式搜索方法与五种最新的启发式优化算法进行了分析,以决定最终的特征子集。最后,通过基于注意力的双向长短期记忆分类器对数据进行分类,该分类器采用金鹰启发算法进行优化。所提模型的性能在可公开获取的数据集上得到了实验验证。实验结果表明,所提出的框架能够对大型数据集进行分类,准确率超过 90%。
{"title":"Golden eagle based improved Att-BiLSTM model for big data classification with hybrid feature extraction and feature selection techniques.","authors":"Gnanendra Kotikam, Lokesh Selvaraj","doi":"10.1080/0954898X.2023.2293895","DOIUrl":"10.1080/0954898X.2023.2293895","url":null,"abstract":"<p><p>The remarkable development in technology has led to the increase of massive big data. Machine learning processes provide a way for investigators to examine and particularly classify big data. Besides, several machine learning models rely on powerful feature extraction and feature selection techniques for their success. In this paper, a big data classification approach is developed using an optimized deep learning classifier integrated with hybrid feature extraction and feature selection approaches. The proposed technique uses local linear embedding-based kernel principal component analysis and perturbation theory, respectively, to extract more representative data and select the appropriate features from the big data environment. In addition, the feature selection task is fine-tuned by using perturbation theory through heuristic search based on their output accuracy. This feature selection heuristic search method is analysed with five recent heuristic optimization algorithms for deciding the final feature subset. Finally, the data are categorized through an attention-based bidirectional long short-term memory classifier that is optimized with a golden eagle-inspired algorithm. The performance of the proposed model is experimentally verified on publicly accessible datasets. From the experimental outcomes, it is demonstrated that the proposed framework is capable of classifying large datasets with more than 90% accuracy.</p>","PeriodicalId":54735,"journal":{"name":"Network-Computation in Neural Systems","volume":null,"pages":null},"PeriodicalIF":7.8,"publicationDate":"2024-05-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"139059143","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
Optimization-enabled deep learning model for disease detection in IoT platform. 用于物联网平台疾病检测的优化深度学习模型。
IF 7.8 3区 计算机科学 Q3 Neuroscience Pub Date : 2024-05-01 Epub Date: 2023-12-28 DOI: 10.1080/0954898X.2023.2296568
Amol Dattatray Dhaygude

Nowadays, Internet of things (IoT) and IoT platforms are extensively utilized in several healthcare applications. The IoT devices produce a huge amount of data in healthcare field that can be inspected on an IoT platform. In this paper, a novel algorithm, named artificial flora optimization-based chameleon swarm algorithm (AFO-based CSA), is developed for optimal path finding. Here, data are collected by the sensors and transmitted to the base station (BS) using the proposed AFO-based CSA, which is derived by integrating artificial flora optimization (AFO) in chameleon swarm algorithm (CSA). This integration refers to the AFO-based CSA model enhancing the strengths and features of both AFO and CSA for optimal routing of medical data in IoT. Moreover, the proposed AFO-based CSA algorithm considers factors such as energy, delay, and distance for the effectual routing of data. At BS, prediction is conducted, followed by stages, like pre-processing, feature dimension reduction, adopting Pearson's correlation, and disease detection, done by recurrent neural network, which is trained by the proposed AFO-based CSA. Experimental result exhibited that the performance of the proposed AFO-based CSA is superior to competitive approaches based on the energy consumption (0.538 J), accuracy (0.950), sensitivity (0.965), and specificity (0.937).

如今,物联网(IoT)和物联网平台已广泛应用于多个医疗保健领域。物联网设备在医疗保健领域产生了大量数据,这些数据可以在物联网平台上进行检测。本文开发了一种新型算法,名为基于人工植物群优化的变色龙蜂群算法(AFO-based CSA),用于优化路径查找。本文提出的基于 AFO 的 CSA 是将人工植物群优化(AFO)集成到变色龙群算法(CSA)中得出的。这种集成是指基于 AFO 的 CSA 模型增强了 AFO 和 CSA 的优势和特点,从而实现物联网中医疗数据的优化路由。此外,所提出的基于 AFO 的 CSA 算法考虑了能量、延迟和距离等因素,以实现有效的数据路由。在 BS 阶段,通过基于 AFO 的 CSA 训练的递归神经网络进行预测、预处理、特征降维、采用皮尔逊相关性和疾病检测等阶段。实验结果表明,基于 AFO 的 CSA 在能耗(0.538 J)、准确性(0.950)、灵敏度(0.965)和特异性(0.937)方面均优于其他竞争方法。
{"title":"Optimization-enabled deep learning model for disease detection in IoT platform.","authors":"Amol Dattatray Dhaygude","doi":"10.1080/0954898X.2023.2296568","DOIUrl":"10.1080/0954898X.2023.2296568","url":null,"abstract":"<p><p>Nowadays, Internet of things (IoT) and IoT platforms are extensively utilized in several healthcare applications. The IoT devices produce a huge amount of data in healthcare field that can be inspected on an IoT platform. In this paper, a novel algorithm, named artificial flora optimization-based chameleon swarm algorithm (AFO-based CSA), is developed for optimal path finding. Here, data are collected by the sensors and transmitted to the base station (BS) using the proposed AFO-based CSA, which is derived by integrating artificial flora optimization (AFO) in chameleon swarm algorithm (CSA). This integration refers to the AFO-based CSA model enhancing the strengths and features of both AFO and CSA for optimal routing of medical data in IoT. Moreover, the proposed AFO-based CSA algorithm considers factors such as energy, delay, and distance for the effectual routing of data. At BS, prediction is conducted, followed by stages, like pre-processing, feature dimension reduction, adopting Pearson's correlation, and disease detection, done by recurrent neural network, which is trained by the proposed AFO-based CSA. Experimental result exhibited that the performance of the proposed AFO-based CSA is superior to competitive approaches based on the energy consumption (0.538 J), accuracy (0.950), sensitivity (0.965), and specificity (0.937).</p>","PeriodicalId":54735,"journal":{"name":"Network-Computation in Neural Systems","volume":null,"pages":null},"PeriodicalIF":7.8,"publicationDate":"2024-05-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"139059144","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
CS-UNet: Cross-scale U-Net with Semantic-position dependencies for retinal vessel segmentation. CS-UNet:用于视网膜血管分割的具有语义位置依赖性的跨尺度 U-Net
IF 7.8 3区 计算机科学 Q3 Neuroscience Pub Date : 2024-05-01 Epub Date: 2023-12-05 DOI: 10.1080/0954898X.2023.2288858
Ying Yang, Shengbin Yue, Haiyan Quan

Accurate retinal vessel segmentation is the prerequisite for early recognition and treatment of retina-related diseases. However, segmenting retinal vessels is still challenging due to the intricate vessel tree in fundus images, which has a significant number of tiny vessels, low contrast, and lesion interference. For this task, the u-shaped architecture (U-Net) has become the de-facto standard and has achieved considerable success. However, U-Net is a pure convolutional network, which usually shows limitations in global modelling. In this paper, we propose a novel Cross-scale U-Net with Semantic-position Dependencies (CS-UNet) for retinal vessel segmentation. In particular, we first designed a Semantic-position Dependencies Aggregator (SPDA) and incorporate it into each layer of the encoder to better focus on global contextual information by integrating the relationship of semantic and position. To endow the model with the capability of cross-scale interaction, the Cross-scale Relation Refine Module (CSRR) is designed to dynamically select the information associated with the vessels, which helps guide the up-sampling operation. Finally, we have evaluated CS-UNet on three public datasets: DRIVE, CHASE_DB1, and STARE. Compared to most existing state-of-the-art methods, CS-UNet demonstrated better performance.

准确的视网膜血管分割是早期识别和治疗视网膜相关疾病的先决条件。然而,由于眼底图像中的血管树错综复杂,存在大量微小血管、低对比度和病变干扰,因此分割视网膜血管仍是一项挑战。对于这项任务,U 形结构(U-Net)已成为事实上的标准,并取得了相当大的成功。然而,U-Net 是一种纯卷积网络,通常在全局建模方面存在局限性。在本文中,我们为视网膜血管分割提出了一种新颖的具有语义位置依赖性的跨尺度 U-Net (CS-UNet)。具体而言,我们首先设计了一个语义-位置依赖性聚合器(SPDA),并将其纳入编码器的每一层,通过整合语义和位置的关系,更好地关注全局上下文信息。为了赋予模型跨尺度交互的能力,我们设计了跨尺度关系提炼模块(CSRR),以动态选择与船只相关的信息,从而帮助指导上采样操作。最后,我们在三个公共数据集上对 CS-UNet 进行了评估:DRIVE、CHASE_DB1 和 STARE。与现有的大多数先进方法相比,CS-UNet 表现出了更好的性能。
{"title":"CS-UNet: Cross-scale U-Net with Semantic-position dependencies for retinal vessel segmentation.","authors":"Ying Yang, Shengbin Yue, Haiyan Quan","doi":"10.1080/0954898X.2023.2288858","DOIUrl":"10.1080/0954898X.2023.2288858","url":null,"abstract":"<p><p>Accurate retinal vessel segmentation is the prerequisite for early recognition and treatment of retina-related diseases. However, segmenting retinal vessels is still challenging due to the intricate vessel tree in fundus images, which has a significant number of tiny vessels, low contrast, and lesion interference. For this task, the u-shaped architecture (U-Net) has become the de-facto standard and has achieved considerable success. However, U-Net is a pure convolutional network, which usually shows limitations in global modelling. In this paper, we propose a novel Cross-scale U-Net with Semantic-position Dependencies (CS-UNet) for retinal vessel segmentation. In particular, we first designed a Semantic-position Dependencies Aggregator (SPDA) and incorporate it into each layer of the encoder to better focus on global contextual information by integrating the relationship of semantic and position. To endow the model with the capability of cross-scale interaction, the Cross-scale Relation Refine Module (CSRR) is designed to dynamically select the information associated with the vessels, which helps guide the up-sampling operation. Finally, we have evaluated CS-UNet on three public datasets: DRIVE, CHASE_DB1, and STARE. Compared to most existing state-of-the-art methods, CS-UNet demonstrated better performance.</p>","PeriodicalId":54735,"journal":{"name":"Network-Computation in Neural Systems","volume":null,"pages":null},"PeriodicalIF":7.8,"publicationDate":"2024-05-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"138489124","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
A robust genetic algorithm-based optimal feature predictor model for brain tumour classification from MRI data 基于遗传算法的鲁棒性最优特征预测模型,用于磁共振成像数据的脑肿瘤分类
IF 7.8 3区 计算机科学 Q3 Neuroscience Pub Date : 2024-04-22 DOI: 10.1080/0954898x.2024.2343340
Meenal Thayumanavan, Asokan Ramasamy
Brain tumour can be cured if it is initially screened and given timely treatment to the patients. This proposed idea suggests a transform- and windowing-based optimization strategy for exposing and...
如果能对脑肿瘤进行初步筛查并及时治疗,脑肿瘤是可以治愈的。这一想法提出了一种基于变换和窗口的优化策略,用于发现和治疗脑肿瘤。
{"title":"A robust genetic algorithm-based optimal feature predictor model for brain tumour classification from MRI data","authors":"Meenal Thayumanavan, Asokan Ramasamy","doi":"10.1080/0954898x.2024.2343340","DOIUrl":"https://doi.org/10.1080/0954898x.2024.2343340","url":null,"abstract":"Brain tumour can be cured if it is initially screened and given timely treatment to the patients. This proposed idea suggests a transform- and windowing-based optimization strategy for exposing and...","PeriodicalId":54735,"journal":{"name":"Network-Computation in Neural Systems","volume":null,"pages":null},"PeriodicalIF":7.8,"publicationDate":"2024-04-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"140634771","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 innovative breast cancer detection framework using multiscale dilated densenet with attention mechanism 利用具有关注机制的多尺度扩张登森网的创新型乳腺癌检测框架
IF 7.8 3区 计算机科学 Q3 Neuroscience Pub Date : 2024-04-22 DOI: 10.1080/0954898x.2024.2343348
Subhashini Ramachandran, Rajasekar Velusamy, Namakkal Venkataraman Srinivasan Sree Rathna Lakshmi, Chakaravarthi Sivanandam
Cancer-related deadly diseases affect both developed and underdeveloped nations worldwide. Effective network learning is crucial to more reliably identify and categorize breast carcinoma in vast an...
与癌症相关的致命疾病影响着全世界的发达国家和欠发达国家。有效的网络学习对于更可靠地识别和分类广大妇女中的乳腺癌至关重要。
{"title":"An innovative breast cancer detection framework using multiscale dilated densenet with attention mechanism","authors":"Subhashini Ramachandran, Rajasekar Velusamy, Namakkal Venkataraman Srinivasan Sree Rathna Lakshmi, Chakaravarthi Sivanandam","doi":"10.1080/0954898x.2024.2343348","DOIUrl":"https://doi.org/10.1080/0954898x.2024.2343348","url":null,"abstract":"Cancer-related deadly diseases affect both developed and underdeveloped nations worldwide. Effective network learning is crucial to more reliably identify and categorize breast carcinoma in vast an...","PeriodicalId":54735,"journal":{"name":"Network-Computation in Neural Systems","volume":null,"pages":null},"PeriodicalIF":7.8,"publicationDate":"2024-04-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"140634658","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
Topological information embedded convolutional neural network-based lotus effect optimization for path improvisation of the mobile anchors in wireless sensor networks 基于拓扑信息嵌入卷积神经网络的莲花效应优化,用于无线传感器网络中移动锚点的路径改进
IF 7.8 3区 计算机科学 Q3 Neuroscience Pub Date : 2024-04-22 DOI: 10.1080/0954898x.2024.2339477
Bala Subramanian Chokkalingam, Balakannan Sirumulasi Paramasivan, Maragatharajan Muthusamy
Wireless sensor networks (WSNs) rely on mobile anchor nodes (MANs) for network connectivity, data aggregation, and location information. However, MANs’ mobility can disrupt energy consumption and n...
无线传感器网络(WSN)依靠移动锚节点(MAN)实现网络连接、数据聚合和位置信息。然而,城域网的移动性会影响能源消耗和网络性能。
{"title":"Topological information embedded convolutional neural network-based lotus effect optimization for path improvisation of the mobile anchors in wireless sensor networks","authors":"Bala Subramanian Chokkalingam, Balakannan Sirumulasi Paramasivan, Maragatharajan Muthusamy","doi":"10.1080/0954898x.2024.2339477","DOIUrl":"https://doi.org/10.1080/0954898x.2024.2339477","url":null,"abstract":"Wireless sensor networks (WSNs) rely on mobile anchor nodes (MANs) for network connectivity, data aggregation, and location information. However, MANs’ mobility can disrupt energy consumption and n...","PeriodicalId":54735,"journal":{"name":"Network-Computation in Neural Systems","volume":null,"pages":null},"PeriodicalIF":7.8,"publicationDate":"2024-04-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"140634773","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
Enhanced Cardiovascular Disease Prediction Modelling using Machine Learning Techniques: A Focus on CardioVitalnet 利用机器学习技术增强心血管疾病预测建模:聚焦心血管网络
IF 7.8 3区 计算机科学 Q3 Neuroscience Pub Date : 2024-04-16 DOI: 10.1080/0954898x.2024.2343341
Chukwuebuka Joseph Ejiyi, Zhen Qin, Grace Ugochi Nneji, Happy Nkanta Monday, Victor K. Agbesi, Makuachukwu Bennedith Ejiyi, Thomas Ugochukwu Ejiyi, Olusola O. Bamisile
Aiming at early detection and accurate prediction of cardiovascular disease (CVD) to reduce mortality rates, this study focuses on the development of an intelligent predictive system to identify in...
为了及早发现和准确预测心血管疾病(CVD)以降低死亡率,本研究重点开发了一种智能预测系统,以识别心血管疾病的早期症状。
{"title":"Enhanced Cardiovascular Disease Prediction Modelling using Machine Learning Techniques: A Focus on CardioVitalnet","authors":"Chukwuebuka Joseph Ejiyi, Zhen Qin, Grace Ugochi Nneji, Happy Nkanta Monday, Victor K. Agbesi, Makuachukwu Bennedith Ejiyi, Thomas Ugochukwu Ejiyi, Olusola O. Bamisile","doi":"10.1080/0954898x.2024.2343341","DOIUrl":"https://doi.org/10.1080/0954898x.2024.2343341","url":null,"abstract":"Aiming at early detection and accurate prediction of cardiovascular disease (CVD) to reduce mortality rates, this study focuses on the development of an intelligent predictive system to identify in...","PeriodicalId":54735,"journal":{"name":"Network-Computation in Neural Systems","volume":null,"pages":null},"PeriodicalIF":7.8,"publicationDate":"2024-04-16","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"140611169","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