首页 > 最新文献

Neural Network World最新文献

英文 中文
Forgery detection of low quality deepfake videos 低质量深度伪造视频的伪造检测
IF 0.8 4区 计算机科学 Q4 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-01-01 DOI: 10.14311/nnw.2023.33.006
Muhammad Sohaib, Samabia Tehseen
The rapid growth of online media over different social media platforms or over the internet along with many benefits have some negative effects as well. Deep learning has many positive applications like medical, animations and cybersecurity etc. But over the past few years, it is observed that it is been used for negative aspects as well such as defaming, black-mailing and creating privacy concerns for the general public. Deepfake is common terminology used for facial forgery of a person in media like images or videos.The advancement in the forgery creation area have challenged the researchers to create and develop advance forgery detection systems capable to detect facial forgeries. Proposed forgery detection system works on the CNN-LSTM model in which we first extracted faces from the frames using MTCNN then performed spatial feature extraction using pretrained Xception network and then used LSTM for temporal feature extraction. At the end classification is performed to predict the video as real or fake. The system is capable to detect low quality videos. The current system has shown good accuracy results for detecting real or fake videos on the Google deepfake AI dataset.
在不同的社交媒体平台或互联网上,在线媒体的快速增长伴随着许多好处,也有一些负面影响。深度学习有许多积极的应用,如医疗、动画和网络安全等。但在过去的几年里,人们观察到它也被用于负面方面,如诽谤,敲诈勒索和为公众创造隐私问题。Deepfake是一个常用术语,用于在图像或视频等媒体中伪造人的面部。伪造制造领域的进步对研究人员提出了挑战,要求他们创造和开发能够检测面部伪造的高级伪造检测系统。本文提出的伪造检测系统基于CNN-LSTM模型,该模型首先使用MTCNN从帧中提取人脸,然后使用预训练的异常网络进行空间特征提取,然后使用LSTM进行时间特征提取。最后进行分类来预测视频是真实的还是虚假的。该系统能够检测低质量的视频。目前的系统在谷歌deepfake人工智能数据集上对真假视频的检测显示出了很好的准确率。
{"title":"Forgery detection of low quality deepfake videos","authors":"Muhammad Sohaib, Samabia Tehseen","doi":"10.14311/nnw.2023.33.006","DOIUrl":"https://doi.org/10.14311/nnw.2023.33.006","url":null,"abstract":"The rapid growth of online media over different social media platforms or over the internet along with many benefits have some negative effects as well. Deep learning has many positive applications like medical, animations and cybersecurity etc. But over the past few years, it is observed that it is been used for negative aspects as well such as defaming, black-mailing and creating privacy concerns for the general public. Deepfake is common terminology used for facial forgery of a person in media like images or videos.The advancement in the forgery creation area have challenged the researchers to create and develop advance forgery detection systems capable to detect facial forgeries. Proposed forgery detection system works on the CNN-LSTM model in which we first extracted faces from the frames using MTCNN then performed spatial feature extraction using pretrained Xception network and then used LSTM for temporal feature extraction. At the end classification is performed to predict the video as real or fake. The system is capable to detect low quality videos. The current system has shown good accuracy results for detecting real or fake videos on the Google deepfake AI dataset.","PeriodicalId":49765,"journal":{"name":"Neural Network World","volume":"1 1","pages":""},"PeriodicalIF":0.8,"publicationDate":"2023-01-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"67126267","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Garbage classification based on a cascade neural network 基于级联神经网络的垃圾分类
IF 0.8 4区 计算机科学 Q4 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-01-01 DOI: 10.14311/nnw.2023.33.007
Xiliang Zhang, Na Zhao, Qinyuan Lv, Zhenyu Ma, Qin Qin, Weifei Gan, Jianfeng Bai, Ling Gan
Most existing methods of garbage classification utilize transfer learning to acquire acceptable performance. They focus on some smaller categories. For example, the number of the dataset is small or the number of categories is few. However, they are hardly implemented on small devices, such as a smart phone or a Raspberry Pi, because of the huge number of parameters. Moreover, those approaches have insufficient generalization capability. Based on the aforementioned reasons, a promising cascade approach is proposed. It has better performance than transfer learning in classifying garbage in a large scale. In addition, it requires less parameters and training time. So it is more suitable to a potential application, such as deployment on a small device. Several commonly used backbones of convolutional neural networks are investigated in this study. Two different tasks, that is, the target domain being the same as the source domain and the former being different from the latter, are conducted besides. Results indicate with ResNet101 as the backbone, our algorithm outperforms other existing approaches. The innovation is that, as far as we know, this study is the first work combining a pre-trained convolutional neural network as a feature extractor with extreme learning machine to classify garbage. Furthermore, the training time and the number of trainable parameters is significantly shorter and less, respectively.
大多数现有的垃圾分类方法利用迁移学习来获得可接受的性能。他们专注于一些较小的类别。例如,数据集的数量很少,或者类别的数量很少。然而,它们很难在小型设备上实现,比如智能手机或树莓派,因为有大量的参数。而且,这些方法泛化能力不足。基于上述原因,提出了一种很有前途的级联方法。在大规模的垃圾分类中,它比迁移学习有更好的性能。此外,它需要较少的参数和训练时间。因此,它更适合于潜在的应用程序,例如在小型设备上的部署。本文研究了几种常用的卷积神经网络主干。此外,还进行了目标域与源域相同、源域与目标域不同的两种不同的任务。结果表明,以ResNet101为主干,我们的算法优于其他现有的方法。创新之处在于,据我们所知,这项研究是第一次将预训练的卷积神经网络作为特征提取器与极限学习机相结合,对垃圾进行分类。训练时间显著缩短,可训练参数数量显著减少。
{"title":"Garbage classification based on a cascade neural network","authors":"Xiliang Zhang, Na Zhao, Qinyuan Lv, Zhenyu Ma, Qin Qin, Weifei Gan, Jianfeng Bai, Ling Gan","doi":"10.14311/nnw.2023.33.007","DOIUrl":"https://doi.org/10.14311/nnw.2023.33.007","url":null,"abstract":"Most existing methods of garbage classification utilize transfer learning to acquire acceptable performance. They focus on some smaller categories. For example, the number of the dataset is small or the number of categories is few. However, they are hardly implemented on small devices, such as a smart phone or a Raspberry Pi, because of the huge number of parameters. Moreover, those approaches have insufficient generalization capability. Based on the aforementioned reasons, a promising cascade approach is proposed. It has better performance than transfer learning in classifying garbage in a large scale. In addition, it requires less parameters and training time. So it is more suitable to a potential application, such as deployment on a small device. Several commonly used backbones of convolutional neural networks are investigated in this study. Two different tasks, that is, the target domain being the same as the source domain and the former being different from the latter, are conducted besides. Results indicate with ResNet101 as the backbone, our algorithm outperforms other existing approaches. The innovation is that, as far as we know, this study is the first work combining a pre-trained convolutional neural network as a feature extractor with extreme learning machine to classify garbage. Furthermore, the training time and the number of trainable parameters is significantly shorter and less, respectively.","PeriodicalId":49765,"journal":{"name":"Neural Network World","volume":"1 1","pages":""},"PeriodicalIF":0.8,"publicationDate":"2023-01-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"67126327","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
A self-adaptive deep learning-based model to predict cloud workload 基于自适应深度学习的模型预测云工作负载
IF 0.8 4区 计算机科学 Q4 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-01-01 DOI: 10.14311/nnw.2023.33.010
K. Borna, Reza Ghanbari
Predicting cloud workload is a problematic issue for cloud providers. Recent research has led us to a significant improvement in workload prediction. Although self-adaptive systems have an imperative impact on lowering the number of cloud resources, those still have to be more accurate, detailed and accelerated. A new self-adaptive technique based on a deep learning model to optimize and decrease the use of cloud resources is proposed. It is also demonstrated how to prognosticate incoming workload and how to manage available resources. The PlanetLab dataset in this research is used. The obtained results have been compared to other relevant designs. According to these comparisons with the state-of-theart deep learning methods, our proposed model encompasses a better prediction efficiency and enhances productivity by 5%.
对于云提供商来说,预测云工作负载是一个有问题的问题。最近的研究使我们在工作负荷预测方面有了显著的改进。尽管自适应系统在减少云资源数量方面具有重要作用,但这些系统仍然需要更准确、更详细和更快。提出了一种基于深度学习模型的自适应优化和减少云资源使用的方法。还演示了如何预测传入的工作负载以及如何管理可用资源。本研究使用PlanetLab数据集。所得结果与其他相关设计进行了比较。根据这些与最先进的深度学习方法的比较,我们提出的模型具有更好的预测效率,并将生产率提高了5%。
{"title":"A self-adaptive deep learning-based model to predict cloud workload","authors":"K. Borna, Reza Ghanbari","doi":"10.14311/nnw.2023.33.010","DOIUrl":"https://doi.org/10.14311/nnw.2023.33.010","url":null,"abstract":"Predicting cloud workload is a problematic issue for cloud providers. Recent research has led us to a significant improvement in workload prediction. Although self-adaptive systems have an imperative impact on lowering the number of cloud resources, those still have to be more accurate, detailed and accelerated. A new self-adaptive technique based on a deep learning model to optimize and decrease the use of cloud resources is proposed. It is also demonstrated how to prognosticate incoming workload and how to manage available resources. The PlanetLab dataset in this research is used. The obtained results have been compared to other relevant designs. According to these comparisons with the state-of-theart deep learning methods, our proposed model encompasses a better prediction efficiency and enhances productivity by 5%.","PeriodicalId":49765,"journal":{"name":"Neural Network World","volume":"1 1","pages":""},"PeriodicalIF":0.8,"publicationDate":"2023-01-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"67126027","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
3D CNN hand pose estimation with end-to-end hierarchical model and physical constraints from depth images 基于端到端分层模型和深度图像物理约束的三维CNN手部姿态估计
IF 0.8 4区 计算机科学 Q4 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-01-01 DOI: 10.14311/nnw.2023.33.003
Zhengze Xu, Wenjun Zhang
Previous studies are mainly focused on the works that depth image is treated as flat image, and then depth data tends to be mapped as gray values during the convolution processing and features extraction. To address this issue, an approach of 3D CNN hand pose estimation with end-to-end hierarchical model and physical constraints is proposed. After reconstruction of 3D space structure of hand from depth image, 3D model is converted into voxel grid for further hand pose estimation by 3D CNN. The 3D CNN method makes improvements by embedding end-to-end hierarchical model and constraints algorithm into the networks, resulting to train at fast convergence rate and avoid unrealistic hand pose. According to the experimental results, it reaches 87.98% of mean accuracy and 8.82 mm of mean absolute error (MAE) for all 21 joints within 24 ms at the inference time, which consistently outperforms several well-known gesture recognition algorithms.
以往的研究主要集中在将深度图像作为平面图像处理,在卷积处理和特征提取过程中往往将深度数据映射为灰度值。针对这一问题,提出了一种基于端到端分层模型和物理约束的三维CNN手部姿态估计方法。在深度图像重建手部三维空间结构后,将三维模型转换为体素网格,通过3D CNN进一步估计手部姿态。3D CNN方法通过在网络中嵌入端到端分层模型和约束算法进行改进,使得训练收敛速度快,避免了不真实的手姿。实验结果表明,该方法在24 ms内对所有21个关节的平均准确率达到87.98%,平均绝对误差(MAE)达到8.82 mm,始终优于几种知名的手势识别算法。
{"title":"3D CNN hand pose estimation with end-to-end hierarchical model and physical constraints from depth images","authors":"Zhengze Xu, Wenjun Zhang","doi":"10.14311/nnw.2023.33.003","DOIUrl":"https://doi.org/10.14311/nnw.2023.33.003","url":null,"abstract":"Previous studies are mainly focused on the works that depth image is treated as flat image, and then depth data tends to be mapped as gray values during the convolution processing and features extraction. To address this issue, an approach of 3D CNN hand pose estimation with end-to-end hierarchical model and physical constraints is proposed. After reconstruction of 3D space structure of hand from depth image, 3D model is converted into voxel grid for further hand pose estimation by 3D CNN. The 3D CNN method makes improvements by embedding end-to-end hierarchical model and constraints algorithm into the networks, resulting to train at fast convergence rate and avoid unrealistic hand pose. According to the experimental results, it reaches 87.98% of mean accuracy and 8.82 mm of mean absolute error (MAE) for all 21 joints within 24 ms at the inference time, which consistently outperforms several well-known gesture recognition algorithms.","PeriodicalId":49765,"journal":{"name":"Neural Network World","volume":"1 1","pages":""},"PeriodicalIF":0.8,"publicationDate":"2023-01-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"67126134","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Selective classification considering time series characteristics for spiking neural networks 考虑时间序列特征的脉冲神经网络选择分类
IF 0.8 4区 计算机科学 Q4 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-01-01 DOI: 10.14311/nnw.2023.33.004
Masaya Yumoto, M. Hagiwara
In this paper, we propose new methods for estimating the relative reliability of prediction and rejection methods for selective classification for spiking neural networks (SNNs). We also optimize and improve the efficiency of the RC curve, which represents the relationship between risk and coverage in selective classification. Efficiency here means greater coverage for risk and less risk for coverage in the RC curve. We use the model internal representation when time series data is input to SNN, rank the prediction results that are the output, and reject them at an arbitrary rate. We propose multiple methods based on the characteristics of datasets and the architecture of models. Multiple methods, such as a simple method with discrete coverage and a method with continuous and flexible coverage, yielded results that exceeded the performance of the existing method, softmax response.
在本文中,我们提出了一种新的方法来估计尖峰神经网络(snn)选择性分类的预测和拒绝方法的相对可靠性。我们还优化和提高了RC曲线的效率,RC曲线代表了选择性分类中风险与覆盖率之间的关系。这里的效率意味着在RC曲线中对风险的更大覆盖和对风险的更少覆盖。当时间序列数据输入SNN时,我们使用模型内部表示,对作为输出的预测结果进行排序,并以任意速率拒绝它们。我们根据数据集的特点和模型的结构提出了多种方法。多种方法,如具有离散覆盖的简单方法和具有连续和灵活覆盖的方法,所产生的结果超过了现有方法softmax响应的性能。
{"title":"Selective classification considering time series characteristics for spiking neural networks","authors":"Masaya Yumoto, M. Hagiwara","doi":"10.14311/nnw.2023.33.004","DOIUrl":"https://doi.org/10.14311/nnw.2023.33.004","url":null,"abstract":"In this paper, we propose new methods for estimating the relative reliability of prediction and rejection methods for selective classification for spiking neural networks (SNNs). We also optimize and improve the efficiency of the RC curve, which represents the relationship between risk and coverage in selective classification. Efficiency here means greater coverage for risk and less risk for coverage in the RC curve. We use the model internal representation when time series data is input to SNN, rank the prediction results that are the output, and reject them at an arbitrary rate. We propose multiple methods based on the characteristics of datasets and the architecture of models. Multiple methods, such as a simple method with discrete coverage and a method with continuous and flexible coverage, yielded results that exceeded the performance of the existing method, softmax response.","PeriodicalId":49765,"journal":{"name":"Neural Network World","volume":"1 1","pages":""},"PeriodicalIF":0.8,"publicationDate":"2023-01-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"67126176","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Breast cancer classification using a novel hybrid feature selection approach 使用一种新的混合特征选择方法进行乳腺癌分类
IF 0.8 4区 计算机科学 Q4 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-01-01 DOI: 10.14311/nnw.2023.33.005
E. Akkur, Fuat Türk, Osman Erogul
Many women around the world die due to breast cancer. If breast cancer is treated in the early phase, mortality rates may significantly be reduced. Quite a number of approaches have been proposed to help in the early detection of breast cancer. A novel hybrid feature selection model is suggested in this study. This novel hybrid model aims to build an efficient feature selection method and successfully classify breast lesions. A combination of relief and binary Harris hawk optimization (BHHO) hybrid model is used for feature selection. Then, k-nearest neighbor (k-NN), support vector machine (SVM), logistic regression (LR) and naive Bayes (NB) methods are preferred for the classification task. The suggested hybrid model is tested by three different breast cancer datasets which are Wisconsin diagnostic breast cancer dataset (WDBC), Wisconsin breast cancer dataset (WBCD) and mammographic breast cancer dataset (MBCD). According to the experimental results, the relief and BHHO hybrid model improves the performance of all classification algorithms in all three datasets. For WDBC, relief-BHO-SVM model shows the highest classification rates with an of accuracy of 98.77%, precision of 97.17%, recall of 99.52%, F1-score of 98.33%, specificity of 99.72% and balanced accuracy of 99.62%. For WBCD, relief-BHO-SVM model achieves of accuracy of 99.28%, precision of 98.76%, recall of 99.17%, F1-score of 98.96%, specificity of 99.56% and balanced accuracy of 99.36%. Relief-BHO-SVM model performs the best with an accuracy of 97.44%, precision of 97.41%, recall of 98.26%, F1-score of 97.84%, specificity of 97.47% and balanced accuracy of 97.86% for MBCD. Furthermore, the relief-BHO-SVM model has achieved better results than other known approaches. Compared with recent studies on breast cancer classification, the suggested hybrid method has achieved quite good results.
全世界有许多妇女死于乳腺癌。如果乳腺癌在早期阶段得到治疗,死亡率可能会大大降低。已经提出了相当多的方法来帮助早期发现乳腺癌。本文提出了一种新的混合特征选择模型。该混合模型旨在建立一种高效的特征选择方法,并成功地对乳腺病变进行分类。采用地形起伏和二元哈里斯鹰优化(BHHO)混合模型进行特征选择。然后,k-最近邻(k-NN)、支持向量机(SVM)、逻辑回归(LR)和朴素贝叶斯(NB)方法优先用于分类任务。采用威斯康辛州诊断性乳腺癌数据集(WDBC)、威斯康辛州乳腺癌数据集(WBCD)和乳腺x线摄影乳腺癌数据集(MBCD)对所建议的混合模型进行了测试。实验结果表明,浮雕和BHHO混合模型在三种数据集上都提高了所有分类算法的性能。对于WDBC, relief-BHO-SVM模型的分类率最高,准确率为98.77%,准确率为97.17%,召回率为99.52%,f1评分为98.33%,特异性为99.72%,平衡准确率为99.62%。对于WBCD, relief-BHO-SVM模型准确率为99.28%,精密度为98.76%,召回率为99.17%,f1评分为98.96%,特异性为99.56%,平衡准确率为99.36%。Relief-BHO-SVM模型对MBCD的准确率为97.44%,准确率为97.41%,召回率为98.26%,f1评分为97.84%,特异性为97.47%,平衡准确率为97.86%。此外,relief-BHO-SVM模型比其他已知方法取得了更好的效果。与近期的乳腺癌分类研究相比,所建议的混合方法已经取得了相当不错的效果。
{"title":"Breast cancer classification using a novel hybrid feature selection approach","authors":"E. Akkur, Fuat Türk, Osman Erogul","doi":"10.14311/nnw.2023.33.005","DOIUrl":"https://doi.org/10.14311/nnw.2023.33.005","url":null,"abstract":"Many women around the world die due to breast cancer. If breast cancer is treated in the early phase, mortality rates may significantly be reduced. Quite a number of approaches have been proposed to help in the early detection of breast cancer. A novel hybrid feature selection model is suggested in this study. This novel hybrid model aims to build an efficient feature selection method and successfully classify breast lesions. A combination of relief and binary Harris hawk optimization (BHHO) hybrid model is used for feature selection. Then, k-nearest neighbor (k-NN), support vector machine (SVM), logistic regression (LR) and naive Bayes (NB) methods are preferred for the classification task. The suggested hybrid model is tested by three different breast cancer datasets which are Wisconsin diagnostic breast cancer dataset (WDBC), Wisconsin breast cancer dataset (WBCD) and mammographic breast cancer dataset (MBCD). According to the experimental results, the relief and BHHO hybrid model improves the performance of all classification algorithms in all three datasets. For WDBC, relief-BHO-SVM model shows the highest classification rates with an of accuracy of 98.77%, precision of 97.17%, recall of 99.52%, F1-score of 98.33%, specificity of 99.72% and balanced accuracy of 99.62%. For WBCD, relief-BHO-SVM model achieves of accuracy of 99.28%, precision of 98.76%, recall of 99.17%, F1-score of 98.96%, specificity of 99.56% and balanced accuracy of 99.36%. Relief-BHO-SVM model performs the best with an accuracy of 97.44%, precision of 97.41%, recall of 98.26%, F1-score of 97.84%, specificity of 97.47% and balanced accuracy of 97.86% for MBCD. Furthermore, the relief-BHO-SVM model has achieved better results than other known approaches. Compared with recent studies on breast cancer classification, the suggested hybrid method has achieved quite good results.","PeriodicalId":49765,"journal":{"name":"Neural Network World","volume":"1 1","pages":""},"PeriodicalIF":0.8,"publicationDate":"2023-01-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"67126247","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 1
The effect of amplitude modification in S-shaped activation functions on neural network regression s形激活函数振幅修正对神经网络回归的影响
4区 计算机科学 Q4 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-01-01 DOI: 10.14311/nnw.2023.33.015
Faizal Makhrus
Time series forecasting using multilayer feed-forward neural networks (FNN) is potential to give high accuracy. Several factors influence the accuracy. One of them is the choice of activation functions (AFs). There are several AFs commonly used in FNN with their specific characteristics, such as bounded type AFs. They include sigmoid, softsign, arctan, and tanh. This paper investigates the effect of the amplitude in the bounded AFs on the FNNs’ accuracy. The theoretical investigations use simplified FNN models: linear equation and linear combination. The results show that the higher amplitudes give higher accuracy than typical amplitudes in softsign, arctan, and tanh AFs. However, in sigmoid AF, the amplitude changes do not influence the accuracy. These theoretical results are supported by experiments using the FNN model for time series prediction of 10 foreign exchanges from different continents compared to the US dollar. Based on the experiments, the optimum amplitude of the AFs should be high, that is greater or equal to 100 times of the maximum input values to the FNN, and the accuracy gains up to 3–10 times.
利用多层前馈神经网络(FNN)进行时间序列预测具有较高的精度。有几个因素影响精度。其中之一是激活函数(AFs)的选择。在FNN中常用的AFs有其特定的特性,如有界型AFs。它们包括s型、软型、arctan和tanh。本文研究了有界AFs的振幅对fnn精度的影响。理论研究采用简化的FNN模型:线性方程和线性组合。结果表明,在软信号、arctan和tanh af中,较高的振幅比典型振幅具有更高的精度。然而,在s形自动对焦中,振幅变化不影响精度。这些理论结果得到了实验的支持,使用FNN模型对来自不同大陆的10种外汇进行时间序列预测,并与美元进行比较。实验结果表明,AFs的最佳幅值应较大,即大于或等于FNN最大输入值的100倍,精度可提高3 ~ 10倍。
{"title":"The effect of amplitude modification in S-shaped activation functions on neural network regression","authors":"Faizal Makhrus","doi":"10.14311/nnw.2023.33.015","DOIUrl":"https://doi.org/10.14311/nnw.2023.33.015","url":null,"abstract":"Time series forecasting using multilayer feed-forward neural networks (FNN) is potential to give high accuracy. Several factors influence the accuracy. One of them is the choice of activation functions (AFs). There are several AFs commonly used in FNN with their specific characteristics, such as bounded type AFs. They include sigmoid, softsign, arctan, and tanh. This paper investigates the effect of the amplitude in the bounded AFs on the FNNs’ accuracy. The theoretical investigations use simplified FNN models: linear equation and linear combination. The results show that the higher amplitudes give higher accuracy than typical amplitudes in softsign, arctan, and tanh AFs. However, in sigmoid AF, the amplitude changes do not influence the accuracy. These theoretical results are supported by experiments using the FNN model for time series prediction of 10 foreign exchanges from different continents compared to the US dollar. Based on the experiments, the optimum amplitude of the AFs should be high, that is greater or equal to 100 times of the maximum input values to the FNN, and the accuracy gains up to 3–10 times.","PeriodicalId":49765,"journal":{"name":"Neural Network World","volume":"1 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-01-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135650380","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Reflection on systemic aspects of consciousness 对意识的系统方面的反思
4区 计算机科学 Q4 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-01-01 DOI: 10.14311/nnw.2023.33.022
Zuzana Běinová
Today's quick development of artificial intelligence (AI) brings us to the questions that have until recently been the domain of philosophy or even sciencefiction. When can be a system considered an intelligent one? What is a consciousness and where it comes from? Can systems gain consciousness? It is necessary to have in mind, that although the development seems to be a revolutionary one, the progress is successive, today's technologies did not emerge from thin air, they are firmly built on previous findings. As now some wild thoughts and theories where the AI development leads to have arisen, it is time to look back at the background theories and summarize, what do we know on the topics of intelligence, consciousness, where they come from and what are different viewpoints on these topics. This paper combines the findings from different areas and present overview of different attitudes on systems consciousness and emphasizes the role of systems sciences in helping the knowledge in this area.
今天,人工智能(AI)的快速发展给我们带来了一些问题,这些问题直到最近才成为哲学甚至科幻小说的领域。什么时候一个系统可以被认为是智能的?什么是意识,它从何而来?系统能获得意识吗?有必要记住,虽然这一发展似乎是革命性的,但进步是连续的,今天的技术不是凭空出现的,它们牢固地建立在以前的发现之上。随着人工智能发展导致的一些疯狂的想法和理论的出现,现在是时候回顾背景理论并总结,我们对智能,意识的主题了解多少,它们来自哪里以及对这些主题的不同观点是什么。本文结合了不同领域的研究成果,概述了对系统意识的不同态度,并强调了系统科学在帮助这一领域的知识方面的作用。
{"title":"Reflection on systemic aspects of consciousness","authors":"Zuzana Běinová","doi":"10.14311/nnw.2023.33.022","DOIUrl":"https://doi.org/10.14311/nnw.2023.33.022","url":null,"abstract":"Today's quick development of artificial intelligence (AI) brings us to the questions that have until recently been the domain of philosophy or even sciencefiction. When can be a system considered an intelligent one? What is a consciousness and where it comes from? Can systems gain consciousness? It is necessary to have in mind, that although the development seems to be a revolutionary one, the progress is successive, today's technologies did not emerge from thin air, they are firmly built on previous findings. As now some wild thoughts and theories where the AI development leads to have arisen, it is time to look back at the background theories and summarize, what do we know on the topics of intelligence, consciousness, where they come from and what are different viewpoints on these topics. This paper combines the findings from different areas and present overview of different attitudes on systems consciousness and emphasizes the role of systems sciences in helping the knowledge in this area.","PeriodicalId":49765,"journal":{"name":"Neural Network World","volume":"4 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-01-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135659617","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
An empirical study of relationships between urban lighting indicators and night-time light radiance 城市照明指标与夜间照度关系的实证研究
4区 计算机科学 Q4 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-01-01 DOI: 10.14311/nnw.2023.33.021
František Kekula, Pavel Hrubeš
Night-time light (NTL) radiance has a great potential in analyses of dynamic changes in patterns of human activities, and socio-economic and demographic factors. However, most of those analyses are focused on factors at global scales such as the population size, gross domestic product, electric power consumption, fossil fuel carbon dioxide emission etc. In this study we investigate the relationships between three urban lighting indicators and monthly averaged NTL radiance obtained from NASA’s Black Marble monthly NTL composites for 4 study areas in the Czech Republic at local scale. The Pearson correlation analysis was used to identify a strength of the correlations between the indicators and radiance at near-nadir for two different snow conditions. The results from the correlation show that radiance has a strong positive correlation with the number of streetlighting points and their total nominal power, while for the average mast height there were observed moderate correlation coefficients. However, the areas with larger scales have higher correlation coefficients. Moreover, we found that the correlation coefficients are higher for snow-covered condition radiances. Generalized linear (GL) regression analysis was used to examine an association between the radiance and selected indicators. Owing to the excess zeros and overdispersion in the data, the zero-inflated regression performs better than the GL regression. Results from the regression analysis evince a statistically significant relationship between the radiance and selected indicators.
夜间光辐射在分析人类活动模式的动态变化以及社会经济和人口因素方面具有很大的潜力。然而,这些分析大多集中在全球范围内的因素,如人口规模、国内生产总值、电力消耗、化石燃料二氧化碳排放等。在本研究中,我们研究了三个城市照明指标与捷克共和国4个研究区域的月平均NTL亮度之间的关系,这些数据来自NASA的Black Marble月度NTL复合材料。使用Pearson相关分析来确定两种不同降雪条件下接近最低点的指标与辐亮度之间的相关性强度。相关分析结果表明,光照度与路灯点位数量和总标称功率有很强的正相关关系,而与平均桅杆高度有中等的相关系数。而尺度越大的区域相关系数越高。此外,我们发现积雪条件辐射的相关系数更高。采用广义线性(GL)回归分析来检验辐照度与选定指标之间的关联。由于数据中存在多余的零和过分散,零膨胀回归比GL回归表现更好。回归分析的结果表明,辐射度与所选指标之间存在统计学上显著的关系。
{"title":"An empirical study of relationships between urban lighting indicators and night-time light radiance","authors":"František Kekula, Pavel Hrubeš","doi":"10.14311/nnw.2023.33.021","DOIUrl":"https://doi.org/10.14311/nnw.2023.33.021","url":null,"abstract":"Night-time light (NTL) radiance has a great potential in analyses of dynamic changes in patterns of human activities, and socio-economic and demographic factors. However, most of those analyses are focused on factors at global scales such as the population size, gross domestic product, electric power consumption, fossil fuel carbon dioxide emission etc. In this study we investigate the relationships between three urban lighting indicators and monthly averaged NTL radiance obtained from NASA’s Black Marble monthly NTL composites for 4 study areas in the Czech Republic at local scale. The Pearson correlation analysis was used to identify a strength of the correlations between the indicators and radiance at near-nadir for two different snow conditions. The results from the correlation show that radiance has a strong positive correlation with the number of streetlighting points and their total nominal power, while for the average mast height there were observed moderate correlation coefficients. However, the areas with larger scales have higher correlation coefficients. Moreover, we found that the correlation coefficients are higher for snow-covered condition radiances. Generalized linear (GL) regression analysis was used to examine an association between the radiance and selected indicators. Owing to the excess zeros and overdispersion in the data, the zero-inflated regression performs better than the GL regression. Results from the regression analysis evince a statistically significant relationship between the radiance and selected indicators.","PeriodicalId":49765,"journal":{"name":"Neural Network World","volume":"68 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-01-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135659620","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Using Poisson proximity-based weights for traffic flow state prediction 基于泊松近似权值的交通流状态预测
4区 计算机科学 Q4 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-01-01 DOI: 10.14311/nnw.2023.33.017
Evženie Uglickich, Ivan Nagy
The development of traffic state prediction algorithms embedded in intelligent transportation systems is of great importance for improving traffic conditions for drivers and pedestrians. Despite the large number of prediction methods, existing limitations still confirm the need to find a systematic solution and its adaptation to specific traffic data. This paper focuses on the relationship between traffic flow states in different urban locations, where these states are identified as clusters of traffic counts. Extending the recursive Bayesian mixture estimation theory to the Poisson mixtures, the paper uses the mixture pointers to construct the traffic state prediction model. Using the predictive model, the cluster at the target urban location is predicted based on the traffic counts measured in real time at the explanatory urban location. The main contributions of this study are: (i) recursive identification and prediction of the traffic state at each time instant, (ii) straightforward Poisson mixture initialization, and (iii) systematic theoretical background of the prediction approach. Results of testing the prediction algorithm on real traffic counts are presented.
智能交通系统中嵌入的交通状态预测算法的发展对于改善驾驶员和行人的交通状况具有重要意义。尽管预测方法很多,但现有的局限性仍然需要找到一个系统的解决方案,并适应具体的交通数据。本文重点研究了不同城市位置的交通流状态之间的关系,这些状态被识别为交通计数集群。将递推贝叶斯混合估计理论推广到泊松混合,利用混合指针构造交通状态预测模型。使用该预测模型,基于在解释城市位置实时测量的交通量来预测目标城市位置的集群。本研究的主要贡献是:(1)递归识别和预测每个时刻的交通状态;(2)简单的泊松混合初始化;(3)系统的预测方法的理论背景。给出了基于实际流量的预测算法的测试结果。
{"title":"Using Poisson proximity-based weights for traffic flow state prediction","authors":"Evženie Uglickich, Ivan Nagy","doi":"10.14311/nnw.2023.33.017","DOIUrl":"https://doi.org/10.14311/nnw.2023.33.017","url":null,"abstract":"The development of traffic state prediction algorithms embedded in intelligent transportation systems is of great importance for improving traffic conditions for drivers and pedestrians. Despite the large number of prediction methods, existing limitations still confirm the need to find a systematic solution and its adaptation to specific traffic data. This paper focuses on the relationship between traffic flow states in different urban locations, where these states are identified as clusters of traffic counts. Extending the recursive Bayesian mixture estimation theory to the Poisson mixtures, the paper uses the mixture pointers to construct the traffic state prediction model. Using the predictive model, the cluster at the target urban location is predicted based on the traffic counts measured in real time at the explanatory urban location. The main contributions of this study are: (i) recursive identification and prediction of the traffic state at each time instant, (ii) straightforward Poisson mixture initialization, and (iii) systematic theoretical background of the prediction approach. Results of testing the prediction algorithm on real traffic counts are presented.","PeriodicalId":49765,"journal":{"name":"Neural Network World","volume":"17 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-01-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135650395","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
期刊
Neural Network World
全部 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