首页 > 最新文献

2022 2nd International Conference on Artificial Intelligence and Signal Processing (AISP)最新文献

英文 中文
Human Activity Recognition with Privacy Preserving using Deep Learning Algorithms 使用深度学习算法保护隐私的人类活动识别
Pub Date : 2022-02-12 DOI: 10.1109/AISP53593.2022.9760596
K. Kumar, J. Harikiran, B. S. Chandana
Human activity recognition is an extensively researched topic in the field of computer vision. Recognizing human activities without revealing a person’s identity is one such use case. To solve this, we propose a practical method for human activity recognition (HAR) while maintaining anonymity. It captures and distributes data from a variety of sources while respecting the privacy of the individuals concerned. At the core of our approach is (DBN-RGMAA) based on deep neural networks, which are not only more accurate but can also be deployed in real-time video surveillance systems. Hence, this work presents a deep learning-based scheme for privacy-preserving human activities. Initially, for extracting the features from raw video data, a Deep Belief Network (DBN) is used. To increase the HAR identification rate, Hybrid Deep Fuzzy Hashing Algorithm (HDFHA) is employed to capture dependencies between two actions. Finally, the privacy model enhances the privacy of humans while permitting a highly accurate approach towards action recognition by the Recursive Genetic Micro-Aggregation Approach (RGMAA). The implementation is executed and the performances are evaluated by Accuracy, Precision, Recall, and F1 Score. A dataset named HMDB51 is used for empirical study. Our experiments using the Python data science platform reveal that the OPA-PPAR outperforms existing methods.
人体活动识别是计算机视觉领域中一个被广泛研究的课题。在不暴露个人身份的情况下识别人类活动就是这样一个用例。为了解决这个问题,我们提出了一种实用的人类活动识别(HAR)方法,同时保持匿名性。它从各种来源获取和分发数据,同时尊重有关个人的隐私。我们方法的核心是基于深度神经网络的(DBN-RGMAA),它不仅更准确,而且还可以部署在实时视频监控系统中。因此,这项工作提出了一种基于深度学习的保护隐私的人类活动方案。首先,采用深度信念网络(Deep Belief Network, DBN)从原始视频数据中提取特征。为了提高HAR识别率,采用混合深度模糊哈希算法(HDFHA)捕获两个动作之间的依赖关系。最后,隐私模型增强了人类的隐私,同时允许通过递归遗传微聚集方法(RGMAA)高度准确地进行动作识别。执行该实现,并通过Accuracy、Precision、Recall和F1 Score对性能进行评估。使用HMDB51数据集进行实证研究。我们使用Python数据科学平台进行的实验表明,OPA-PPAR优于现有方法。
{"title":"Human Activity Recognition with Privacy Preserving using Deep Learning Algorithms","authors":"K. Kumar, J. Harikiran, B. S. Chandana","doi":"10.1109/AISP53593.2022.9760596","DOIUrl":"https://doi.org/10.1109/AISP53593.2022.9760596","url":null,"abstract":"Human activity recognition is an extensively researched topic in the field of computer vision. Recognizing human activities without revealing a person’s identity is one such use case. To solve this, we propose a practical method for human activity recognition (HAR) while maintaining anonymity. It captures and distributes data from a variety of sources while respecting the privacy of the individuals concerned. At the core of our approach is (DBN-RGMAA) based on deep neural networks, which are not only more accurate but can also be deployed in real-time video surveillance systems. Hence, this work presents a deep learning-based scheme for privacy-preserving human activities. Initially, for extracting the features from raw video data, a Deep Belief Network (DBN) is used. To increase the HAR identification rate, Hybrid Deep Fuzzy Hashing Algorithm (HDFHA) is employed to capture dependencies between two actions. Finally, the privacy model enhances the privacy of humans while permitting a highly accurate approach towards action recognition by the Recursive Genetic Micro-Aggregation Approach (RGMAA). The implementation is executed and the performances are evaluated by Accuracy, Precision, Recall, and F1 Score. A dataset named HMDB51 is used for empirical study. Our experiments using the Python data science platform reveal that the OPA-PPAR outperforms existing methods.","PeriodicalId":6793,"journal":{"name":"2022 2nd International Conference on Artificial Intelligence and Signal Processing (AISP)","volume":"64 3 1","pages":"1-8"},"PeriodicalIF":0.0,"publicationDate":"2022-02-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"78042055","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}
引用次数: 1
Crack identification from concrete structure images using deep transfer learning 基于深度迁移学习的混凝土结构图像裂缝识别
Pub Date : 2022-02-12 DOI: 10.1109/AISP53593.2022.9760670
Amena Qadri Syed, J. Jothi, K. Anusree
Early crack identification of civil structures is an essential task to prolong the life of the structures and to promise public safety. This research aims to develop an automated crack identification system using deep learning models and the SDNET2018 dataset. Image augmentation is applied to overcome the effect of unbalanced data. Deep pre-trained models like VGG16, InceptionV3, ResNet-50, ResNet-101 and ResNet-152 are trained and tested using the cracked and uncracked images of decks and pavements from the dataset. The experimental results show that the classification models obtained using transfer learning on the cracked and non-cracked pavement and deck image dataset have accuracy values of 70.59%, 60.31%71.93%, 75.40%, and 74.77% for VGG-16, Inception V3, ResNet-50, ResNet-101, and Resnet-152 pretrained models respectively.
土木结构的早期裂缝识别是延长结构使用寿命和保证公共安全的重要任务。本研究旨在利用深度学习模型和SDNET2018数据集开发一个自动裂缝识别系统。采用图像增强技术克服数据不平衡的影响。深度预训练模型,如VGG16, InceptionV3, ResNet-50, ResNet-101和ResNet-152,使用数据集中的甲板和路面的破碎和未破碎图像进行训练和测试。实验结果表明,VGG-16、Inception V3、ResNet-50、ResNet-101和Resnet-152预训练模型在裂缝和非裂缝路面和甲板图像数据集上使用迁移学习获得的分类模型准确率分别为70.59%、60.31%、71.93%、75.40%和74.77%。
{"title":"Crack identification from concrete structure images using deep transfer learning","authors":"Amena Qadri Syed, J. Jothi, K. Anusree","doi":"10.1109/AISP53593.2022.9760670","DOIUrl":"https://doi.org/10.1109/AISP53593.2022.9760670","url":null,"abstract":"Early crack identification of civil structures is an essential task to prolong the life of the structures and to promise public safety. This research aims to develop an automated crack identification system using deep learning models and the SDNET2018 dataset. Image augmentation is applied to overcome the effect of unbalanced data. Deep pre-trained models like VGG16, InceptionV3, ResNet-50, ResNet-101 and ResNet-152 are trained and tested using the cracked and uncracked images of decks and pavements from the dataset. The experimental results show that the classification models obtained using transfer learning on the cracked and non-cracked pavement and deck image dataset have accuracy values of 70.59%, 60.31%71.93%, 75.40%, and 74.77% for VGG-16, Inception V3, ResNet-50, ResNet-101, and Resnet-152 pretrained models respectively.","PeriodicalId":6793,"journal":{"name":"2022 2nd International Conference on Artificial Intelligence and Signal Processing (AISP)","volume":"7 1","pages":"1-7"},"PeriodicalIF":0.0,"publicationDate":"2022-02-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"72972780","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
Classification of Hand Movements via EMG using Machine Learning Methods for Prosthesis 基于机器学习方法的假肢手运动肌电图分类
Pub Date : 2022-02-12 DOI: 10.1109/AISP53593.2022.9760543
M. Karuna, S. R. Guntur
The recognition of hand movements using surface electromyography (sEMG) and a machine learning technique is becoming increasingly significant to control a prosthetic hand in a rehabilitation facility for people who have had their hands amputated in order to regain lost capability. However, in real life, controlling a prosthetic hand utilizing non-invasive methods is still a challenge. Existing research results are limited and not meeting the needs of amputee. The objective of this work is to fulfill the gap by proposing empirical mode decomposition (EMD) based machine learning (ML)classifier to recognize hand movements of the Ninapro dataset, this benchmark standard is used to evaluate four classifiers by comparing the performance accuracy results. The outcome of this work is better movement recognition achieved using one of the four distinct classifiers.
使用表面肌电图(sEMG)和机器学习技术识别手部运动对于控制假肢在康复设施中变得越来越重要,这些假肢是为那些手部截肢的人提供的,以恢复失去的能力。然而,在现实生活中,利用非侵入性方法控制假手仍然是一个挑战。现有的研究成果有限,不能满足截肢者的需要。本文的目标是通过提出基于经验模式分解(EMD)的机器学习(ML)分类器来识别Ninapro数据集的手部运动,从而弥补这一空白,并使用该基准标准通过比较性能精度结果来评估四种分类器。这项工作的结果是使用四种不同的分类器之一实现更好的运动识别。
{"title":"Classification of Hand Movements via EMG using Machine Learning Methods for Prosthesis","authors":"M. Karuna, S. R. Guntur","doi":"10.1109/AISP53593.2022.9760543","DOIUrl":"https://doi.org/10.1109/AISP53593.2022.9760543","url":null,"abstract":"The recognition of hand movements using surface electromyography (sEMG) and a machine learning technique is becoming increasingly significant to control a prosthetic hand in a rehabilitation facility for people who have had their hands amputated in order to regain lost capability. However, in real life, controlling a prosthetic hand utilizing non-invasive methods is still a challenge. Existing research results are limited and not meeting the needs of amputee. The objective of this work is to fulfill the gap by proposing empirical mode decomposition (EMD) based machine learning (ML)classifier to recognize hand movements of the Ninapro dataset, this benchmark standard is used to evaluate four classifiers by comparing the performance accuracy results. The outcome of this work is better movement recognition achieved using one of the four distinct classifiers.","PeriodicalId":6793,"journal":{"name":"2022 2nd International Conference on Artificial Intelligence and Signal Processing (AISP)","volume":"1 1","pages":"1-4"},"PeriodicalIF":0.0,"publicationDate":"2022-02-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"80070146","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
Word Translation using Cross-Lingual Word Embedding: Case of Sanskrit to Hindi Translation 跨语言词嵌入的词翻译:以梵语到印地语的翻译为例
Pub Date : 2022-02-12 DOI: 10.1109/AISP53593.2022.9760564
Rashi Kumar, V. Sahula
Sanskrit is a low resource language for which large parallel data sets are not available. Large parallel data sets are required for Machine Translation. Cross-Lingual word embedding helps to learn the meaning of words across languages in a shared vector space. In the present work, we propose a translation technique between Sanskrit and Hindi words without a parallel corpus-base. Here, fastText pre-trained word embedding for Sanskrit and Hindi are used and are aligned in the same vector space using Singular Value Decomposition and a Quasi bilingual dictionary. A Quasi bilingual dictionary is generated from similar character string words in the monolingual word embeddings of both languages. Translations for the test dictionary are evaluated on the various retrieval methods e.g. Nearest neighbor, Inverted Sofmax approach, and Cross-domain Similarity Local Scaling, in order to address the issue of hubness that arises due to the high dimensional space of the vector embeddings. The results are compared with the other Unsupervised approaches at 1, 10, and 20 neighbors. While computing the Cosine similarity, we observed that the similarity between the expected and the translated target words is either close to unity or equal to unity for the cases that were even not included in the Quasi bilingual dictionary that was used to generate the orthogonal mapping. A test dictionary was developed from the Wikipedia Sanskrit-Hindi Shabdkosh to test the translation accuracy of the system. The proposed method is being extended for sentence translation.
梵语是一种低资源语言,无法获得大型并行数据集。机器翻译需要大量的并行数据集。跨语言词嵌入有助于在共享向量空间中学习跨语言词的含义。在本研究中,我们提出了一种无需平行语料库的梵语和印地语词汇翻译技术。在这里,使用fastText预训练的梵语和印地语词嵌入,并使用奇异值分解和准双语字典在相同的向量空间中对齐。准双语词典是由两种语言的单语词嵌入中相似的字符串词生成的。测试字典的翻译在各种检索方法上进行评估,例如最近邻,倒Sofmax方法和跨域相似局部缩放,以解决由于向量嵌入的高维空间而产生的中心问题。将结果与其他无监督方法在1、10和20个邻居处进行比较。在计算余弦相似度时,我们观察到,对于用于生成正交映射的准双语字典中甚至没有包含的情况,期望词与翻译目标词之间的相似度要么接近于单位,要么等于单位。从维基百科梵语-印地语Shabdkosh中开发了一个测试词典来测试该系统的翻译准确性。将该方法扩展到句子翻译中。
{"title":"Word Translation using Cross-Lingual Word Embedding: Case of Sanskrit to Hindi Translation","authors":"Rashi Kumar, V. Sahula","doi":"10.1109/AISP53593.2022.9760564","DOIUrl":"https://doi.org/10.1109/AISP53593.2022.9760564","url":null,"abstract":"Sanskrit is a low resource language for which large parallel data sets are not available. Large parallel data sets are required for Machine Translation. Cross-Lingual word embedding helps to learn the meaning of words across languages in a shared vector space. In the present work, we propose a translation technique between Sanskrit and Hindi words without a parallel corpus-base. Here, fastText pre-trained word embedding for Sanskrit and Hindi are used and are aligned in the same vector space using Singular Value Decomposition and a Quasi bilingual dictionary. A Quasi bilingual dictionary is generated from similar character string words in the monolingual word embeddings of both languages. Translations for the test dictionary are evaluated on the various retrieval methods e.g. Nearest neighbor, Inverted Sofmax approach, and Cross-domain Similarity Local Scaling, in order to address the issue of hubness that arises due to the high dimensional space of the vector embeddings. The results are compared with the other Unsupervised approaches at 1, 10, and 20 neighbors. While computing the Cosine similarity, we observed that the similarity between the expected and the translated target words is either close to unity or equal to unity for the cases that were even not included in the Quasi bilingual dictionary that was used to generate the orthogonal mapping. A test dictionary was developed from the Wikipedia Sanskrit-Hindi Shabdkosh to test the translation accuracy of the system. The proposed method is being extended for sentence translation.","PeriodicalId":6793,"journal":{"name":"2022 2nd International Conference on Artificial Intelligence and Signal Processing (AISP)","volume":"10 1","pages":"1-7"},"PeriodicalIF":0.0,"publicationDate":"2022-02-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"75491016","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
Multiscale Discrete Wavelet Transform based Efficient Energy Detection for Wideband Spectrum Sensing 基于多尺度离散小波变换的宽带频谱感知高效能量检测
Pub Date : 2022-02-12 DOI: 10.1109/AISP53593.2022.9760625
Biji Rose, B. Arunadevi
In a wireless radio environment of cognitive radio, spotting of vacant spectrum of Primary user demands more efficient technique. The edge detection of sub-bands of the received signal spectrum is one such efficient technique of spectrum sensing achieved by Discrete Wavelet Transform (DWT). In low noise variance, the DWT based technique has a better detection performance, but as noise variance increases, the performance degrades. In this paper, blind energy detection spectrum-sensing approach is proposed with Multiscale DWT. Here depending on the noise variance two modified forms of DWT are proposed. When noise variance is less DWT Modulus Maxima (DWTMM) and for high noise variance DWT Moving window ESPIT Method (DWTMEM). The simulation of the proposed algorithm, shows efficient performance of the algorithm in terms of Probability of Detection PD, Probability of missed detection PM and the Probability of Error Pe in low and high noise variance environment.
在认知无线电的无线环境中,主用户空频谱的定位需要更高效的技术。接收信号频谱子带边缘检测是利用离散小波变换(DWT)实现的一种有效的频谱感知技术。在低噪声方差下,基于小波变换的检测技术具有较好的检测性能,但随着噪声方差的增大,检测性能下降。提出了一种基于多尺度小波变换的盲能量检测光谱感知方法。这里根据噪声方差提出了两种改进形式的小波变换。当噪声方差较小时,DWT模极大值法(DWTMM)和对于高噪声方差时,DWT移动窗口ESPIT法(DWTMEM)。仿真结果表明,在低噪声和高噪声环境下,该算法在检测概率PD、漏检概率PM和误差概率Pe方面具有良好的性能。
{"title":"Multiscale Discrete Wavelet Transform based Efficient Energy Detection for Wideband Spectrum Sensing","authors":"Biji Rose, B. Arunadevi","doi":"10.1109/AISP53593.2022.9760625","DOIUrl":"https://doi.org/10.1109/AISP53593.2022.9760625","url":null,"abstract":"In a wireless radio environment of cognitive radio, spotting of vacant spectrum of Primary user demands more efficient technique. The edge detection of sub-bands of the received signal spectrum is one such efficient technique of spectrum sensing achieved by Discrete Wavelet Transform (DWT). In low noise variance, the DWT based technique has a better detection performance, but as noise variance increases, the performance degrades. In this paper, blind energy detection spectrum-sensing approach is proposed with Multiscale DWT. Here depending on the noise variance two modified forms of DWT are proposed. When noise variance is less DWT Modulus Maxima (DWTMM) and for high noise variance DWT Moving window ESPIT Method (DWTMEM). The simulation of the proposed algorithm, shows efficient performance of the algorithm in terms of Probability of Detection PD, Probability of missed detection PM and the Probability of Error Pe in low and high noise variance environment.","PeriodicalId":6793,"journal":{"name":"2022 2nd International Conference on Artificial Intelligence and Signal Processing (AISP)","volume":"12 1","pages":"1-5"},"PeriodicalIF":0.0,"publicationDate":"2022-02-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"87422602","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
Block chain Based Framework for Document Verification 基于区块链的文档验证框架
Pub Date : 2022-02-12 DOI: 10.1109/AISP53593.2022.9760651
Mrs.Latha S S, M. N, Mrs.Anusha Shettar
Document Verification using Blockchain Technology has a huge scope. With increasing documents generated every year, there is no systematic and simple way to verify the documents. This system could be used to the governments, organizations, employers and basically anybody who wants to verify that the given document is not forged. This could be used to verify all kinds of immutable records ranging from attendance records, birth certificates, graduation and academic credentials. The proposed system could be used by the government to construct a decentralized network to store and maintain record. This is also the best way to ensure that the documents exist in the state of their creation, that they are not tampered with by anyone. Motivated by this, we propose to develop a decentralized blockchain system using Ethereum that will serve as an application to authenticate the documents. An application will be installed to local systems in which the users will verify the documents. These local systems also known as “Nodes” or “Blocks”.Once the documents are added to blocks forming the blockchain, complex calculations are performed to find the unique hash for that particular document.This concept can be implemented through decentralized applications deployed on the blockchain. The blockchain that is intended to be used for the deployment process is the Ropsten Ethereum Network. Thus, the immutability of documents can be maintained, while providing a simple, yet secure way for authenticating/verifying documents.
使用区块链技术的文档验证具有巨大的应用范围。随着每年产生的文件越来越多,没有系统和简单的方法来验证文件。这个系统可以用于政府、组织、雇主和基本上任何想要验证给定文件不是伪造的人。这可以用来验证各种不可变的记录,包括出勤记录、出生证明、毕业证书和学术证书。提议的系统可以被政府用来构建一个分散的网络来存储和维护记录。这也是确保文档以其创建状态存在的最佳方法,以免被任何人篡改。基于此,我们建议使用以太坊开发一个去中心化的区块链系统,作为验证文档的应用程序。应用程序将被安装到本地系统中,用户将在其中验证文档。这些本地系统也被称为“节点”或“块”。一旦将文档添加到形成区块链的块中,就会执行复杂的计算以找到该特定文档的唯一哈希值。这个概念可以通过部署在区块链上的分散应用程序来实现。用于部署过程的区块链是Ropsten以太坊网络。因此,可以维护文档的不变性,同时为验证/验证文档提供一种简单而安全的方法。
{"title":"Block chain Based Framework for Document Verification","authors":"Mrs.Latha S S, M. N, Mrs.Anusha Shettar","doi":"10.1109/AISP53593.2022.9760651","DOIUrl":"https://doi.org/10.1109/AISP53593.2022.9760651","url":null,"abstract":"Document Verification using Blockchain Technology has a huge scope. With increasing documents generated every year, there is no systematic and simple way to verify the documents. This system could be used to the governments, organizations, employers and basically anybody who wants to verify that the given document is not forged. This could be used to verify all kinds of immutable records ranging from attendance records, birth certificates, graduation and academic credentials. The proposed system could be used by the government to construct a decentralized network to store and maintain record. This is also the best way to ensure that the documents exist in the state of their creation, that they are not tampered with by anyone. Motivated by this, we propose to develop a decentralized blockchain system using Ethereum that will serve as an application to authenticate the documents. An application will be installed to local systems in which the users will verify the documents. These local systems also known as “Nodes” or “Blocks”.Once the documents are added to blocks forming the blockchain, complex calculations are performed to find the unique hash for that particular document.This concept can be implemented through decentralized applications deployed on the blockchain. The blockchain that is intended to be used for the deployment process is the Ropsten Ethereum Network. Thus, the immutability of documents can be maintained, while providing a simple, yet secure way for authenticating/verifying documents.","PeriodicalId":6793,"journal":{"name":"2022 2nd International Conference on Artificial Intelligence and Signal Processing (AISP)","volume":"46 1","pages":"1-5"},"PeriodicalIF":0.0,"publicationDate":"2022-02-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"83154646","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}
引用次数: 5
Language Effect on Speaker Gender Classification Using Deep Learning 深度学习对说话人性别分类的影响
Pub Date : 2022-02-12 DOI: 10.1109/AISP53593.2022.9760599
Adal A. Alashban, Y. Alotaibi
In speech processing, identifying the speaker’s gender has been considered a topic of interest by many studies. Various approaches and methods have been proposed to detect the gender of a speaker with high accuracy. However, they are limited to isolated and specific languages. In this research, the speaker’s gender is classified from a mixed languages speech point of view, constituting six different languages using Bidirectional Long Short-Term Memory (BLSTM) network classifiers. Also, gender classification is performed using each specific language independently. The main aim of this approach is to tackle the effect of the language on speakers’ genders classification. Performance evaluation of the language effect on speaker gender classification is conducted on the open-source Mozilla datasets. We achieved an average gender classification accuracy of 90.42%, 97.42%, 82.44%, 98.39%, 100%, and 85.04% on Arabic, Chinese, English, French, Russian, and Spanish datasets, respectively. These results uncover some dependencies of speakers’ gender classification on the language.
在语音处理中,识别说话人的性别一直是许多研究感兴趣的话题。人们提出了各种方法和方法来检测说话人的性别,并且准确率很高。然而,它们仅限于孤立的和特定的语言。本研究从混合语言语音的角度出发,利用双向长短期记忆(Bidirectional Long - short - Memory, BLSTM)网络分类器对六种不同语言的说话人性别进行分类。此外,使用每种特定语言独立进行性别分类。这种方法的主要目的是解决语言对说话者性别分类的影响。在开源的Mozilla数据集上对语言对说话人性别分类的影响进行性能评估。在阿拉伯语、汉语、英语、法语、俄语和西班牙语数据集上,我们的平均性别分类准确率分别为90.42%、97.42%、82.44%、98.39%、100%和85.04%。这些结果揭示了说话者的性别分类与语言的一些依赖关系。
{"title":"Language Effect on Speaker Gender Classification Using Deep Learning","authors":"Adal A. Alashban, Y. Alotaibi","doi":"10.1109/AISP53593.2022.9760599","DOIUrl":"https://doi.org/10.1109/AISP53593.2022.9760599","url":null,"abstract":"In speech processing, identifying the speaker’s gender has been considered a topic of interest by many studies. Various approaches and methods have been proposed to detect the gender of a speaker with high accuracy. However, they are limited to isolated and specific languages. In this research, the speaker’s gender is classified from a mixed languages speech point of view, constituting six different languages using Bidirectional Long Short-Term Memory (BLSTM) network classifiers. Also, gender classification is performed using each specific language independently. The main aim of this approach is to tackle the effect of the language on speakers’ genders classification. Performance evaluation of the language effect on speaker gender classification is conducted on the open-source Mozilla datasets. We achieved an average gender classification accuracy of 90.42%, 97.42%, 82.44%, 98.39%, 100%, and 85.04% on Arabic, Chinese, English, French, Russian, and Spanish datasets, respectively. These results uncover some dependencies of speakers’ gender classification on the language.","PeriodicalId":6793,"journal":{"name":"2022 2nd International Conference on Artificial Intelligence and Signal Processing (AISP)","volume":"19 1","pages":"1-6"},"PeriodicalIF":0.0,"publicationDate":"2022-02-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"82568307","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}
引用次数: 1
Computer Assisted Diagnosis of Breast Cancer Using Histopathology Images and Convolutional Neural Networks 使用组织病理学图像和卷积神经网络的乳腺癌计算机辅助诊断
Pub Date : 2022-02-12 DOI: 10.1109/AISP53593.2022.9760669
Chinnapapakkagari Sreenivasa Vikranth, B. Jagadeesh, Kanna Rakesh, Doriginti Mohammad, S. Krishna, Remya Ajai A S
In recent years, breast cancer has become one of the most prevalent kinds of cancer. Breast Ultrasound, Diagnostic Mammogram, Magnetic Resonance Imaging (MRI), and other imaging modalities are routinely used to diagnose breast cancer. Doctors make final judgments about treatments, drugs, and other matters based on biopsy results, which are regarded the standard diagnostic approach for cancer. However, this is a time-consuming process that also necessitates extensive pathologist training and expertise. Each pathology lab receives around 300-500 slides per day. This overburdens the pathologists and increases the misdiagnosis rate in the biopsy results. In order to provide timely error free results to the patients, the research community focuses more on the development of Computer Aided Diagnosis (CAD) System to assist pathologists to diagnose cancer. Recent developments in Deep Learning techniques made the CAD systems more effective in detecting breast cancer at an early stage with a great accuracy. In this paper, we present a CAD system that recognises histopathology images to diagnose breast cancer using a Convolutional Neural Network (CNN). DenseNet201, ResNet50 and MobileNetV2 are used in this work. These are trained and tested using the openly available BreakHis and BACH datasets. The datasets are subjected to binary and multi-class classifications. Accuracy, Precision, Recall, F1 Score, and AUC are all performance measures that are used to evaluate the model’s performance. For Binary classification, the model built using MobileNetV2 with Sigmoid as activation function displayed a higher accuracy of 97% - 98% and in the case of multi-class classification, again the model built using MobileNetV2 with Softmax as activation function displayed a higher accuracy of 91% - 92% for both Magnifican Independant (MI) and Magnification Dependant (MD) cases.
近年来,乳腺癌已成为最常见的癌症之一。乳腺超声、诊断性乳房x光、磁共振成像(MRI)和其他成像方式通常用于诊断乳腺癌。医生根据活检结果对治疗、药物和其他事项做出最终判断,这被认为是癌症的标准诊断方法。然而,这是一个耗时的过程,也需要广泛的病理学家培训和专业知识。每个病理实验室每天收到大约300-500张玻片。这增加了病理学家的负担,增加了活检结果的误诊率。为了向患者提供及时无差错的诊断结果,科研界越来越关注计算机辅助诊断(CAD)系统的开发,以帮助病理学家诊断癌症。深度学习技术的最新发展使CAD系统更有效地在早期阶段检测乳腺癌,并具有很高的准确性。在本文中,我们提出了一个CAD系统,该系统使用卷积神经网络(CNN)识别组织病理学图像来诊断乳腺癌。本文使用的是DenseNet201、ResNet50和MobileNetV2。这些都是使用公开可用的BreakHis和BACH数据集进行训练和测试的。数据集采用二值分类和多类分类。Accuracy、Precision、Recall、F1 Score和AUC都是用于评估模型性能的性能度量。对于二元分类,使用Sigmoid作为激活函数的MobileNetV2建立的模型显示出97% - 98%的更高准确率,在多类别分类的情况下,使用Softmax作为激活函数的MobileNetV2建立的模型在放大倍数独立(MI)和放大倍数依赖(MD)的情况下都显示出91% - 92%的更高准确率。
{"title":"Computer Assisted Diagnosis of Breast Cancer Using Histopathology Images and Convolutional Neural Networks","authors":"Chinnapapakkagari Sreenivasa Vikranth, B. Jagadeesh, Kanna Rakesh, Doriginti Mohammad, S. Krishna, Remya Ajai A S","doi":"10.1109/AISP53593.2022.9760669","DOIUrl":"https://doi.org/10.1109/AISP53593.2022.9760669","url":null,"abstract":"In recent years, breast cancer has become one of the most prevalent kinds of cancer. Breast Ultrasound, Diagnostic Mammogram, Magnetic Resonance Imaging (MRI), and other imaging modalities are routinely used to diagnose breast cancer. Doctors make final judgments about treatments, drugs, and other matters based on biopsy results, which are regarded the standard diagnostic approach for cancer. However, this is a time-consuming process that also necessitates extensive pathologist training and expertise. Each pathology lab receives around 300-500 slides per day. This overburdens the pathologists and increases the misdiagnosis rate in the biopsy results. In order to provide timely error free results to the patients, the research community focuses more on the development of Computer Aided Diagnosis (CAD) System to assist pathologists to diagnose cancer. Recent developments in Deep Learning techniques made the CAD systems more effective in detecting breast cancer at an early stage with a great accuracy. In this paper, we present a CAD system that recognises histopathology images to diagnose breast cancer using a Convolutional Neural Network (CNN). DenseNet201, ResNet50 and MobileNetV2 are used in this work. These are trained and tested using the openly available BreakHis and BACH datasets. The datasets are subjected to binary and multi-class classifications. Accuracy, Precision, Recall, F1 Score, and AUC are all performance measures that are used to evaluate the model’s performance. For Binary classification, the model built using MobileNetV2 with Sigmoid as activation function displayed a higher accuracy of 97% - 98% and in the case of multi-class classification, again the model built using MobileNetV2 with Softmax as activation function displayed a higher accuracy of 91% - 92% for both Magnifican Independant (MI) and Magnification Dependant (MD) cases.","PeriodicalId":6793,"journal":{"name":"2022 2nd International Conference on Artificial Intelligence and Signal Processing (AISP)","volume":"26 1","pages":"1-6"},"PeriodicalIF":0.0,"publicationDate":"2022-02-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"82631265","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}
引用次数: 10
CNN based Static Hand Gesture Recognition using RGB-D Data 基于CNN的静态手势识别使用RGB-D数据
Pub Date : 2022-02-12 DOI: 10.1109/AISP53593.2022.9760658
N. C. Dayananda Kumar, K. Suresh, R. Dinesh
Hand gesture recognition refers to identification of various hand postures which interprets the signs of non verbal communication. It finds various applications like Sign Language Recognition (SLR), Human Computer Interaction (HCI) for robotics control, 3D modeling etc., Efficiently recognizing the hand gestures in various complex background scenarios is still a challenging problem. This issue can be effectively addressed by using depth data as a additional cue along with RGB image. Depth refers to the distance between camera sensor and image scene, hence depth cues can be used in suppressing the complex backgrounds which are far away from the hand region. Depth can also be effectively used to handle the illumination issues. In this paper, we propose a two stage approach where first stage involves k-means algorithm based depth clustering and removal of the background region. In the later stage, the foreground filtered depth map is fused with RGB and the resultant RGB-D data is used for gesture recognition using Convolutional Neural Network (CNN) classification model. Experiments are conducted on OUHANDS datasets and the results are compared with well known existing methods. Experimental result shows that accuracy of 87.57 % can be achieved on OUHANDS test dataset using the proposed method.
手势识别是指对各种手势的识别,这些手势解释了非语言交流的迹象。手语识别(SLR)、人机交互(HCI)在机器人控制、3D建模等方面的应用,在各种复杂的背景场景中有效识别手势仍然是一个具有挑战性的问题。这个问题可以通过使用深度数据作为RGB图像的附加线索来有效地解决。深度指的是相机传感器与图像场景之间的距离,因此深度线索可以用于抑制远离手部区域的复杂背景。深度也可以有效地用于处理照明问题。在本文中,我们提出了一种两阶段的方法,其中第一阶段涉及基于k-means算法的深度聚类和去除背景区域。在后期,将前景滤波后的深度图与RGB融合,得到的RGB- d数据使用卷积神经网络(CNN)分类模型进行手势识别。在OUHANDS数据集上进行了实验,并将实验结果与现有方法进行了比较。实验结果表明,该方法在OUHANDS测试数据集上可以达到87.57%的准确率。
{"title":"CNN based Static Hand Gesture Recognition using RGB-D Data","authors":"N. C. Dayananda Kumar, K. Suresh, R. Dinesh","doi":"10.1109/AISP53593.2022.9760658","DOIUrl":"https://doi.org/10.1109/AISP53593.2022.9760658","url":null,"abstract":"Hand gesture recognition refers to identification of various hand postures which interprets the signs of non verbal communication. It finds various applications like Sign Language Recognition (SLR), Human Computer Interaction (HCI) for robotics control, 3D modeling etc., Efficiently recognizing the hand gestures in various complex background scenarios is still a challenging problem. This issue can be effectively addressed by using depth data as a additional cue along with RGB image. Depth refers to the distance between camera sensor and image scene, hence depth cues can be used in suppressing the complex backgrounds which are far away from the hand region. Depth can also be effectively used to handle the illumination issues. In this paper, we propose a two stage approach where first stage involves k-means algorithm based depth clustering and removal of the background region. In the later stage, the foreground filtered depth map is fused with RGB and the resultant RGB-D data is used for gesture recognition using Convolutional Neural Network (CNN) classification model. Experiments are conducted on OUHANDS datasets and the results are compared with well known existing methods. Experimental result shows that accuracy of 87.57 % can be achieved on OUHANDS test dataset using the proposed method.","PeriodicalId":6793,"journal":{"name":"2022 2nd International Conference on Artificial Intelligence and Signal Processing (AISP)","volume":"5 1","pages":"1-6"},"PeriodicalIF":0.0,"publicationDate":"2022-02-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"83480308","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}
引用次数: 3
A New Dynamic Method of Multiprocessor Scheduling using Modified Crow Search Optimization 一种基于改进乌鸦搜索优化的多处理器动态调度新方法
Pub Date : 2022-02-12 DOI: 10.1109/AISP53593.2022.9760642
Ronali Madhusmita Sahoo, S. Padhy, Kumar Debasis
The task scheduling problem in a heterogeneous multiprocessor system is a challenging area of research. This article proposes a population-based metaheuristic algorithm called Modified Crow Search Optimization (MCSO) algorithm to solve the task scheduling problem. In this paper, the task scheduling problem is considered an optimization problem. The MCSO algorithm is used to find out the minimum makespan and the speedup of the task scheduling problem. The proposed algorithm is compared with some standard algorithms like Genetic Algorithm (GA), Particle Swarm Optimization (PSO), Shuffled Frog Leaping Algorithm (SFLA), and Crow Search Optimization (CSO). Experimental results prove that the proposed algorithm outperforms all the above algorithms in minimizing the makespan.
异构多处理器系统中的任务调度问题是一个具有挑战性的研究领域。本文提出了一种基于群体的元启发式算法——修正乌鸦搜索优化算法(MCSO)来解决任务调度问题。本文将任务调度问题看作是一个优化问题。采用MCSO算法求解任务调度问题的最大完工时间和加速问题。将该算法与遗传算法(GA)、粒子群算法(PSO)、洗牌青蛙跳跃算法(SFLA)、乌鸦搜索优化(CSO)等标准算法进行了比较。实验结果表明,该算法在最小化makespan方面优于上述算法。
{"title":"A New Dynamic Method of Multiprocessor Scheduling using Modified Crow Search Optimization","authors":"Ronali Madhusmita Sahoo, S. Padhy, Kumar Debasis","doi":"10.1109/AISP53593.2022.9760642","DOIUrl":"https://doi.org/10.1109/AISP53593.2022.9760642","url":null,"abstract":"The task scheduling problem in a heterogeneous multiprocessor system is a challenging area of research. This article proposes a population-based metaheuristic algorithm called Modified Crow Search Optimization (MCSO) algorithm to solve the task scheduling problem. In this paper, the task scheduling problem is considered an optimization problem. The MCSO algorithm is used to find out the minimum makespan and the speedup of the task scheduling problem. The proposed algorithm is compared with some standard algorithms like Genetic Algorithm (GA), Particle Swarm Optimization (PSO), Shuffled Frog Leaping Algorithm (SFLA), and Crow Search Optimization (CSO). Experimental results prove that the proposed algorithm outperforms all the above algorithms in minimizing the makespan.","PeriodicalId":6793,"journal":{"name":"2022 2nd International Conference on Artificial Intelligence and Signal Processing (AISP)","volume":"16 1","pages":"1-6"},"PeriodicalIF":0.0,"publicationDate":"2022-02-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"73194586","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
期刊
2022 2nd International Conference on Artificial Intelligence and Signal Processing (AISP)
全部 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