首页 > 最新文献

2021 26th International Computer Conference, Computer Society of Iran (CSICC)最新文献

英文 中文
The Effect of Using Masked Language Models in Random Textual Data Augmentation 在随机文本数据增强中使用掩码语言模型的效果
Pub Date : 2021-03-03 DOI: 10.1109/CSICC52343.2021.9420616
M. A. Rashid, Hossein Amirkhani
Powerful yet simple augmentation techniques have significantly helped modern deep learning-based text classifiers to become more robust in recent years. Although these augmentation methods have proven to be effective, they often utilize random or non-contextualized operations to generate new data. In this work, we modify a specific augmentation method called Easy Data Augmentation or EDA with more sophisticated text editing operations powered by masked language models such as BERT and RoBERTa to analyze the benefits or setbacks of creating more linguistically meaningful and hopefully higher quality augmentations. Our analysis demonstrates that using a masked language model for word insertion almost always achieves better results than the initial method but it comes at a cost of more time and resources which can be comparatively remedied by deploying a lighter and smaller language model like DistilBERT.
近年来,强大而简单的增强技术极大地帮助了现代基于深度学习的文本分类器变得更加健壮。尽管这些增强方法已被证明是有效的,但它们通常使用随机或非上下文化操作来生成新数据。在这项工作中,我们修改了一种特定的增强方法,称为简单数据增强或EDA,使用更复杂的文本编辑操作,由屏蔽语言模型(如BERT和RoBERTa)提供支持,以分析创建更有语言意义和希望更高质量的增强的好处或挫折。我们的分析表明,使用遮罩语言模型进行单词插入几乎总是比初始方法获得更好的结果,但它需要花费更多的时间和资源,这可以通过部署更轻、更小的语言模型(如蒸馏器)来相对弥补。
{"title":"The Effect of Using Masked Language Models in Random Textual Data Augmentation","authors":"M. A. Rashid, Hossein Amirkhani","doi":"10.1109/CSICC52343.2021.9420616","DOIUrl":"https://doi.org/10.1109/CSICC52343.2021.9420616","url":null,"abstract":"Powerful yet simple augmentation techniques have significantly helped modern deep learning-based text classifiers to become more robust in recent years. Although these augmentation methods have proven to be effective, they often utilize random or non-contextualized operations to generate new data. In this work, we modify a specific augmentation method called Easy Data Augmentation or EDA with more sophisticated text editing operations powered by masked language models such as BERT and RoBERTa to analyze the benefits or setbacks of creating more linguistically meaningful and hopefully higher quality augmentations. Our analysis demonstrates that using a masked language model for word insertion almost always achieves better results than the initial method but it comes at a cost of more time and resources which can be comparatively remedied by deploying a lighter and smaller language model like DistilBERT.","PeriodicalId":374593,"journal":{"name":"2021 26th International Computer Conference, Computer Society of Iran (CSICC)","volume":"3 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-03-03","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"129375294","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
A Semantic-based Feature Extraction Method Using Categorical Clustering for Persian Document Classification 一种基于语义的波斯语文档分类聚类特征提取方法
Pub Date : 2021-03-03 DOI: 10.1109/CSICC52343.2021.9420602
Saeedeh Davoudi, S. Mirzaei
Natural Language Processing (NLP) is one of the promising fields of artificial intelligence. In recent decades, high volume of text data has been generated through the Internet. This kind of data is a valuable source of information which can be used in various fields such as information retrieval, search engines, recommender systems, etc. One practical task of text mining is document classification. In this paper, we mainly focus on Persian document classification. We introduce a new feature extraction approach derived from the combination of K-means clustering and Word2Vec to acquire semantically relevant and discriminant word representations. We call our proposed approach CC-Word2Vec (Categorical Clustering-Word2Vec) since we retrain the Word2Vec model using the word clusters of each category obtained by K-Means algorithm. We use 200 documents of 5 most frequent categories of Hamshahri news dataset to evaluate our method. We pass the extracted word vectors to Multi-Layer Perceptron (MLP) and Gradient Boosting (GB) classifiers to compare the performance of the proposed approach with Term Frequency Inverse Document Frequency (TF-IDF) and Word2Vec methods. Our new approach resulted in an improvement in the obtained accuracy of Gradient Boosting and Multi-Layer Perceptron models in comparison with TF-IDF and Word2Vec techniques.
自然语言处理(NLP)是人工智能的一个有前途的领域。近几十年来,通过互联网产生了大量的文本数据。这类数据是一种有价值的信息来源,可用于信息检索、搜索引擎、推荐系统等各个领域。文本挖掘的一个实际任务是文档分类。本文主要对波斯语文献分类进行研究。本文提出了一种结合K-means聚类和Word2Vec的特征提取方法,以获取语义相关和可判别的词表示。我们称我们提出的方法为CC-Word2Vec(分类聚类-Word2Vec),因为我们使用K-Means算法获得的每个类别的词簇来重新训练Word2Vec模型。我们使用Hamshahri新闻数据集中5个最常见类别的200个文档来评估我们的方法。我们将提取的词向量传递给多层感知器(MLP)和梯度增强(GB)分类器,以比较所提出方法与词频逆文档频率(TF-IDF)和Word2Vec方法的性能。与TF-IDF和Word2Vec技术相比,我们的新方法提高了梯度增强和多层感知器模型的精度。
{"title":"A Semantic-based Feature Extraction Method Using Categorical Clustering for Persian Document Classification","authors":"Saeedeh Davoudi, S. Mirzaei","doi":"10.1109/CSICC52343.2021.9420602","DOIUrl":"https://doi.org/10.1109/CSICC52343.2021.9420602","url":null,"abstract":"Natural Language Processing (NLP) is one of the promising fields of artificial intelligence. In recent decades, high volume of text data has been generated through the Internet. This kind of data is a valuable source of information which can be used in various fields such as information retrieval, search engines, recommender systems, etc. One practical task of text mining is document classification. In this paper, we mainly focus on Persian document classification. We introduce a new feature extraction approach derived from the combination of K-means clustering and Word2Vec to acquire semantically relevant and discriminant word representations. We call our proposed approach CC-Word2Vec (Categorical Clustering-Word2Vec) since we retrain the Word2Vec model using the word clusters of each category obtained by K-Means algorithm. We use 200 documents of 5 most frequent categories of Hamshahri news dataset to evaluate our method. We pass the extracted word vectors to Multi-Layer Perceptron (MLP) and Gradient Boosting (GB) classifiers to compare the performance of the proposed approach with Term Frequency Inverse Document Frequency (TF-IDF) and Word2Vec methods. Our new approach resulted in an improvement in the obtained accuracy of Gradient Boosting and Multi-Layer Perceptron models in comparison with TF-IDF and Word2Vec techniques.","PeriodicalId":374593,"journal":{"name":"2021 26th International Computer Conference, Computer Society of Iran (CSICC)","volume":"87 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-03-03","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"122046548","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}
引用次数: 2
GITCBot: A Novel Approach for the Next Generation of C&C Malware GITCBot:下一代C&C恶意软件的新方法
Pub Date : 2021-03-03 DOI: 10.1109/CSICC52343.2021.9420590
Saeid Ghasemshirazi, Ghazaleh Shirvani
Online Social Networks (OSNs) attracted millions of users in the world. OSNs made adversaries more passionate to create malware variants to subvert the cyber defence of OSNs. Through various threat vectors, adversaries persuasively lure OSN users into installing malware on their devices at an enormous scale. One of the most horrendous forms of named malware is OSNs' botnets that conceal C&C information using OSNs' accounts of unaware users. In this paper, we present GITC (Ghost In The Cloud), which uses Telegram as a C&C server to communicate with threat actors and access targets' information in an undetectable way. Furthermore, we present our implementation of GITC. We show how GITC uses the encrypted telegram Application Programming Interface (API) to cover up records of the adversary connections to the target, and we discuss why current intrusion detection systems cannot detect GITC. In the end, we run some sets of experiments that confirm the feasibility of GITC.
在线社交网络(Online Social Networks,简称osn)在全球吸引了数以百万计的用户。osn使得对手更有激情地创建恶意软件变体来破坏osn的网络防御。通过各种威胁载体,攻击者有说服力地引诱OSN用户在其设备上大规模安装恶意软件。命名恶意软件最可怕的形式之一是osn的僵尸网络,它利用不知情用户的osn帐户隐藏C&C信息。在本文中,我们提出了GITC (Ghost In The Cloud),它使用Telegram作为C&C服务器与威胁参与者进行通信,并以不可检测的方式访问目标的信息。此外,我们还介绍了GITC的实现。我们展示了GITC如何使用加密的电报应用程序编程接口(API)来掩盖对手与目标的连接记录,并讨论了为什么当前的入侵检测系统不能检测到GITC。最后,我们进行了几组实验,验证了GITC的可行性。
{"title":"GITCBot: A Novel Approach for the Next Generation of C&C Malware","authors":"Saeid Ghasemshirazi, Ghazaleh Shirvani","doi":"10.1109/CSICC52343.2021.9420590","DOIUrl":"https://doi.org/10.1109/CSICC52343.2021.9420590","url":null,"abstract":"Online Social Networks (OSNs) attracted millions of users in the world. OSNs made adversaries more passionate to create malware variants to subvert the cyber defence of OSNs. Through various threat vectors, adversaries persuasively lure OSN users into installing malware on their devices at an enormous scale. One of the most horrendous forms of named malware is OSNs' botnets that conceal C&C information using OSNs' accounts of unaware users. In this paper, we present GITC (Ghost In The Cloud), which uses Telegram as a C&C server to communicate with threat actors and access targets' information in an undetectable way. Furthermore, we present our implementation of GITC. We show how GITC uses the encrypted telegram Application Programming Interface (API) to cover up records of the adversary connections to the target, and we discuss why current intrusion detection systems cannot detect GITC. In the end, we run some sets of experiments that confirm the feasibility of GITC.","PeriodicalId":374593,"journal":{"name":"2021 26th International Computer Conference, Computer Society of Iran (CSICC)","volume":"18 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-03-03","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"124785035","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}
引用次数: 2
A Multi-Classifier System for Rock Mass Crack Segmentation Based on Convolutional Neural Networks 基于卷积神经网络的岩体裂纹分割多分类器系统
Pub Date : 2021-03-03 DOI: 10.1109/CSICC52343.2021.9420613
M. Asadi, M. Sadeghi, A. Y. Bafghi
In rock masses, presence of cracks greatly affects the behavior of it. Obtaining the cracks is very important in specialized analysis of rock mechanics. In computer vision applications, crack segmentation task in an intricate texture such as rock mass, is difficult. Crack segmentation problem can consider as an edge detection task so we can use edge detection methods to achieve it. In this paper, we propose a multi-classifier system based on deep convolutional neural network (CNN) to predict pixel-wise cracks in rock mass images. We provide a dataset consists of 489 RGB rock mass images with manual ground truths. For training classifiers, we create two sub-datasets obtained by mentioned dataset. Also we introduce a new approach of image labeling to improve general methods. Based on the results, our method achieves F-score of 84.0, which has a best performance compared to different methods.
在岩体中,裂缝的存在极大地影响了岩体的行为。在岩石力学的专业分析中,裂纹的获取是非常重要的。在计算机视觉应用中,岩体等复杂结构的裂纹分割是一个难点。裂缝分割问题可以看作是一个边缘检测任务,所以我们可以使用边缘检测方法来实现它。在本文中,我们提出了一种基于深度卷积神经网络(CNN)的多分类器系统来预测岩体图像中的逐像素裂缝。我们提供了一个由489张RGB岩体图像组成的数据集。对于训练分类器,我们创建由上述数据集获得的两个子数据集。本文还介绍了一种新的图像标注方法,以改进一般的图像标注方法。基于结果,我们的方法达到了84.0的f分,在不同的方法中表现最好。
{"title":"A Multi-Classifier System for Rock Mass Crack Segmentation Based on Convolutional Neural Networks","authors":"M. Asadi, M. Sadeghi, A. Y. Bafghi","doi":"10.1109/CSICC52343.2021.9420613","DOIUrl":"https://doi.org/10.1109/CSICC52343.2021.9420613","url":null,"abstract":"In rock masses, presence of cracks greatly affects the behavior of it. Obtaining the cracks is very important in specialized analysis of rock mechanics. In computer vision applications, crack segmentation task in an intricate texture such as rock mass, is difficult. Crack segmentation problem can consider as an edge detection task so we can use edge detection methods to achieve it. In this paper, we propose a multi-classifier system based on deep convolutional neural network (CNN) to predict pixel-wise cracks in rock mass images. We provide a dataset consists of 489 RGB rock mass images with manual ground truths. For training classifiers, we create two sub-datasets obtained by mentioned dataset. Also we introduce a new approach of image labeling to improve general methods. Based on the results, our method achieves F-score of 84.0, which has a best performance compared to different methods.","PeriodicalId":374593,"journal":{"name":"2021 26th International Computer Conference, Computer Society of Iran (CSICC)","volume":"49 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-03-03","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"129801935","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
Automatic Personality Perception Using Autoencoder And Hierarchical Fuzzy Classification 基于自编码器和层次模糊分类的自动人格感知
Pub Date : 2021-03-03 DOI: 10.1109/CSICC52343.2021.9420627
E. J. Zaferani, M. Teshnehlab, Mansoor Vali
In this research, a study of automatic personality perception based on the Big-five Inventory (BFI) is done. To extract and select appropriate features for the classification, we employ an auto-encoder as a nonlinear feature learning technique. Since an auto-encoder does not extract proper classification lonely, a saddle point is found by a stop criterion based on maximum separate ability in binary classes. The results reveal that nonlinear features enhance the classification results in most personality traits. Furthermore, we use an adaptive neuro-fuzzy inference system classification to model the uncertainty rooted in mental states and affect the classification results through the extracted features. The classification outcomes on SSPNet Speaker Personality dataset demonstrate significant improvement in the results of four traits. These outgrowths verify the existence of uncertainty in the speech signal.
本研究对基于大五人格量表(BFI)的自动人格知觉进行了研究。为了提取和选择合适的特征进行分类,我们采用自编码器作为非线性特征学习技术。由于自编码器不能提取适当的分类孤独,因此根据二分类中最大分离能力的停止准则找到鞍点。结果表明,非线性特征增强了大多数人格特征的分类结果。此外,我们使用自适应神经模糊推理系统对根植于心理状态的不确定性进行建模,并通过提取的特征影响分类结果。在SSPNet说话人人格数据集上的分类结果显示,四个特征的分类结果有显著改善。这些结果验证了语音信号中不确定性的存在。
{"title":"Automatic Personality Perception Using Autoencoder And Hierarchical Fuzzy Classification","authors":"E. J. Zaferani, M. Teshnehlab, Mansoor Vali","doi":"10.1109/CSICC52343.2021.9420627","DOIUrl":"https://doi.org/10.1109/CSICC52343.2021.9420627","url":null,"abstract":"In this research, a study of automatic personality perception based on the Big-five Inventory (BFI) is done. To extract and select appropriate features for the classification, we employ an auto-encoder as a nonlinear feature learning technique. Since an auto-encoder does not extract proper classification lonely, a saddle point is found by a stop criterion based on maximum separate ability in binary classes. The results reveal that nonlinear features enhance the classification results in most personality traits. Furthermore, we use an adaptive neuro-fuzzy inference system classification to model the uncertainty rooted in mental states and affect the classification results through the extracted features. The classification outcomes on SSPNet Speaker Personality dataset demonstrate significant improvement in the results of four traits. These outgrowths verify the existence of uncertainty in the speech signal.","PeriodicalId":374593,"journal":{"name":"2021 26th International Computer Conference, Computer Society of Iran (CSICC)","volume":"35 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-03-03","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"126302700","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
Stochastic Spintronic Neuron with Application to Image Binarization 随机自旋电子神经元在图像二值化中的应用
Pub Date : 2021-03-03 DOI: 10.1109/CSICC52343.2021.9420559
Abdolah Amirany, M. Meghdadi, M. H. Moaiyeri, Kian Jafari
The hardware implementation of neural network has always been of interest to the researchers as it can significantly increase the efficiency and application of neural networks due to the distributed nature of Artificial Neural Networks (ANNs) in both memory and computation. Direct implementation of ANNs also offer large gains when scaling the network sizes. Stochastic neurons are among the most significant aspects of machine learning algorithms and are very important in different neural networks. In this paper, a hardware model for the stochastic neuron based on the magnetic tunnel junction (MTJ) in subcritical current switching regime is proposed. Functional evaluation of the proposed model demonstrates that the behavior of the proposed model is comparable to the mathematical description of the stochastic neuron, and it has a negligible error in comparison with the theoretical model. The simulation results of image binarization over 10,000 images indicate that the proposed hardware model has only 0.25% pack signal to noise ratio (PSNR) and 0.02% structural similarity (SSIM) variation compared to its software-based counterpart.
神经网络的硬件实现由于人工神经网络在内存和计算上的分布式特性,可以显著提高神经网络的效率和应用,一直是研究人员感兴趣的问题。在扩展网络规模时,人工神经网络的直接实现也提供了巨大的收益。随机神经元是机器学习算法中最重要的方面之一,在不同的神经网络中都非常重要。本文提出了一种基于磁隧道结(MTJ)的亚临界电流开关随机神经元的硬件模型。对所提模型的功能评价表明,所提模型的行为与随机神经元的数学描述相当,与理论模型相比误差可以忽略不计。对1万幅图像进行二值化的仿真结果表明,与基于软件的模型相比,所提出的硬件模型的包信噪比(PSNR)仅为0.25%,结构相似度(SSIM)仅为0.02%。
{"title":"Stochastic Spintronic Neuron with Application to Image Binarization","authors":"Abdolah Amirany, M. Meghdadi, M. H. Moaiyeri, Kian Jafari","doi":"10.1109/CSICC52343.2021.9420559","DOIUrl":"https://doi.org/10.1109/CSICC52343.2021.9420559","url":null,"abstract":"The hardware implementation of neural network has always been of interest to the researchers as it can significantly increase the efficiency and application of neural networks due to the distributed nature of Artificial Neural Networks (ANNs) in both memory and computation. Direct implementation of ANNs also offer large gains when scaling the network sizes. Stochastic neurons are among the most significant aspects of machine learning algorithms and are very important in different neural networks. In this paper, a hardware model for the stochastic neuron based on the magnetic tunnel junction (MTJ) in subcritical current switching regime is proposed. Functional evaluation of the proposed model demonstrates that the behavior of the proposed model is comparable to the mathematical description of the stochastic neuron, and it has a negligible error in comparison with the theoretical model. The simulation results of image binarization over 10,000 images indicate that the proposed hardware model has only 0.25% pack signal to noise ratio (PSNR) and 0.02% structural similarity (SSIM) variation compared to its software-based counterpart.","PeriodicalId":374593,"journal":{"name":"2021 26th International Computer Conference, Computer Society of Iran (CSICC)","volume":"24 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-03-03","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"123005440","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}
引用次数: 4
Designing a New Method for Detecting Money Laundering based on Social Network Analysis 基于社会网络分析的洗钱检测新方法设计
Pub Date : 2021-03-03 DOI: 10.1109/CSICC52343.2021.9420621
Maryam Mahootiha, S. Golpayegani, B. Sadeghian
Money laundering nowadays occurs as one of the most severe and common crimes with great potential to harm the economy. Discovering money laundering by different computer methods has always been necessary due to criminals' high tendency to launder money. This study has focused on catching a type of money laundering, which leaves a trace in the datasets where the process of money laundering has been done collaboratively. This crime can be uncovered merely by discovering the pattern of group behavior of individuals. In this research, the social networks analysis method has been employed to detect group behavior in money laundering. The data were simulated based on the real environment and by considering different states because of proper data inaccessibility. The patterns of placement, layering, and integration of money are initially explained in money laundering in this study, followed by drawing a social network of individuals' transactions. In the end, the main culprits and their collaborators will be introduced based on a combination of criteria of centrality and detecting communities. Three different types of data have been used aimed at assessing the accuracy of the proposed solution. The proposed solution has also been compared with essential solutions such as the support vector machine, decision tree, and deep learning.
洗钱是当今社会最严重、最常见的犯罪行为之一,具有极大的经济危害性。由于犯罪分子洗钱的高度倾向,利用不同的计算机方法发现洗钱一直是必要的。这项研究的重点是捕捉一种洗钱行为,这种洗钱行为会在数据集中留下痕迹,而洗钱过程是在这些数据集中协同完成的。只要发现个人的群体行为模式,就能揭露这种罪行。本研究采用社会网络分析方法对洗钱中的群体行为进行检测。数据模拟是基于真实环境,并考虑了不同的状态,因为适当的数据不可访问。本研究首先解释了洗钱中资金的安置、分层和整合模式,然后绘制了个人交易的社会网络。最后,将根据中心性和检测社区的综合标准介绍主要罪犯及其合作者。为了评估所建议的解决方案的准确性,使用了三种不同类型的数据。该方案还与支持向量机、决策树和深度学习等基本解决方案进行了比较。
{"title":"Designing a New Method for Detecting Money Laundering based on Social Network Analysis","authors":"Maryam Mahootiha, S. Golpayegani, B. Sadeghian","doi":"10.1109/CSICC52343.2021.9420621","DOIUrl":"https://doi.org/10.1109/CSICC52343.2021.9420621","url":null,"abstract":"Money laundering nowadays occurs as one of the most severe and common crimes with great potential to harm the economy. Discovering money laundering by different computer methods has always been necessary due to criminals' high tendency to launder money. This study has focused on catching a type of money laundering, which leaves a trace in the datasets where the process of money laundering has been done collaboratively. This crime can be uncovered merely by discovering the pattern of group behavior of individuals. In this research, the social networks analysis method has been employed to detect group behavior in money laundering. The data were simulated based on the real environment and by considering different states because of proper data inaccessibility. The patterns of placement, layering, and integration of money are initially explained in money laundering in this study, followed by drawing a social network of individuals' transactions. In the end, the main culprits and their collaborators will be introduced based on a combination of criteria of centrality and detecting communities. Three different types of data have been used aimed at assessing the accuracy of the proposed solution. The proposed solution has also been compared with essential solutions such as the support vector machine, decision tree, and deep learning.","PeriodicalId":374593,"journal":{"name":"2021 26th International Computer Conference, Computer Society of Iran (CSICC)","volume":"7 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-03-03","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"117096354","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}
引用次数: 4
A Novel Wireless Network-on-Chip Architecture for Multicore Systems 一种新的多核系统无线片上网络架构
Pub Date : 2021-03-03 DOI: 10.1109/CSICC52343.2021.9420564
E. Tahanian, Mohsen Rezvani, Mansoor Fateh
Using Wireless Network-on-Chip (WiNOC) for designing the multicore System-on-Chips can significantly decrease the latency and power dissipation of the network. This improvement is achieved by replacing the multi-hop paths between far apart cores with a wireless single-hop link. Due to space, power and cost limitations, it is crucial to determine both the optimum number of equipped wireless hubs and their proper positions. In this paper, we propose a novel approach to obtain the optimum configuration of a WiNOC by leveraging the Simulating Annealing algorithm. Simultaneous multiple communications in such a network can be achieved by using multiple access techniques such as Orthogonal Frequency Division Multiple Access (OFDMA) to create dedicated channels between a source and destination pair. This technique is more bandwidth efficient compared to previously used FDMA. Also, it can distribute the available bandwidth between wireless nodes according to the traffic demands. So, we introduce an adequate channel reallocation algorithm regards to the broadcasting nature of the OFDMA scheme. The introduced architecture shows better performance in comparison with the conventional WiNOCs. This improvement is especially observed for latency characteristics where an improvement of about 15 is obtained.
采用无线片上网络(WiNOC)设计多核片上系统可以显著降低网络的延迟和功耗。这种改进是通过用无线单跳链路取代相隔很远的核心之间的多跳路径来实现的。由于空间、功率和成本的限制,确定配备无线集线器的最佳数量及其适当位置至关重要。在本文中,我们提出了一种利用模拟退火算法获得WiNOC最佳配置的新方法。在这种网络中,可以通过使用诸如正交频分多址(OFDMA)等多址技术在源和目标对之间创建专用信道来实现同时多址通信。与以前使用的FDMA相比,这种技术的带宽效率更高。它还可以根据业务需求在无线节点之间分配可用带宽。因此,我们针对OFDMA方案的广播特性,引入了一种适当的信道再分配算法。与传统的winoc相比,所引入的体系结构显示出更好的性能。这种改进尤其适用于延迟特性,其中获得了大约15的改进。
{"title":"A Novel Wireless Network-on-Chip Architecture for Multicore Systems","authors":"E. Tahanian, Mohsen Rezvani, Mansoor Fateh","doi":"10.1109/CSICC52343.2021.9420564","DOIUrl":"https://doi.org/10.1109/CSICC52343.2021.9420564","url":null,"abstract":"Using Wireless Network-on-Chip (WiNOC) for designing the multicore System-on-Chips can significantly decrease the latency and power dissipation of the network. This improvement is achieved by replacing the multi-hop paths between far apart cores with a wireless single-hop link. Due to space, power and cost limitations, it is crucial to determine both the optimum number of equipped wireless hubs and their proper positions. In this paper, we propose a novel approach to obtain the optimum configuration of a WiNOC by leveraging the Simulating Annealing algorithm. Simultaneous multiple communications in such a network can be achieved by using multiple access techniques such as Orthogonal Frequency Division Multiple Access (OFDMA) to create dedicated channels between a source and destination pair. This technique is more bandwidth efficient compared to previously used FDMA. Also, it can distribute the available bandwidth between wireless nodes according to the traffic demands. So, we introduce an adequate channel reallocation algorithm regards to the broadcasting nature of the OFDMA scheme. The introduced architecture shows better performance in comparison with the conventional WiNOCs. This improvement is especially observed for latency characteristics where an improvement of about 15 is obtained.","PeriodicalId":374593,"journal":{"name":"2021 26th International Computer Conference, Computer Society of Iran (CSICC)","volume":"23 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-03-03","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"115227167","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}
引用次数: 2
Transfer Learning for End-to-End ASR to Deal with Low-Resource Problem in Persian Language 端到端ASR迁移学习处理波斯语低资源问题
Pub Date : 2021-03-03 DOI: 10.1109/CSICC52343.2021.9420540
Maryam Asadolahzade Kermanshahi, A. Akbari, B. Nasersharif
End-to-end models are state of the art for Automatic Speech Recognition (ASR) systems. Despite all their advantages, they suffer a significant problem: huge amounts of training data are required to achieve excellent performance. This problem is a serious challenge for low-resource languages such as Persian. Therefore, we need some methods and techniques to overcome this issue. One simple, yet effective method towards addressing this issue is transfer learning. We aim to explore the effect of transfer learning on a speech recognition system for the Persian language. To this end, we first train the network on 960 hours of English LibriSpeech corpus. Then, we transfer the trained network and fine-tune it on only about 3.5 hours of training data from the Persian FarsDat corpus. Transfer learning exhibits better performance while needing shorter training time than the model trained from scratch. Experimental results on FarsDat corpus indicate that transfer learning with a few hours of Persian training data can achieve 31.48% relative Phoneme Error Rate (PER) reduction compared to the model trained from scratch.
端到端模型是自动语音识别(ASR)系统的最新技术。尽管它们有很多优点,但它们也有一个明显的问题:要达到优异的性能,需要大量的训练数据。这个问题对于像波斯语这样的低资源语言来说是一个严峻的挑战。因此,我们需要一些方法和技术来克服这个问题。解决这个问题的一个简单而有效的方法是迁移学习。我们的目的是探索迁移学习对波斯语语音识别系统的影响。为此,我们首先在960小时的English librisspeech语料库上训练网络。然后,我们转移训练好的网络,并在波斯fardat语料库中仅3.5小时的训练数据上对其进行微调。迁移学习比从头开始训练的模型表现出更好的性能,并且需要更短的训练时间。在FarsDat语料库上的实验结果表明,与从头开始训练的模型相比,经过几个小时波斯语训练数据的迁移学习可以使相对音素错误率(PER)降低31.48%。
{"title":"Transfer Learning for End-to-End ASR to Deal with Low-Resource Problem in Persian Language","authors":"Maryam Asadolahzade Kermanshahi, A. Akbari, B. Nasersharif","doi":"10.1109/CSICC52343.2021.9420540","DOIUrl":"https://doi.org/10.1109/CSICC52343.2021.9420540","url":null,"abstract":"End-to-end models are state of the art for Automatic Speech Recognition (ASR) systems. Despite all their advantages, they suffer a significant problem: huge amounts of training data are required to achieve excellent performance. This problem is a serious challenge for low-resource languages such as Persian. Therefore, we need some methods and techniques to overcome this issue. One simple, yet effective method towards addressing this issue is transfer learning. We aim to explore the effect of transfer learning on a speech recognition system for the Persian language. To this end, we first train the network on 960 hours of English LibriSpeech corpus. Then, we transfer the trained network and fine-tune it on only about 3.5 hours of training data from the Persian FarsDat corpus. Transfer learning exhibits better performance while needing shorter training time than the model trained from scratch. Experimental results on FarsDat corpus indicate that transfer learning with a few hours of Persian training data can achieve 31.48% relative Phoneme Error Rate (PER) reduction compared to the model trained from scratch.","PeriodicalId":374593,"journal":{"name":"2021 26th International Computer Conference, Computer Society of Iran (CSICC)","volume":"29 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-03-03","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"114584799","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}
引用次数: 4
Design and Simulation of OR Logic Gate Using RF MEMS Resonators 基于RF MEMS谐振器的OR逻辑门设计与仿真
Pub Date : 2021-03-03 DOI: 10.1109/CSICC52343.2021.9420607
M. Attar, R. A. Moghadam, A. Rezaee
This paper presents a neuromechanical logic gate using Radio Frequency MEMS (RF MEMS) oscillators which are implemented as neurons of Hopfield network constituting an OR logic gate. Auto-correlative associative memory property being provided by phase-locked synchronized network of oscillators makes this logic operation possible. The proposed gate consists of 8 MEMS oscillators connected via electrical couplings and is capable of very high speed computation in case of utilizing high frequency MEMS resonators. This work can lay the groundwork for a new approach in analog computing systems based on mechanical oscillations.
本文提出了一种利用射频MEMS (RF MEMS)振荡器作为Hopfield网络神经元构成或逻辑门的神经机械逻辑门。锁相振荡器同步网络所提供的自关联记忆特性使这种逻辑运算成为可能。所提出的门由8个通过电耦合连接的MEMS振荡器组成,并且在使用高频MEMS谐振器的情况下能够进行非常高速的计算。这项工作可以为基于机械振荡的模拟计算系统的新方法奠定基础。
{"title":"Design and Simulation of OR Logic Gate Using RF MEMS Resonators","authors":"M. Attar, R. A. Moghadam, A. Rezaee","doi":"10.1109/CSICC52343.2021.9420607","DOIUrl":"https://doi.org/10.1109/CSICC52343.2021.9420607","url":null,"abstract":"This paper presents a neuromechanical logic gate using Radio Frequency MEMS (RF MEMS) oscillators which are implemented as neurons of Hopfield network constituting an OR logic gate. Auto-correlative associative memory property being provided by phase-locked synchronized network of oscillators makes this logic operation possible. The proposed gate consists of 8 MEMS oscillators connected via electrical couplings and is capable of very high speed computation in case of utilizing high frequency MEMS resonators. This work can lay the groundwork for a new approach in analog computing systems based on mechanical oscillations.","PeriodicalId":374593,"journal":{"name":"2021 26th International Computer Conference, Computer Society of Iran (CSICC)","volume":"20 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-03-03","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"115334048","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
期刊
2021 26th International Computer Conference, Computer Society of Iran (CSICC)
全部 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