首页 > 最新文献

Optical Memory and Neural Networks最新文献

英文 中文
Automatic Lung Cancer Detection Using Computed Tomography Based on Chan Vese Segmentation and SENET 基于 Chan Vese 分段和 SENET 的计算机断层扫描肺癌自动检测技术
IF 1 Q4 OPTICS Pub Date : 2024-09-26 DOI: 10.3103/S1060992X2470022X
C. S. Parvathy, J. P. Jayan

Lung cancer is the most common cancer and the primary reason for cancer related fatalities globally. Lung cancer patients have a 14% overall survival rate. If the cancer is found in the early stages, the lives of patients with the disease may be preserved. A variety of conventional machine and deep learning algorithms have been developed for the effective automatic diagnosis of lung cancer. But they still have issues with recognition accuracy and take longer to analyze. To overcome these issues, this paper presents deep learning assisted Squeeze and Excitation Convolutional Neural Networks (SENET) to predict lung cancer on computed tomography images. This paper uses lung CT images for prediction. These raw images are preprocessed using Adaptive Bilateral Filter (ABF) and Reformed Histogram Equalization (RHE) to remove noise and enhance an image’s clarity. To determine the tunable parameters of the RHE approach Tuna Swam optimization algorithm is used in this proposed method. This preprocessed image is then given to the segmentation process to divide the image. This proposed approach uses the Chan vese segmentation model to segment the image. Segmentation output is then fed into the classifier for final classification. SENET classifier is utilized in this proposed approach to final lung cancer prediction. The outcomes of the test assessment demonstrated that the proposed model could identify lung cancer with 99.2% accuracy, 99.1% precision, and 0.8% error. The proposed SENET system predicts CT scanning images of lung cancer successfully.

肺癌是最常见的癌症,也是全球癌症致死的主要原因。肺癌患者的总生存率为 14%。如果能在早期阶段发现癌症,患者的生命就有可能得到挽救。为了有效地自动诊断肺癌,人们开发了多种传统的机器学习和深度学习算法。但它们仍然存在识别准确性和分析时间较长的问题。为了克服这些问题,本文提出了深度学习辅助的挤压和激励卷积神经网络(SENET),用于在计算机断层扫描图像上预测肺癌。本文使用肺部 CT 图像进行预测。这些原始图像使用自适应双边滤波器(ABF)和重组直方图均衡化(RHE)进行预处理,以去除噪声并提高图像的清晰度。为了确定 RHE 方法的可调参数,该方法采用了 Tuna Swam 优化算法。然后将预处理后的图像交给分割过程,对图像进行分割。本建议方法使用 Chan vese 分割模型来分割图像。然后将分割输出输入分类器进行最终分类。SENET 分类器被用于本建议方法的最终肺癌预测。测试评估结果表明,建议的模型识别肺癌的准确率为 99.2%,精确率为 99.1%,误差为 0.8%。拟议的 SENET 系统成功预测了肺癌 CT 扫描图像。
{"title":"Automatic Lung Cancer Detection Using Computed Tomography Based on Chan Vese Segmentation and SENET","authors":"C. S. Parvathy,&nbsp;J. P. Jayan","doi":"10.3103/S1060992X2470022X","DOIUrl":"10.3103/S1060992X2470022X","url":null,"abstract":"<p>Lung cancer is the most common cancer and the primary reason for cancer related fatalities globally. Lung cancer patients have a 14% overall survival rate. If the cancer is found in the early stages, the lives of patients with the disease may be preserved. A variety of conventional machine and deep learning algorithms have been developed for the effective automatic diagnosis of lung cancer. But they still have issues with recognition accuracy and take longer to analyze. To overcome these issues, this paper presents deep learning assisted Squeeze and Excitation Convolutional Neural Networks (SENET) to predict lung cancer on computed tomography images. This paper uses lung CT images for prediction. These raw images are preprocessed using Adaptive Bilateral Filter (ABF) and Reformed Histogram Equalization (RHE) to remove noise and enhance an image’s clarity. To determine the tunable parameters of the RHE approach Tuna Swam optimization algorithm is used in this proposed method. This preprocessed image is then given to the segmentation process to divide the image. This proposed approach uses the Chan vese segmentation model to segment the image. Segmentation output is then fed into the classifier for final classification. SENET classifier is utilized in this proposed approach to final lung cancer prediction. The outcomes of the test assessment demonstrated that the proposed model could identify lung cancer with 99.2% accuracy, 99.1% precision, and 0.8% error. The proposed SENET system predicts CT scanning images of lung cancer successfully.</p>","PeriodicalId":721,"journal":{"name":"Optical Memory and Neural Networks","volume":"33 3","pages":"339 - 354"},"PeriodicalIF":1.0,"publicationDate":"2024-09-26","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142414131","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Enhancement of Neural Network Performance with the Use of Two Novel Activation Functions: modExp and modExpm 利用两个新激活函数:modExp 和 modExpm 提高神经网络性能
IF 1 Q4 OPTICS Pub Date : 2024-09-26 DOI: 10.3103/S1060992X24700152
Heena Kalim, Anuradha Chug, Amit Prakash Singh

The paper introduces two novel activation functions known as modExp and modExpm. The activation functions possess several desirable properties, such as being continuously differentiable, bounded, smooth, and non-monotonic. Our studies have shown that modExp and modExpm consistently outperform ReLU and other activation functions across a range of challenging datasets and complex models. Initially, the experiments involve training and classifying using a multi-layer perceptron (MLP) on benchmark data sets like the Diagnostic Wisconsin Breast Cancer and Iris Flower datasets. Both modExp and modExpm demonstrate impressive performance, with modExp achieving 94.15 and 95.56% and modExpm achieving 94.15 and 95.56% respectively, when compared to ReLU, ELU, Tanh, Mish, Softsign, Leaky ReLU, and TanhExp. In addition, a series of experiments were carried out on five different depths of deeper neural networks, ranging from five to eight layers, using MNIST datasets. The modExpm activation function demonstrated superior performance accuracy on various neural network configurations, achieving 95.56, 95.43, 94.72, 95.14, and 95.61% on wider 5 layers, slimmer 5 layers, 6 layers, 7 layers, and 8 layers respectively. The modExp activation function also performed well, achieving the second highest accuracy of 95.42, 94.33, 94.76, 95.06, and 95.37% on the same network configurations, outperforming ReLU, ELU, Tanh, Mish, Softsign, Leaky ReLU, and TanhExp. The results of the statistical feature measures show that both activation functions have the highest mean accuracy, the lowest standard deviation, the lowest Root Mean squared Error, the lowest variance, and the lowest Mean squared Error. According to the experiment, both functions converge more quickly than ReLU, which is a significant advantage in Neural network learning.

本文介绍了两个新颖的激活函数,即 modExp 和 modExpm。这两个激活函数具有几个理想的特性,如连续可微、有界、平滑和非单调性。我们的研究表明,在一系列具有挑战性的数据集和复杂模型中,modExp 和 modExpm 的表现始终优于 ReLU 和其他激活函数。最初,实验涉及在基准数据集(如威斯康星州乳腺癌诊断数据集和鸢尾花数据集)上使用多层感知器(MLP)进行训练和分类。与ReLU、ELU、Tanh、Mish、Softsign、Leaky ReLU和TanhExp相比,modExp和modExpm都表现出令人印象深刻的性能,modExp分别达到94.15%和95.56%,modExpm分别达到94.15%和95.56%。 此外,还使用MNIST数据集对五到八层不同深度的深度神经网络进行了一系列实验。modExpm 激活函数在各种神经网络配置上都表现出了卓越的准确性,在较宽的 5 层、较窄的 5 层、6 层、7 层和 8 层上分别达到了 95.56%、95.43%、94.72%、95.14% 和 95.61%。modExp 激活函数也表现出色,在相同的网络配置下分别达到了 95.42%、94.33%、94.76%、95.06% 和 95.37% 的第二高准确率,优于 ReLU、ELU、Tanh、Mish、Softsign、Leaky ReLU 和 TanhExp。统计特征测量结果表明,这两种激活函数的平均精度最高、标准差最小、均方根误差最小、方差最小、均方误差最小。根据实验结果,这两个函数的收敛速度都比 ReLU 快,这在神经网络学习中是一个显著的优势。
{"title":"Enhancement of Neural Network Performance with the Use of Two Novel Activation Functions: modExp and modExpm","authors":"Heena Kalim,&nbsp;Anuradha Chug,&nbsp;Amit Prakash Singh","doi":"10.3103/S1060992X24700152","DOIUrl":"10.3103/S1060992X24700152","url":null,"abstract":"<p>The paper introduces two novel activation functions known as modExp and modExp<sub>m</sub>. The activation functions possess several desirable properties, such as being continuously differentiable, bounded, smooth, and non-monotonic. Our studies have shown that modExp and modExp<sub>m</sub> consistently outperform ReLU and other activation functions across a range of challenging datasets and complex models. Initially, the experiments involve training and classifying using a multi-layer perceptron (MLP) on benchmark data sets like the Diagnostic Wisconsin Breast Cancer and Iris Flower datasets. Both modExp and modExp<sub>m</sub> demonstrate impressive performance, with modExp achieving 94.15 and 95.56% and modExp<sub>m</sub> achieving 94.15 and 95.56% respectively, when compared to ReLU, ELU, Tanh, Mish, Softsign, Leaky ReLU, and TanhExp. In addition, a series of experiments were carried out on five different depths of deeper neural networks, ranging from five to eight layers, using MNIST datasets. The modExp<sub>m</sub> activation function demonstrated superior performance accuracy on various neural network configurations, achieving 95.56, 95.43, 94.72, 95.14, and 95.61% on wider 5 layers, slimmer 5 layers, 6 layers, 7 layers, and 8 layers respectively. The modExp activation function also performed well, achieving the second highest accuracy of 95.42, 94.33, 94.76, 95.06, and 95.37% on the same network configurations, outperforming ReLU, ELU, Tanh, Mish, Softsign, Leaky ReLU, and TanhExp. The results of the statistical feature measures show that both activation functions have the highest mean accuracy, the lowest standard deviation, the lowest Root Mean squared Error, the lowest variance, and the lowest Mean squared Error. According to the experiment, both functions converge more quickly than ReLU, which is a significant advantage in Neural network learning.</p>","PeriodicalId":721,"journal":{"name":"Optical Memory and Neural Networks","volume":"33 3","pages":"286 - 301"},"PeriodicalIF":1.0,"publicationDate":"2024-09-26","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142414006","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
On Recognition Capacity of a Phase Neural Network 关于相位神经网络的识别能力
IF 1 Q4 OPTICS Pub Date : 2024-09-26 DOI: 10.3103/S1060992X24700188
B. V. Kryzhanovsky

The paper studies the properties of a fully connected neural network built around phase neurons. The signals traveling through the interconnections of the network are unit pulses with fixed phases. The phases encoding the components of associative memory vectors are distributed at random within the interval [0, 2π]. The simplest case in which the connection matrix is defined according to Hebbian learning rule is considered. The Chernov–Chebyshev technique, which is independent of the type of distribution of encoding phases, is used to evaluate the recognition error. The associative memory of this type of network is shown to be four times as large as that of a conventional Hopfield-type network using binary patterns. Correspondingly, the radius of the domain of attraction is also four times larger.

本文研究了围绕相位神经元构建的全连接神经网络的特性。通过网络互连的信号是具有固定相位的单位脉冲。编码联想记忆向量分量的相位在区间 [0, 2π] 内随机分布。本文考虑的是最简单的情况,即根据海比学习规则定义连接矩阵。切尔诺夫-切比雪夫技术与编码阶段的分布类型无关,用于评估识别误差。结果表明,这种网络的联想记忆是使用二进制模式的传统霍普菲尔德型网络的四倍。相应地,吸引域的半径也大四倍。
{"title":"On Recognition Capacity of a Phase Neural Network","authors":"B. V. Kryzhanovsky","doi":"10.3103/S1060992X24700188","DOIUrl":"10.3103/S1060992X24700188","url":null,"abstract":"<p>The paper studies the properties of a fully connected neural network built around phase neurons. The signals traveling through the interconnections of the network are unit pulses with fixed phases. The phases encoding the components of associative memory vectors are distributed at random within the interval [0, 2π]. The simplest case in which the connection matrix is defined according to Hebbian learning rule is considered. The Chernov–Chebyshev technique, which is independent of the type of distribution of encoding phases, is used to evaluate the recognition error. The associative memory of this type of network is shown to be four times as large as that of a conventional Hopfield-type network using binary patterns. Correspondingly, the radius of the domain of attraction is also four times larger.</p>","PeriodicalId":721,"journal":{"name":"Optical Memory and Neural Networks","volume":"33 3","pages":"259 - 263"},"PeriodicalIF":1.0,"publicationDate":"2024-09-26","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142414036","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Numerical Analysis of All-Optical Binary to Gray Code Converter Using Silicon Microring Resonator 使用硅微oring 谐振器的全光二进制到灰码转换器的数值分析
IF 1 Q4 OPTICS Pub Date : 2024-07-04 DOI: 10.3103/S1060992X24700085
Manjur Hossain,  Kalimuddin Mondal

Present manuscript designs and analyzes numerically all-optical binary-to-gray code (BTGC) converter utilizing silicon microring resonator. A waveguide-based silicon microring resonator has been employed to achieve optical switching under low-power conditions using the two-photon absorption effect. Gray code (GC) is a binary numerical system in which two consecutive codes distinguished by only one bit. The GC is critical in optics communication because it prevents spurious output from optical switches and facilitates error correction in optical communications. MATLAB is used to design and analyze the architecture at almost 260 Gbps operational speed. The faster response times and compact design of the demonstrated circuits make them especially useful for optical communication systems. Performance indicating factors evaluated from MATLAB results and analyzed. Design parameters that are optimized have been chosen in order to construct the model practically.

摘要 本文利用硅微oring 谐振器设计和分析了全光二进制到灰度编码(BTGC)转换器。利用双光子吸收效应,基于波导的硅微栅谐振器实现了低功耗条件下的光开关。灰度编码(GC)是一种二进制数字系统,其中两个连续的编码只有一个比特的区别。GC 在光通信中至关重要,因为它能防止光开关的杂散输出,并促进光通信中的纠错。MATLAB 用于设计和分析运行速度接近 260 Gbps 的架构。所演示电路的响应时间更快,设计更紧凑,因此特别适用于光通信系统。根据 MATLAB 结果对性能指示因素进行了评估和分析。为了切实可行地构建模型,我们选择了经过优化的设计参数。
{"title":"Numerical Analysis of All-Optical Binary to Gray Code Converter Using Silicon Microring Resonator","authors":"Manjur Hossain,&nbsp; Kalimuddin Mondal","doi":"10.3103/S1060992X24700085","DOIUrl":"10.3103/S1060992X24700085","url":null,"abstract":"<p>Present manuscript designs and analyzes numerically all-optical binary-to-gray code (BTGC) converter utilizing silicon microring resonator. A waveguide-based silicon microring resonator has been employed to achieve optical switching under low-power conditions using the two-photon absorption effect. Gray code (GC) is a binary numerical system in which two consecutive codes distinguished by only one bit. The GC is critical in optics communication because it prevents spurious output from optical switches and facilitates error correction in optical communications. MATLAB is used to design and analyze the architecture at almost 260 Gbps operational speed. The faster response times and compact design of the demonstrated circuits make them especially useful for optical communication systems. Performance indicating factors evaluated from MATLAB results and analyzed. Design parameters that are optimized have been chosen in order to construct the model practically.</p>","PeriodicalId":721,"journal":{"name":"Optical Memory and Neural Networks","volume":"33 2","pages":"193 - 204"},"PeriodicalIF":1.0,"publicationDate":"2024-07-04","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141552013","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
DAGM-Mono: Deformable Attention-Guided Modeling for Monocular 3D Reconstruction DAGM-Mono:用于单目三维重建的可变形注意力引导建模
IF 1 Q4 OPTICS Pub Date : 2024-07-04 DOI: 10.3103/S1060992X2470005X
Youshaa Murhij, Dmitry Yudin

Accurate 3D pose estimation and shape reconstruction from monocular images is a challenging task in the field of autonomous driving. Our work introduces a novel approach to solve this task for vehicles called Deformable Attention-Guided Modeling for Monocular 3D Reconstruction (DAGM-Mono). Our proposed solution addresses the challenge of detailed shape reconstruction by leveraging deformable attention mechanisms. Specifically, given 2D primitives, DAGM-Mono reconstructs vehicles shapes using deformable attention-guided modeling, considering the relevance between detected objects and vehicle shape priors. Our method introduces two additional loss functions: Chamfer Distance (CD) and Hierarchical Chamfer Distance to enhance the process of shape reconstruction by additionally capturing fine-grained shape details at different scales. Our bi-contextual deformable attention framework estimates 3D object pose, capturing both inter-object relations and scene context. Experiments on the ApolloCar3D dataset demonstrate that DAGM-Mono achieves state-of-the-art performance and significantly enhances the performance of mature monocular 3D object detectors. Code and data are publicly available at: https://github.com/YoushaaMurhij/DAGM-Mono.

摘要从单目图像中进行精确的三维姿态估计和形状重建是自动驾驶领域的一项具有挑战性的任务。我们的工作引入了一种新方法来解决车辆的这一任务,该方法被称为单目三维重建的可变形注意力引导建模(DAGM-Mono)。我们提出的解决方案利用可变形注意力机制解决了详细形状重建的难题。具体来说,在给定二维基元的情况下,DAGM-Mono 利用可变形注意力引导建模重建车辆形状,同时考虑检测到的物体与车辆形状先验之间的相关性。我们的方法引入了两个额外的损失函数:倒角距离(CD)和层次倒角距离,通过额外捕捉不同尺度的细粒度形状细节来增强形状重建过程。我们的双情境可变形注意力框架可估算三维物体姿态,同时捕捉物体间关系和场景情境。在 ApolloCar3D 数据集上的实验表明,DAGM-Mono 实现了最先进的性能,并显著提高了成熟的单目三维物体检测器的性能。代码和数据可在以下网站公开:https://github.com/YoushaaMurhij/DAGM-Mono。
{"title":"DAGM-Mono: Deformable Attention-Guided Modeling for Monocular 3D Reconstruction","authors":"Youshaa Murhij,&nbsp;Dmitry Yudin","doi":"10.3103/S1060992X2470005X","DOIUrl":"10.3103/S1060992X2470005X","url":null,"abstract":"<p>Accurate 3D pose estimation and shape reconstruction from monocular images is a challenging task in the field of autonomous driving. Our work introduces a novel approach to solve this task for vehicles called Deformable Attention-Guided Modeling for Monocular 3D Reconstruction (DAGM-Mono). Our proposed solution addresses the challenge of detailed shape reconstruction by leveraging deformable attention mechanisms. Specifically, given 2D primitives, DAGM-Mono reconstructs vehicles shapes using deformable attention-guided modeling, considering the relevance between detected objects and vehicle shape priors. Our method introduces two additional loss functions: Chamfer Distance (CD) and Hierarchical Chamfer Distance to enhance the process of shape reconstruction by additionally capturing fine-grained shape details at different scales. Our bi-contextual deformable attention framework estimates 3D object pose, capturing both inter-object relations and scene context. Experiments on the ApolloCar3D dataset demonstrate that DAGM-Mono achieves state-of-the-art performance and significantly enhances the performance of mature monocular 3D object detectors. Code and data are publicly available at: https://github.com/YoushaaMurhij/DAGM-Mono.</p>","PeriodicalId":721,"journal":{"name":"Optical Memory and Neural Networks","volume":"33 2","pages":"144 - 156"},"PeriodicalIF":1.0,"publicationDate":"2024-07-04","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141552129","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Stacked BI-LSTM and E-Optimized CNN-A Hybrid Deep Learning Model for Stock Price Prediction 叠加 BI-LSTM 和 E-Optimized CNN--用于股价预测的混合深度学习模型
IF 1 Q4 OPTICS Pub Date : 2024-07-04 DOI: 10.3103/S1060992X24700024
Swarnalata Rath, Nilima R. Das, Binod Kumar Pattanayak

Univariate stocks and multivariate equities are more common due to partnerships. Accurate future stock predictions benefit investors and stakeholders. The study has limitations, but hybrid architectures can outperform single deep learning approach (DL) in price prediction. This study presents a hybrid attention-based optimal DL model that leverages multiple neural networks to enhance stock price prediction accuracy. The model uses strategic optimization of individual model components, extracting crucial insights from stock price time series data. The process involves initial pre-processing, wavelet transform denoising, and min-max normalization, followed by data division into training and test sets. The proposed model integrates stacked Bi-directional Long Short Term Memory (Bi-LSTM), an attention module, and an Equilibrium optimized 1D Convolutional Neural Network (CNN). Stacked Bi-LSTM networks shoot enriched temporal features, while the attention mechanism reduces historical data loss and highlights significant information. A dropout layer with tailored dropout rates is introduced to address overfitting. The Conv1D layer within the 1D CNN detects abrupt data changes using residual features from the dropout layer. The model incorporates Equilibrium Optimization (EO) for training the CNN, allowing the algorithm to select optimal weights based on mean square error. Model efficiency is evaluated through diverse metrics, including Mean Absolute Error (MAE), Mean Square Error (MSE), Root Mean Square Error (RMSE), and R-squared (R2), to confirm the model’s predictive performance.

摘要由于伙伴关系,多元股票和多变量股票更为常见。准确的未来股票预测有利于投资者和利益相关者。研究存在局限性,但混合架构在价格预测方面的表现可以优于单一深度学习方法(DL)。本研究提出了一种基于注意力的混合优化 DL 模型,该模型利用多个神经网络来提高股票价格预测的准确性。该模型对各个模型组件进行了战略性优化,从股票价格时间序列数据中提取了重要的见解。这一过程包括初始预处理、小波变换去噪和最小-最大归一化,然后将数据分为训练集和测试集。建议的模型集成了堆叠双向长短期记忆(Bi-LSTM)、注意力模块和均衡优化的一维卷积神经网络(CNN)。堆叠的双向长时短时记忆(Bi-LSTM)网络可拍摄丰富的时间特征,而注意力机制可减少历史数据丢失并突出重要信息。为解决过拟合问题,还引入了具有量身定制的丢失率的丢失层。1D CNN 中的 Conv1D 层利用剔除层的残余特征检测数据的突然变化。该模型在训练 CNN 时采用了均衡优化(EO)技术,允许算法根据均方误差选择最佳权重。模型效率通过各种指标进行评估,包括均方误差 (MAE)、均方误差 (MSE)、均方根误差 (RMSE) 和 R 平方 (R2),以确认模型的预测性能。
{"title":"Stacked BI-LSTM and E-Optimized CNN-A Hybrid Deep Learning Model for Stock Price Prediction","authors":"Swarnalata Rath,&nbsp;Nilima R. Das,&nbsp;Binod Kumar Pattanayak","doi":"10.3103/S1060992X24700024","DOIUrl":"10.3103/S1060992X24700024","url":null,"abstract":"<p>Univariate stocks and multivariate equities are more common due to partnerships. Accurate future stock predictions benefit investors and stakeholders. The study has limitations, but hybrid architectures can outperform single deep learning approach (DL) in price prediction. This study presents a hybrid attention-based optimal DL model that leverages multiple neural networks to enhance stock price prediction accuracy. The model uses strategic optimization of individual model components, extracting crucial insights from stock price time series data. The process involves initial pre-processing, wavelet transform denoising, and min-max normalization, followed by data division into training and test sets. The proposed model integrates stacked Bi-directional Long Short Term Memory (Bi-LSTM), an attention module, and an Equilibrium optimized 1D Convolutional Neural Network (CNN). Stacked Bi-LSTM networks shoot enriched temporal features, while the attention mechanism reduces historical data loss and highlights significant information. A dropout layer with tailored dropout rates is introduced to address overfitting. The Conv1D layer within the 1D CNN detects abrupt data changes using residual features from the dropout layer. The model incorporates Equilibrium Optimization (EO) for training the CNN, allowing the algorithm to select optimal weights based on mean square error. Model efficiency is evaluated through diverse metrics, including Mean Absolute Error (MAE), Mean Square Error (MSE), Root Mean Square Error (RMSE), and R-squared (R2), to confirm the model’s predictive performance.</p>","PeriodicalId":721,"journal":{"name":"Optical Memory and Neural Networks","volume":"33 2","pages":"102 - 120"},"PeriodicalIF":1.0,"publicationDate":"2024-07-04","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141552127","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Latent Semantic Index Based Feature Reduction for Enhanced Severity Prediction of Road Accidents 基于潜语义索引的特征还原用于增强道路事故严重性预测
IF 1 Q4 OPTICS Pub Date : 2024-07-04 DOI: 10.3103/S1060992X24700103
Saurabh Jaglan, Sunita Kumari, Praveen Aggarwal

Traditional approaches do not have the capability to analyse the road accident severity with different road characteristics, area and type of injury. Hence, the road accident severity prediction model with variable factors is designed using the ANN algorithm. In this designed model, the past accident records with road characteristics are obtained and pre-processed utilizing adaptive data cleaning as well as the min-max normalization technique. These techniques are used to remove and separate the collected data according to their relation. The Pearson correlation coefficient is utilized to separate the features from the pre-processed data. The ANN algorithm is used to train and validate these retrieved features. The proposed model’s performance values are 99, 98, 99 and 98% for accuracy, precision, specificity and recall. Thus, the resultant values of the designed road accident severity prediction model with variable factors using the ANN algorithm perform better compared to the existing techniques.

摘要 传统方法无法分析不同道路特征、区域和伤害类型下的道路事故严重性。因此,我们使用方差网络算法设计了具有可变因素的道路事故严重性预测模型。在所设计的模型中,利用自适应数据清理和最小-最大归一化技术,获取并预处理了具有道路特征的过往事故记录。这些技术用于根据数据之间的关系去除和分离所收集的数据。利用皮尔逊相关系数从预处理数据中分离出特征。ANN 算法用于训练和验证这些检索到的特征。拟议模型的准确率、精确率、特异性和召回率分别为 99%、98%、99% 和 98%。因此,与现有的技术相比,使用 ANN 算法设计的道路事故严重性预测模型的结果值与可变因素的表现更好。
{"title":"Latent Semantic Index Based Feature Reduction for Enhanced Severity Prediction of Road Accidents","authors":"Saurabh Jaglan,&nbsp;Sunita Kumari,&nbsp;Praveen Aggarwal","doi":"10.3103/S1060992X24700103","DOIUrl":"10.3103/S1060992X24700103","url":null,"abstract":"<p>Traditional approaches do not have the capability to analyse the road accident severity with different road characteristics, area and type of injury. Hence, the road accident severity prediction model with variable factors is designed using the ANN algorithm. In this designed model, the past accident records with road characteristics are obtained and pre-processed utilizing adaptive data cleaning as well as the min-max normalization technique. These techniques are used to remove and separate the collected data according to their relation. The Pearson correlation coefficient is utilized to separate the features from the pre-processed data. The ANN algorithm is used to train and validate these retrieved features. The proposed model’s performance values are 99, 98, 99 and 98% for accuracy, precision, specificity and recall. Thus, the resultant values of the designed road accident severity prediction model with variable factors using the ANN algorithm perform better compared to the existing techniques.</p>","PeriodicalId":721,"journal":{"name":"Optical Memory and Neural Networks","volume":"33 2","pages":"221 - 235"},"PeriodicalIF":1.0,"publicationDate":"2024-07-04","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141552131","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Transfer Learning Based Face Emotion Recognition Using Meshed Faces and Oval Cropping: A Novel Approach 使用网格化人脸和椭圆形裁剪进行基于迁移学习的人脸情感识别:一种新方法
IF 1 Q4 OPTICS Pub Date : 2024-07-04 DOI: 10.3103/S1060992X24700073
Ennaji Fatima Zohra,  El Kabtane Hamada

The potential applications of emotion recognition from facial expressions have generated considerable interest across multiple domains, encompassing areas such as human-computer interaction, camera and mental health analysis. In this article, a novel approach has been proposed for face emotion recognition (FER) using several data preprocessing and Feature extraction steps such as Face Mesh, data augmentation and oval cropping of the faces. A transfer learning using VGG19 architecture and a Deep Convolution Neural Network (DCNN) have been proposed. We demonstrate the effectiveness of the proposed approach through extensive experiments on the Cohn-Kanade+ (CK+) dataset, comparing it with existing state-of-the-art methods. An accuracy of 99.79% was found using the VGG19. Finally, a set of images collected from an AI tool that generates images based on textual description have been done and tested using our model. The results indicate that the solution achieves superior performance, offering a promising solution for accurate and real-time face emotion recognition.

摘要 通过面部表情进行情绪识别的潜在应用已在多个领域引起了相当大的兴趣,其中包括人机交互、照相机和心理健康分析等领域。本文提出了一种新型的人脸情感识别(FER)方法,该方法采用了多个数据预处理和特征提取步骤,如人脸网格、数据增强和人脸椭圆形裁剪。我们还提出了一种使用 VGG19 架构和深度卷积神经网络(DCNN)的迁移学习方法。我们在 Cohn-Kanade+ (CK+) 数据集上进行了大量实验,并与现有的最先进方法进行了比较,从而证明了所提方法的有效性。使用 VGG19 的准确率为 99.79%。最后,使用我们的模型对从人工智能工具中收集的一组图像进行了测试,该工具可根据文字描述生成图像。结果表明,该解决方案取得了优异的性能,为准确、实时的人脸情感识别提供了一个前景广阔的解决方案。
{"title":"Transfer Learning Based Face Emotion Recognition Using Meshed Faces and Oval Cropping: A Novel Approach","authors":"Ennaji Fatima Zohra,&nbsp; El Kabtane Hamada","doi":"10.3103/S1060992X24700073","DOIUrl":"10.3103/S1060992X24700073","url":null,"abstract":"<p>The potential applications of emotion recognition from facial expressions have generated considerable interest across multiple domains, encompassing areas such as human-computer interaction, camera and mental health analysis. In this article, a novel approach has been proposed for face emotion recognition (FER) using several data preprocessing and Feature extraction steps such as Face Mesh, data augmentation and oval cropping of the faces. A transfer learning using VGG19 architecture and a Deep Convolution Neural Network (DCNN) have been proposed. We demonstrate the effectiveness of the proposed approach through extensive experiments on the Cohn-Kanade+ (CK+) dataset, comparing it with existing state-of-the-art methods. An accuracy of 99.79% was found using the VGG19. Finally, a set of images collected from an AI tool that generates images based on textual description have been done and tested using our model. The results indicate that the solution achieves superior performance, offering a promising solution for accurate and real-time face emotion recognition.</p>","PeriodicalId":721,"journal":{"name":"Optical Memory and Neural Networks","volume":"33 2","pages":"178 - 192"},"PeriodicalIF":1.0,"publicationDate":"2024-07-04","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141552130","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Aspect Based Suggestion Classification Using Deep Neural Network and Principal Component Analysis with Honey Badger Optimization 利用深度神经网络和主成分分析以及蜜獾优化技术进行基于方面的建议分类
IF 1 Q4 OPTICS Pub Date : 2024-07-04 DOI: 10.3103/S1060992X24700036
Nandula Anuradha,  Panuganti VijayaPal Reddy

Aspect based suggestion is the process of analyzing the aspect of the review and classifying them as suggestion or non-suggestion comment. Today, online reviews are becoming a more popular way to express suggestions. To manually analyze and extract recommendations from such a large volume of reviews is practically impossible. However, the existing algorithm yields low accuracy with more errors. A deep learning-based DNN (Deep Neural Network) is created to address these problems. Raw data’s are collected and pre-processed to remove the unnecessary contents. After that, a count vectorizer is utilized to convert the words into vectors as well as to extract features from the data. Then, reducing the dimension of the feature vector by applying a hybrid PCA-HBA (Principal Component Analysis-Honey Badger Algorithm). HBA optimization is utilized to select the optimal number of components to enhance the accuracy of the proposed model. Then, the features are classified using two trained deep neural network. One trained model is utilized to identify the aspect of the review, and another trained model is utilized to identify whether the aspect is a suggestion or non-suggestion. The experimental analysis shows that the proposed approach achieves 93% accuracy and 93% specificity for aspect identification as well as 87% accuracy and 66% specificity for the classification of suggestions. Thus, the designed model is the best choice for aspect-based suggestion classification.

摘要 基于观点的建议是对评论的观点进行分析并将其分为建议性评论和非建议性评论的过程。如今,在线评论正成为一种更受欢迎的建议表达方式。要从如此大量的评论中人工分析和提取建议实际上是不可能的。然而,现有算法的准确率较低,错误较多。为了解决这些问题,我们创建了基于深度学习的 DNN(深度神经网络)。收集原始数据并进行预处理,以去除不必要的内容。然后,利用计数矢量器将单词转换为向量,并从数据中提取特征。然后,通过应用混合 PCA-HBA(主成分分析-Honey Badger 算法)来降低特征向量的维度。利用 HBA 优化来选择最佳的成分数量,以提高所提模型的准确性。然后,使用两个训练有素的深度神经网络对特征进行分类。一个训练有素的模型用于识别评论的方面,另一个训练有素的模型用于识别该方面是建议还是非建议。实验分析表明,所提出的方法在方面识别方面达到了 93% 的准确率和 93% 的特异性,在建议分类方面达到了 87% 的准确率和 66% 的特异性。因此,所设计的模型是基于方面的建议分类的最佳选择。
{"title":"Aspect Based Suggestion Classification Using Deep Neural Network and Principal Component Analysis with Honey Badger Optimization","authors":"Nandula Anuradha,&nbsp; Panuganti VijayaPal Reddy","doi":"10.3103/S1060992X24700036","DOIUrl":"10.3103/S1060992X24700036","url":null,"abstract":"<p>Aspect based suggestion is the process of analyzing the aspect of the review and classifying them as suggestion or non-suggestion comment. Today, online reviews are becoming a more popular way to express suggestions. To manually analyze and extract recommendations from such a large volume of reviews is practically impossible. However, the existing algorithm yields low accuracy with more errors. A deep learning-based DNN (Deep Neural Network) is created to address these problems. Raw data’s are collected and pre-processed to remove the unnecessary contents. After that, a count vectorizer is utilized to convert the words into vectors as well as to extract features from the data. Then, reducing the dimension of the feature vector by applying a hybrid PCA-HBA (Principal Component Analysis-Honey Badger Algorithm). HBA optimization is utilized to select the optimal number of components to enhance the accuracy of the proposed model. Then, the features are classified using two trained deep neural network. One trained model is utilized to identify the aspect of the review, and another trained model is utilized to identify whether the aspect is a suggestion or non-suggestion. The experimental analysis shows that the proposed approach achieves 93% accuracy and 93% specificity for aspect identification as well as 87% accuracy and 66% specificity for the classification of suggestions. Thus, the designed model is the best choice for aspect-based suggestion classification.</p>","PeriodicalId":721,"journal":{"name":"Optical Memory and Neural Networks","volume":"33 2","pages":"121 - 132"},"PeriodicalIF":1.0,"publicationDate":"2024-07-04","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141552161","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Improved Equilibrium Optimizer for Accurate Training of Feedforward Neural Networks 改进平衡优化器,实现前馈神经网络的精确训练
IF 1 Q4 OPTICS Pub Date : 2024-07-04 DOI: 10.3103/S1060992X24700048
Seyed Sina Mohammadi, Mohammadreza Salehirad, Mohammad Mollaie Emamzadeh, Mojtaba Barkhordari Yazdi

One of the most demanding applications of accurate Artificial Neural Networks (ANN) can be found in medical fields, mainly to make critical decisions. To achieve this goal, an efficient optimization and training method is required to tune the parameters of ANN and to reach the global solutions of these parameters. Equilibrium Optimizer (EO) has recently been introduced to solve optimization problems more reliably than other optimization methods which have the ability to escape from the local optima solutions and to reach the global optimum solution. In this paper, to achieve a higher performance, some modifications are applied to the EO algorithm and the Improved Equilibrium Optimizer (IEO) method is presented which have enough accuracy and reliability to be used in crucial and accurate medical applications. Then, this IEO approach is utilized to learn ANN, and IEO-ANN algorithm will be introduced. The proposed IEO-ANN will be implemented to solve real-world medical problems such as breast cancer detection and heart failure prediction. The obtained results of IEO are compared with those of three other well-known approaches: EO, Particle Swarm Optimizer (PSO), Salp Swarm Optimizer (SSO), and Back Propagation (BP). The recorded results have shown that the proposed IEO algorithm has much higher prediction accuracy than others. Therefore, the presented IEO can improve the accuracy and convergence rate of tuning neural networks, so that the proposed IEO-ANN is a suitable classifying and predicting approach for crucial medical decisions where high accuracy is needed.

摘要 精确的人工神经网络(ANN)在医疗领域的应用最为广泛,主要用于做出关键决策。为实现这一目标,需要一种高效的优化和训练方法来调整人工神经网络的参数,并获得这些参数的全局解。与其他优化方法相比,均衡优化器(EO)具有摆脱局部最优解并达到全局最优解的能力,因此最近被引入用于更可靠地解决优化问题。为了实现更高的性能,本文对 EO 算法进行了一些修改,并提出了改进平衡优化器(IEO)方法,该方法具有足够的准确性和可靠性,可用于关键和精确的医疗应用。然后,利用这种 IEO 方法来学习 ANN,并介绍 IEO-ANN 算法。提出的 IEO-ANN 将用于解决现实世界中的医疗问题,如乳腺癌检测和心力衰竭预测。IEO 算法的结果将与其他三种著名方法的结果进行比较:EO、粒子群优化器(PSO)、萨尔普群优化器(SSO)和反向传播(BP)。记录结果表明,所提出的 IEO 算法的预测精度远远高于其他算法。因此,所提出的 IEO 可以提高调整神经网络的准确性和收敛速度,从而使所提出的 IEO-ANN 成为一种适用于需要高准确性的关键医疗决策的分类和预测方法。
{"title":"Improved Equilibrium Optimizer for Accurate Training of Feedforward Neural Networks","authors":"Seyed Sina Mohammadi,&nbsp;Mohammadreza Salehirad,&nbsp;Mohammad Mollaie Emamzadeh,&nbsp;Mojtaba Barkhordari Yazdi","doi":"10.3103/S1060992X24700048","DOIUrl":"10.3103/S1060992X24700048","url":null,"abstract":"<p>One of the most demanding applications of accurate Artificial Neural Networks (ANN) can be found in medical fields, mainly to make critical decisions<b>.</b> To achieve this goal, an efficient optimization and training method is required to tune the parameters of ANN and to reach the global solutions of these parameters. Equilibrium Optimizer (EO) has recently been introduced to solve optimization problems more reliably than other optimization methods which have the ability to escape from the local optima solutions and to reach the global optimum solution. In this paper, to achieve a higher performance, some modifications are applied to the EO algorithm and the Improved Equilibrium Optimizer (IEO) method is presented which have enough accuracy and reliability to be used in crucial and accurate medical applications. Then, this IEO approach is utilized to learn ANN, and IEO-ANN algorithm will be introduced. The proposed IEO-ANN will be implemented to solve real-world medical problems such as breast cancer detection and heart failure prediction. The obtained results of IEO are compared with those of three other well-known approaches: EO, Particle Swarm Optimizer (PSO), Salp Swarm Optimizer (SSO), and Back Propagation (BP). The recorded results have shown that the proposed IEO algorithm has much higher prediction accuracy than others. Therefore, the presented IEO can improve the accuracy and convergence rate of tuning neural networks, so that the proposed IEO-ANN is a suitable classifying and predicting approach for crucial medical decisions where high accuracy is needed.</p>","PeriodicalId":721,"journal":{"name":"Optical Memory and Neural Networks","volume":"33 2","pages":"133 - 143"},"PeriodicalIF":1.0,"publicationDate":"2024-07-04","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141552128","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
期刊
Optical Memory and Neural Networks
全部 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