首页 > 最新文献

2023 24th International Symposium on Quality Electronic Design (ISQED)最新文献

英文 中文
Routability-aware Placement Guidance Generation for Mixed-size Designs 混合尺寸设计的可达性感知布局引导生成
Pub Date : 2023-04-05 DOI: 10.1109/ISQED57927.2023.10129328
Chieh-Yu Cheng, Ting-Chi Wang
Placement is a critical step in a modern physical design flow, and the routability of the placement result is a major issue that must be taken into account. In this work, we explore the possibility of using placement guidance to mitigate routing congestion and reduce design rule violations for mixed-size designs. By extracting the underlying knowledge of a mixed-size design using a graph neural network, we generate an embedding for each standard cell. Based on the embeddings, we cluster standard cells into groups and create the placement guidance. By adding the placement guidance to a commercial place-and-route tool, the tool will strive to avoid the fragmentation of standard cells with dense connections in the placement stage. Experimental results show that our placement guidance generation methodology helps the commercial tool reduce 26% routing overflow and 65% design rule violations for the test cases.
放置是现代物理设计流程中的关键步骤,放置结果的可达性是必须考虑的主要问题。在这项工作中,我们探索了使用放置指导来缓解路由拥塞和减少混合尺寸设计违反设计规则的可能性。通过使用图神经网络提取混合尺寸设计的基础知识,我们为每个标准单元生成嵌入。基于嵌入,我们将标准单元聚类成组并创建放置指南。通过将放置指南添加到商用放置和布线工具中,该工具将努力避免在放置阶段具有密集连接的标准单元的碎片化。实验结果表明,我们的放置引导生成方法帮助商用工具减少了26%的路由溢出和65%的设计规则违规。
{"title":"Routability-aware Placement Guidance Generation for Mixed-size Designs","authors":"Chieh-Yu Cheng, Ting-Chi Wang","doi":"10.1109/ISQED57927.2023.10129328","DOIUrl":"https://doi.org/10.1109/ISQED57927.2023.10129328","url":null,"abstract":"Placement is a critical step in a modern physical design flow, and the routability of the placement result is a major issue that must be taken into account. In this work, we explore the possibility of using placement guidance to mitigate routing congestion and reduce design rule violations for mixed-size designs. By extracting the underlying knowledge of a mixed-size design using a graph neural network, we generate an embedding for each standard cell. Based on the embeddings, we cluster standard cells into groups and create the placement guidance. By adding the placement guidance to a commercial place-and-route tool, the tool will strive to avoid the fragmentation of standard cells with dense connections in the placement stage. Experimental results show that our placement guidance generation methodology helps the commercial tool reduce 26% routing overflow and 65% design rule violations for the test cases.","PeriodicalId":315053,"journal":{"name":"2023 24th International Symposium on Quality Electronic Design (ISQED)","volume":"2010 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-04-05","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"127353313","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
SpotOn: A Gradient-based Targeted Data Poisoning Attack on Deep Neural Networks SpotOn:基于梯度的深度神经网络目标数据中毒攻击
Pub Date : 2023-04-05 DOI: 10.1109/ISQED57927.2023.10129311
Yash Khare, Kumud Lakara, Sparsh Mittal, Arvind Kaushik, Rekha Singhal
Deep neural networks (DNNs) are vulnerable to adversarial inputs, which are created by adding minor perturbations to the genuine inputs. Previous gradient-based adversarial attacks, such as the "fast gradient sign method" (FGSM), add an equal amount (say ϵ) of noise to all the pixels of an image. This degrades image quality significantly, such that a human validator can easily detect the resultant adversarial samples. We propose a novel gradient-based adversarial attack technique named SpotOn, which seeks to maintain the quality of adversarial images high. We first identify an image’s region of importance (ROI) using Grad-CAM. SpotOn has three variants. Two variants of SpotOn attack only the ROI, whereas the third variant adds an epsilon (ϵ) amount of noise to the ROI and a much smaller amount of noise (say ϵ/3) to the remaining image. On Caltech101 dataset, compared to FGSM, SpotOn achieves comparable degradation in CNN accuracy while maintaining much higher image quality. For example, for ϵ = 0.1, FGSM degrades VGG19 accuracy from 92% to 8% and leads to an SSIM value of 0.48 by attacking all pixels in an image. By contrast, SpotOn-VariableNoise attacks only 34.8% of the pixels in the image; degrades accuracy to 10.5% and maintains an SSIM value of 0.78. This makes SpotOn an effective data-poisoning attack technique. The code is available from https://github.com/CandleLabAI/SpotOn-AttackOnDNNs.
深度神经网络(dnn)容易受到对抗性输入的影响,对抗性输入是通过在真实输入中添加微小的扰动而产生的。之前基于梯度的对抗性攻击,比如“快速梯度符号法”(FGSM),在图像的所有像素上添加等量的噪声(比如ε)。这大大降低了图像质量,使得人类验证器可以很容易地检测到产生的对抗性样本。我们提出了一种新的基于梯度的对抗攻击技术,称为SpotOn,它旨在保持对抗图像的高质量。我们首先使用Grad-CAM识别图像的重要区域(ROI)。斯波顿有三种变体。SpotOn的两种变体仅攻击ROI,而第三种变体向ROI添加了一个ε (λ)的噪声量,并向剩余图像添加了更少的噪声量(例如λ /3)。在Caltech101数据集上,与FGSM相比,SpotOn在保持更高图像质量的同时实现了CNN精度的相当下降。例如,当ε = 0.1时,FGSM通过攻击图像中的所有像素,将VGG19的精度从92%降低到8%,并导致SSIM值为0.48。相比之下,spot - variable noise只攻击了图像中34.8%的像素;将精度降低到10.5%,并保持0.78的SSIM值。这使得SpotOn成为一种有效的数据中毒攻击技术。该代码可从https://github.com/CandleLabAI/SpotOn-AttackOnDNNs获得。
{"title":"SpotOn: A Gradient-based Targeted Data Poisoning Attack on Deep Neural Networks","authors":"Yash Khare, Kumud Lakara, Sparsh Mittal, Arvind Kaushik, Rekha Singhal","doi":"10.1109/ISQED57927.2023.10129311","DOIUrl":"https://doi.org/10.1109/ISQED57927.2023.10129311","url":null,"abstract":"Deep neural networks (DNNs) are vulnerable to adversarial inputs, which are created by adding minor perturbations to the genuine inputs. Previous gradient-based adversarial attacks, such as the \"fast gradient sign method\" (FGSM), add an equal amount (say ϵ) of noise to all the pixels of an image. This degrades image quality significantly, such that a human validator can easily detect the resultant adversarial samples. We propose a novel gradient-based adversarial attack technique named SpotOn, which seeks to maintain the quality of adversarial images high. We first identify an image’s region of importance (ROI) using Grad-CAM. SpotOn has three variants. Two variants of SpotOn attack only the ROI, whereas the third variant adds an epsilon (ϵ) amount of noise to the ROI and a much smaller amount of noise (say ϵ/3) to the remaining image. On Caltech101 dataset, compared to FGSM, SpotOn achieves comparable degradation in CNN accuracy while maintaining much higher image quality. For example, for ϵ = 0.1, FGSM degrades VGG19 accuracy from 92% to 8% and leads to an SSIM value of 0.48 by attacking all pixels in an image. By contrast, SpotOn-VariableNoise attacks only 34.8% of the pixels in the image; degrades accuracy to 10.5% and maintains an SSIM value of 0.78. This makes SpotOn an effective data-poisoning attack technique. The code is available from https://github.com/CandleLabAI/SpotOn-AttackOnDNNs.","PeriodicalId":315053,"journal":{"name":"2023 24th International Symposium on Quality Electronic Design (ISQED)","volume":"61 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-04-05","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"124857934","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
PreAxC: Error Distribution Prediction for Approximate Computing Quality Control using Graph Neural Networks 基于图神经网络的近似计算质量控制误差分布预测
Pub Date : 2023-04-05 DOI: 10.1109/ISQED57927.2023.10129393
Lakshmi Sathidevi, Abhinav Sharma, Nan Wu, Xun Jiao, Cong Hao
While Approximate Computing (AxC) is a promising technique to trade off accuracy for energy efficiency, one fundamental challenge is the lack of accurate and informative error models of AxC applications. In this work, we propose PreAxC, a novel error modeling and prediction flow for AxC designs. Instead of using simple error statistics as in existing work, we use error distribution for AxC circuit error analysis with input awareness. We propose graph neural network (GNN) based methods to predict the error distribution of AxC programs, which are represented as data flow graphs (DFGs). We propose two approaches: model-free and model-based, where the former directly predicts the error distribution histogram, and the latter models the distribution using Gaussian Mixture Model (GMM) and predicts the GMM parameters. Experiment results demonstrate that our approaches can outperform existing error statistics and can successfully predict the error distribution, especially the model-free approach, even for completely unseen graphs (representing new AxC programs) during training.
虽然近似计算(AxC)是一种很有前途的技术,可以在准确性和能源效率之间进行权衡,但一个基本的挑战是AxC应用程序缺乏准确和信息丰富的误差模型。在这项工作中,我们提出了一种新的误差建模和预测流程PreAxC。本文采用误差分布的方法来分析具有输入感知的AxC电路误差,而不是像现有的工作那样使用简单的误差统计。我们提出了基于图神经网络(GNN)的方法来预测AxC程序的误差分布,并将其表示为数据流图(DFGs)。我们提出了两种方法:无模型和基于模型,前者直接预测误差分布直方图,后者使用高斯混合模型(GMM)建模分布并预测GMM参数。实验结果表明,我们的方法可以优于现有的误差统计,并且可以成功地预测误差分布,特别是无模型方法,即使是在训练过程中完全看不见的图(代表新的AxC程序)。
{"title":"PreAxC: Error Distribution Prediction for Approximate Computing Quality Control using Graph Neural Networks","authors":"Lakshmi Sathidevi, Abhinav Sharma, Nan Wu, Xun Jiao, Cong Hao","doi":"10.1109/ISQED57927.2023.10129393","DOIUrl":"https://doi.org/10.1109/ISQED57927.2023.10129393","url":null,"abstract":"While Approximate Computing (AxC) is a promising technique to trade off accuracy for energy efficiency, one fundamental challenge is the lack of accurate and informative error models of AxC applications. In this work, we propose PreAxC, a novel error modeling and prediction flow for AxC designs. Instead of using simple error statistics as in existing work, we use error distribution for AxC circuit error analysis with input awareness. We propose graph neural network (GNN) based methods to predict the error distribution of AxC programs, which are represented as data flow graphs (DFGs). We propose two approaches: model-free and model-based, where the former directly predicts the error distribution histogram, and the latter models the distribution using Gaussian Mixture Model (GMM) and predicts the GMM parameters. Experiment results demonstrate that our approaches can outperform existing error statistics and can successfully predict the error distribution, especially the model-free approach, even for completely unseen graphs (representing new AxC programs) during training.","PeriodicalId":315053,"journal":{"name":"2023 24th International Symposium on Quality Electronic Design (ISQED)","volume":"11 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-04-05","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"124990895","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
Locality-sensing Fast Neural Network (LFNN): An Efficient Neural Network Acceleration Framework via Locality Sensing for Real-time Videos Queries 位置感知快速神经网络(LFNN):一种基于位置感知的实时视频查询神经网络加速框架
Pub Date : 2023-04-05 DOI: 10.1109/ISQED57927.2023.10129395
Xiaotian Ma, Jiaqi Tang, Y. Bai
As deep neural networks have continuously advanced computer version tasks, researchers from academia and industry focus on developing a powerful deep neural network model to process volumes of data. With the increasing size of DNN models, their inference process is computationally expensive and limits the employment of DNNs in real-time applications.In response, we present the proposed Locality-sensing Fast Neural Network (LFNN), a generalized framework for accelerating the querying videos process via locality sensing to reduce the cost of DNN in video evaluation by three times saving in inference time. The LFNN framework can automatically sense the similarity between two input frames via a defined locality from a given input video. The LFNN framework enables us to process the input videos within the specialized processing method that is far less computationally expensive than conventional DNN inference that conducts detection for each frame. Within the highlighted temporal locality information across frames, the Yolov5 algorithm can be accelerated by two to three times. Experimental results show that the proposed LFNN is easily implemented on the FPGA board with neglectable extra hardware costs.
随着深度神经网络不断推进计算机版任务,学术界和工业界的研究人员都在致力于开发强大的深度神经网络模型来处理大量数据。随着深度神经网络模型规模的增加,其推理过程的计算成本很高,限制了深度神经网络在实时应用中的应用。作为回应,我们提出了位置感知快速神经网络(LFNN),这是一个通过位置感知加速视频查询过程的通用框架,将DNN在视频评估中的成本降低了三倍,从而节省了三倍的推理时间。LFNN框架可以从给定的输入视频中通过定义的局部性自动感知两个输入帧之间的相似性。LFNN框架使我们能够在专门的处理方法中处理输入视频,这种处理方法的计算成本远低于对每帧进行检测的传统DNN推理。在跨帧突出显示的时间局部性信息中,Yolov5算法可以加速两到三倍。实验结果表明,所提出的LFNN易于在FPGA板上实现,并且可以忽略额外的硬件成本。
{"title":"Locality-sensing Fast Neural Network (LFNN): An Efficient Neural Network Acceleration Framework via Locality Sensing for Real-time Videos Queries","authors":"Xiaotian Ma, Jiaqi Tang, Y. Bai","doi":"10.1109/ISQED57927.2023.10129395","DOIUrl":"https://doi.org/10.1109/ISQED57927.2023.10129395","url":null,"abstract":"As deep neural networks have continuously advanced computer version tasks, researchers from academia and industry focus on developing a powerful deep neural network model to process volumes of data. With the increasing size of DNN models, their inference process is computationally expensive and limits the employment of DNNs in real-time applications.In response, we present the proposed Locality-sensing Fast Neural Network (LFNN), a generalized framework for accelerating the querying videos process via locality sensing to reduce the cost of DNN in video evaluation by three times saving in inference time. The LFNN framework can automatically sense the similarity between two input frames via a defined locality from a given input video. The LFNN framework enables us to process the input videos within the specialized processing method that is far less computationally expensive than conventional DNN inference that conducts detection for each frame. Within the highlighted temporal locality information across frames, the Yolov5 algorithm can be accelerated by two to three times. Experimental results show that the proposed LFNN is easily implemented on the FPGA board with neglectable extra hardware costs.","PeriodicalId":315053,"journal":{"name":"2023 24th International Symposium on Quality Electronic Design (ISQED)","volume":"1 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-04-05","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"129945612","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
Dilated Involutional Pyramid Network (DInPNet): A Novel Model for Printed Circuit Board (PCB) Components Classification 扩展对合金字塔网络(DInPNet):印刷电路板(PCB)元件分类的新模型
Pub Date : 2023-04-05 DOI: 10.1109/ISQED57927.2023.10129388
Ananya Mantravadi, Dhruv Makwana, R. S. Teja, Sparsh Mittal, Rekha Singhal
The rapid growth in the volume and complexity of PCB design has encouraged researchers to explore automatic visual inspection of PCB components. Automatic identification of PCB components such as resistors, transistors, etc., can provide several benefits, such as producing a bill of materials, defect detection, and e-waste recycling. Yet, visual identification of PCB components is challenging since PCB components have different shapes, sizes, and colors depending on the material used and the functionality.The paper proposes a lightweight and novel neural network, Dilated Involutional Pyramid Network (DInPNet), for the classification of PCB components on the FICS-PCB dataset. DInPNet makes use of involutions superseding convolutions that possess inverse characteristics of convolutions that are location- specific and channel-agnostic. We introduce the dilated involutional pyramid (DInP) block, which consists of an involution for transforming the input feature map into a low-dimensional space for reduced computational cost, followed by a pairwise pyramidal fusion of dilated involutions that resample back the feature map. This enables learning representations for a large effective receptive field while at the same time bringing down the number of parameters considerably. DInPNet with a total of 531,485 parameters achieves 95.48% precision, 95.65% recall, and 92.59% MCC (Matthew’s correlation coefficient). To our knowledge, we are the first to use involution for performing PCB components classification. The code is released at https://github.com/CandleLabAI/DInPNet-PCB-Component-Classification.
PCB设计的体积和复杂性的快速增长促使研究人员探索PCB组件的自动视觉检测。对电阻器、晶体管等PCB元件的自动识别可以提供多种好处,例如生成物料清单、缺陷检测和电子废物回收。然而,PCB组件的视觉识别是具有挑战性的,因为PCB组件具有不同的形状,尺寸和颜色,这取决于所使用的材料和功能。本文提出了一种轻量级的新型神经网络,扩展对合金字塔网络(DInPNet),用于FICS-PCB数据集上PCB组件的分类。DInPNet利用卷积取代卷积,卷积具有位置特定和信道不可知的卷积的逆特性。我们引入了扩展对合金字塔(DInP)块,它包括将输入特征映射转换为低维空间以减少计算成本的对合,然后是对扩展对合的两两金字塔融合,重新采样回特征映射。这使得学习表征具有较大的有效接受域,同时大大减少了参数的数量。共有531485个参数的DInPNet的准确率为95.48%,召回率为95.65%,MCC(马修相关系数)为92.59%。据我们所知,我们是第一个使用对合执行PCB组件分类。该代码发布在https://github.com/CandleLabAI/DInPNet-PCB-Component-Classification。
{"title":"Dilated Involutional Pyramid Network (DInPNet): A Novel Model for Printed Circuit Board (PCB) Components Classification","authors":"Ananya Mantravadi, Dhruv Makwana, R. S. Teja, Sparsh Mittal, Rekha Singhal","doi":"10.1109/ISQED57927.2023.10129388","DOIUrl":"https://doi.org/10.1109/ISQED57927.2023.10129388","url":null,"abstract":"The rapid growth in the volume and complexity of PCB design has encouraged researchers to explore automatic visual inspection of PCB components. Automatic identification of PCB components such as resistors, transistors, etc., can provide several benefits, such as producing a bill of materials, defect detection, and e-waste recycling. Yet, visual identification of PCB components is challenging since PCB components have different shapes, sizes, and colors depending on the material used and the functionality.The paper proposes a lightweight and novel neural network, Dilated Involutional Pyramid Network (DInPNet), for the classification of PCB components on the FICS-PCB dataset. DInPNet makes use of involutions superseding convolutions that possess inverse characteristics of convolutions that are location- specific and channel-agnostic. We introduce the dilated involutional pyramid (DInP) block, which consists of an involution for transforming the input feature map into a low-dimensional space for reduced computational cost, followed by a pairwise pyramidal fusion of dilated involutions that resample back the feature map. This enables learning representations for a large effective receptive field while at the same time bringing down the number of parameters considerably. DInPNet with a total of 531,485 parameters achieves 95.48% precision, 95.65% recall, and 92.59% MCC (Matthew’s correlation coefficient). To our knowledge, we are the first to use involution for performing PCB components classification. The code is released at https://github.com/CandleLabAI/DInPNet-PCB-Component-Classification.","PeriodicalId":315053,"journal":{"name":"2023 24th International Symposium on Quality Electronic Design (ISQED)","volume":"31 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-04-05","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"123976189","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
Image-Based Zero-Day Malware Detection in IoMT Devices: A Hybrid AI-Enabled Method IoMT设备中基于图像的零日恶意软件检测:一种混合人工智能启用方法
Pub Date : 2023-04-05 DOI: 10.1109/ISQED57927.2023.10129348
Z. He, H. Sayadi
Healthcare systems have recently utilized the Internet of Medical Things (IoMT) to assist intelligent data collection and decision-making. However, the volume of malicious threats, particularly new variants of malware attacks to the connected medical devices and their connected system, has risen significantly in recent years, which poses a critical threat to patients’ confidential data and the safety of the healthcare systems. To address the high complexity of conventional software-based detection techniques, Hardware-supported Malware Detection (HMD) has proved to be efficient for detecting malware at the processors’ micro-architecture level with the aid of Machine Learning (ML) techniques applied to Hardware Performance Counter (HPC) data. In this work, we examine the suitability of various standard ML classifiers for zero-day malware detection on new data streams in the real-world operation of IoMT devices and demonstrate that such methods are not capable of detecting unknown malware signatures with a high detection rate. In response, we propose a hybrid and adaptive image-based framework based on Deep Learning and Deep Reinforcement Learning (DRL) for online hardware-assisted zero-day malware detection in IoMT devices. Our proposed method dynamically selects the best DNN-based malware detector at run-time customized for each device from a pool of highly efficient models continuously trained on all stream data. It first converts tabular hardware-based data (HPC events) into small-size images and then leverages a transfer learning technique to retrain and enhance the Deep Neural Network (DNN) based model’s performance for unknown malware detection. Multiple DNN models are trained on various stream data continuously to form an inclusive model pool. Next, a DRL-based agent constructed with two Multi-Layer Perceptrons (MLPs) is trained (one acts as an Actor and another acts as a Critic) to align the decision of selecting the most optimal DNN model for highly accurate zero-day malware detection at run-time using a limited number of hardware events. The experimental results demonstrate that our proposed AI-enabled method achieves 99% detection rate in both F1-score and AUC, with only 0.01% false positive rate and 1% false negative rate.
医疗保健系统最近利用医疗物联网(IoMT)来协助智能数据收集和决策。然而,近年来,恶意威胁的数量,特别是针对联网医疗设备及其连接系统的新型恶意软件攻击的数量显著增加,这对患者的机密数据和医疗系统的安全构成了严重威胁。为了解决传统的基于软件的检测技术的高度复杂性,硬件支持的恶意软件检测(HMD)已经被证明是有效的检测恶意软件在处理器的微架构级别,借助于机器学习(ML)技术应用于硬件性能计数器(HPC)数据。在这项工作中,我们研究了各种标准ML分类器在IoMT设备的实际操作中对新数据流进行零日恶意软件检测的适用性,并证明这些方法无法以高检测率检测未知恶意软件签名。作为回应,我们提出了一种基于深度学习和深度强化学习(DRL)的混合自适应图像框架,用于IoMT设备中的在线硬件辅助零日恶意软件检测。我们提出的方法从所有流数据连续训练的高效模型池中动态选择最佳的基于dnn的恶意软件检测器,在运行时为每个设备定制。它首先将基于硬件的表格数据(HPC事件)转换为小尺寸图像,然后利用迁移学习技术重新训练和增强基于深度神经网络(DNN)的模型对未知恶意软件检测的性能。在不同流数据上连续训练多个DNN模型,形成包容性模型池。接下来,训练由两个多层感知器(mlp)构建的基于drl的代理(一个充当Actor,另一个充当Critic),以在使用有限数量的硬件事件的运行时选择最优DNN模型进行高精度零日恶意软件检测的决策。实验结果表明,我们提出的人工智能方法在f1分数和AUC上的检测率均达到99%,假阳性率和假阴性率仅为0.01%。
{"title":"Image-Based Zero-Day Malware Detection in IoMT Devices: A Hybrid AI-Enabled Method","authors":"Z. He, H. Sayadi","doi":"10.1109/ISQED57927.2023.10129348","DOIUrl":"https://doi.org/10.1109/ISQED57927.2023.10129348","url":null,"abstract":"Healthcare systems have recently utilized the Internet of Medical Things (IoMT) to assist intelligent data collection and decision-making. However, the volume of malicious threats, particularly new variants of malware attacks to the connected medical devices and their connected system, has risen significantly in recent years, which poses a critical threat to patients’ confidential data and the safety of the healthcare systems. To address the high complexity of conventional software-based detection techniques, Hardware-supported Malware Detection (HMD) has proved to be efficient for detecting malware at the processors’ micro-architecture level with the aid of Machine Learning (ML) techniques applied to Hardware Performance Counter (HPC) data. In this work, we examine the suitability of various standard ML classifiers for zero-day malware detection on new data streams in the real-world operation of IoMT devices and demonstrate that such methods are not capable of detecting unknown malware signatures with a high detection rate. In response, we propose a hybrid and adaptive image-based framework based on Deep Learning and Deep Reinforcement Learning (DRL) for online hardware-assisted zero-day malware detection in IoMT devices. Our proposed method dynamically selects the best DNN-based malware detector at run-time customized for each device from a pool of highly efficient models continuously trained on all stream data. It first converts tabular hardware-based data (HPC events) into small-size images and then leverages a transfer learning technique to retrain and enhance the Deep Neural Network (DNN) based model’s performance for unknown malware detection. Multiple DNN models are trained on various stream data continuously to form an inclusive model pool. Next, a DRL-based agent constructed with two Multi-Layer Perceptrons (MLPs) is trained (one acts as an Actor and another acts as a Critic) to align the decision of selecting the most optimal DNN model for highly accurate zero-day malware detection at run-time using a limited number of hardware events. The experimental results demonstrate that our proposed AI-enabled method achieves 99% detection rate in both F1-score and AUC, with only 0.01% false positive rate and 1% false negative rate.","PeriodicalId":315053,"journal":{"name":"2023 24th International Symposium on Quality Electronic Design (ISQED)","volume":"9 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-04-05","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"120850113","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
PriML: An Electro-Optical Accelerator for Private Machine Learning on Encrypted Data PriML:用于加密数据的专用机器学习的光电加速器
Pub Date : 2023-04-05 DOI: 10.1109/ISQED57927.2023.10129302
Mengxin Zheng, Fan Chen, Lei Jiang, Qian Lou
The widespread use of machine learning is changing our daily lives. Unfortunately, clients are often concerned about the privacy of their data when using machine learning-based applications. To address these concerns, the development of privacy-preserving machine learning (PPML) is essential. One promising approach is the use of fully homomorphic encryption (FHE) based PPML, which enables services to be performed on encrypted data without decryption. Although the speed of computationally expensive FHE operations can be significantly boosted by prior ASIC-based FHE accelerators, the performance of key-switching, the dominate primitive in various FHE operations, is seriously limited by their small bit-width datapaths and frequent matrix transpositions. In this paper, we present an electro-optical (EO) PPML accelerator, PriML, to accelerate FHE operations. Its 512-bit datapath supporting 510-bit residues greatly reduces the key-switching cost. We also create an in-scratchpad-memory transpose unit to fast transpose matrices. Compared to prior PPML accelerators, on average, PriML reduces the latency of various machine learning applications by > 94.4% and the energy consumption by > 95%.
机器学习的广泛应用正在改变我们的日常生活。不幸的是,客户在使用基于机器学习的应用程序时经常担心他们的数据隐私。为了解决这些问题,隐私保护机器学习(PPML)的发展至关重要。一种很有前途的方法是使用基于完全同态加密(FHE)的PPML,它允许在不解密的情况下对加密数据执行服务。尽管先前基于asic的FHE加速器可以显着提高计算成本高昂的FHE操作的速度,但键交换的性能(各种FHE操作的主要基础)受到其小位宽数据路径和频繁矩阵转置的严重限制。在本文中,我们提出了一个光电(EO) PPML加速器PriML,以加速FHE操作。它的512位数据路径支持510位残数,大大降低了密钥交换成本。我们还创建了一个临时存储器转置单元来快速转置矩阵。与之前的PPML加速器相比,PriML平均将各种机器学习应用程序的延迟降低了> 94.4%,能耗降低了> 95%。
{"title":"PriML: An Electro-Optical Accelerator for Private Machine Learning on Encrypted Data","authors":"Mengxin Zheng, Fan Chen, Lei Jiang, Qian Lou","doi":"10.1109/ISQED57927.2023.10129302","DOIUrl":"https://doi.org/10.1109/ISQED57927.2023.10129302","url":null,"abstract":"The widespread use of machine learning is changing our daily lives. Unfortunately, clients are often concerned about the privacy of their data when using machine learning-based applications. To address these concerns, the development of privacy-preserving machine learning (PPML) is essential. One promising approach is the use of fully homomorphic encryption (FHE) based PPML, which enables services to be performed on encrypted data without decryption. Although the speed of computationally expensive FHE operations can be significantly boosted by prior ASIC-based FHE accelerators, the performance of key-switching, the dominate primitive in various FHE operations, is seriously limited by their small bit-width datapaths and frequent matrix transpositions. In this paper, we present an electro-optical (EO) PPML accelerator, PriML, to accelerate FHE operations. Its 512-bit datapath supporting 510-bit residues greatly reduces the key-switching cost. We also create an in-scratchpad-memory transpose unit to fast transpose matrices. Compared to prior PPML accelerators, on average, PriML reduces the latency of various machine learning applications by > 94.4% and the energy consumption by > 95%.","PeriodicalId":315053,"journal":{"name":"2023 24th International Symposium on Quality Electronic Design (ISQED)","volume":"16 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-04-05","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"126070431","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
Using Path Features for Hardware Trojan Detection Based on Machine Learning Techniques 基于机器学习技术的路径特征硬件木马检测
Pub Date : 2023-04-05 DOI: 10.1109/ISQED57927.2023.10129300
Chia-Heng Yen, Jung-Che Tsai, Kai-Chiang Wu
As the outsourcing process in the design and fabrication to third parties becomes more popular in the IC industry, the consciousness of hardware security has been rising these years. In this paper, we propose a novel method for hardware Trojan detection using specific path features at the gate level. In the training flow, path classifiers can be trained with SVM and RF algorithms using the path features from the trained circuits. In the classifying flow, an average of 0.96 on the F1-score in the results of the path classification demonstrates that logical paths can be easily classified into Trojan paths and Trojan-free paths with the trained path classifiers. In the localizing flow, the intersections between the logical paths can be favorable for precisely localizing the Trojan gates. As the FPRs are kept low to prevent normal gates from misclassifying into the Trojan gates, the high TPRs can be obtained for localizing the Trojan gates with the proposed scoring method.
近年来,随着集成电路行业设计制造外包的日益普及,硬件安全意识日益增强。在本文中,我们提出了一种在门级使用特定路径特征进行硬件木马检测的新方法。在训练流程中,路径分类器可以使用SVM和RF算法根据训练电路的路径特征进行训练。在分类流程中,路径分类结果的f1得分平均为0.96,说明使用训练好的路径分类器可以很容易地将逻辑路径划分为木马路径和无木马路径。在定位流程中,逻辑路径之间的交集有利于特洛伊门的精确定位。为了防止正常门被误分类为特洛伊门,将fpr保持在较低的水平,利用所提出的评分方法可以获得较高的tpr,用于定位特洛伊门。
{"title":"Using Path Features for Hardware Trojan Detection Based on Machine Learning Techniques","authors":"Chia-Heng Yen, Jung-Che Tsai, Kai-Chiang Wu","doi":"10.1109/ISQED57927.2023.10129300","DOIUrl":"https://doi.org/10.1109/ISQED57927.2023.10129300","url":null,"abstract":"As the outsourcing process in the design and fabrication to third parties becomes more popular in the IC industry, the consciousness of hardware security has been rising these years. In this paper, we propose a novel method for hardware Trojan detection using specific path features at the gate level. In the training flow, path classifiers can be trained with SVM and RF algorithms using the path features from the trained circuits. In the classifying flow, an average of 0.96 on the F1-score in the results of the path classification demonstrates that logical paths can be easily classified into Trojan paths and Trojan-free paths with the trained path classifiers. In the localizing flow, the intersections between the logical paths can be favorable for precisely localizing the Trojan gates. As the FPRs are kept low to prevent normal gates from misclassifying into the Trojan gates, the high TPRs can be obtained for localizing the Trojan gates with the proposed scoring method.","PeriodicalId":315053,"journal":{"name":"2023 24th International Symposium on Quality Electronic Design (ISQED)","volume":"92 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-04-05","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"132798597","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
Intrinsic Parameter Fluctuation and Process Variation Effect of Vertically Stacked Silicon Nanosheet Complementary Field-Effect Transistors 垂直堆叠硅纳米片互补场效应晶体管的内在参数波动和工艺变化效应
Pub Date : 2023-04-05 DOI: 10.1109/ISQED57927.2023.10129391
S. Kola, Yiming Li, Min-Hui Chuang
We study the variability of vertically stacked gate-all-around silicon nanosheet (GAA Si NS) complementary field-effect transistors (CFETs). The process variation effect (PVE), the work function fluctuation (WKF), and the random dopant fluctuation (RDF) of CFETs are statistically estimated using an experimentally validated device simulation technique. Among five factors of PVE, the channel thickness (TNch/TPch), the channel width (Wch), and the gate length (LG) are significant. Owing to superior GAA channel control and increased effective gate area, both WKF and RDF are suppressed. Notably, the PVE on both N-/P-FETs of GAA Si CFET induce the largest off-state current fluctuations of 80% and 278%, respectively, because the device characteristic is very sensitive to the layer thickness and width of channel.
研究了垂直堆叠栅极全硅纳米片互补场效应晶体管(cfet)的可变性。利用实验验证的器件仿真技术,统计估计了cfet的工艺变化效应(PVE)、功函数波动(WKF)和随机掺杂波动(RDF)。在PVE的5个影响因素中,通道厚度(TNch/TPch)、通道宽度(Wch)和栅极长度(LG)影响显著。由于优越的GAA通道控制和增加的有效栅极面积,WKF和RDF都被抑制。值得注意的是,由于器件特性对沟道的层厚和宽度非常敏感,GAA Si fet的N-/ p - fet上的PVE分别诱导最大的失态电流波动为80%和278%。
{"title":"Intrinsic Parameter Fluctuation and Process Variation Effect of Vertically Stacked Silicon Nanosheet Complementary Field-Effect Transistors","authors":"S. Kola, Yiming Li, Min-Hui Chuang","doi":"10.1109/ISQED57927.2023.10129391","DOIUrl":"https://doi.org/10.1109/ISQED57927.2023.10129391","url":null,"abstract":"We study the variability of vertically stacked gate-all-around silicon nanosheet (GAA Si NS) complementary field-effect transistors (CFETs). The process variation effect (PVE), the work function fluctuation (WKF), and the random dopant fluctuation (RDF) of CFETs are statistically estimated using an experimentally validated device simulation technique. Among five factors of PVE, the channel thickness (TNch/TPch), the channel width (Wch), and the gate length (LG) are significant. Owing to superior GAA channel control and increased effective gate area, both WKF and RDF are suppressed. Notably, the PVE on both N-/P-FETs of GAA Si CFET induce the largest off-state current fluctuations of 80% and 278%, respectively, because the device characteristic is very sensitive to the layer thickness and width of channel.","PeriodicalId":315053,"journal":{"name":"2023 24th International Symposium on Quality Electronic Design (ISQED)","volume":"31 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-04-05","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"130800956","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 Low Power SRAM with Fully Dynamic Leakage Suppression for IoT Nodes 用于物联网节点的全动态泄漏抑制低功耗SRAM
Pub Date : 2023-04-05 DOI: 10.1109/ISQED57927.2023.10129287
J. Yin, M. Stan
Dynamic leakage suppression (DLS) technique has been investigated to suppress the static leakages of static random-access memory (SRAM) cells, but most of the related works focused on implementing the technique only on part of the circuit, leaving room for further improvements to reduce leakage. In this paper, the feed-forward DLS technique is used to construct a low leakage read buffer (RB). The DLS RB is then integrated with DLS cross-coupled inverters as a full DLS SRAM cell. From SPICE simulations based on a commercial 65nm CMOS technology, the proposed DLS RB and DLS SRAM cell with the DLS RB help reduce the leakage power by 73.96% and 49.84%, respectively, compared to the corresponding 4T RB and DLS SRAM cell with the 4T RB. Additionally, a DLS "pseudo-device" is proposed to optimize parameters of transistors and the trade-off between leakage and performance. Lastly, a DLS SRAM array macro using the proposed DLS SRAM cell achieves a maximum operating frequency of 10.9kHz at the minimum operating voltage of 0.4V and a total leakage current of 2.15nA (leakage power of 645fW) scaled up to 4kb at 0.3V suitable for low power data storage at Internet of Things (IoT) nodes.
动态泄漏抑制(DLS)技术已经被研究用于抑制静态随机存取存储器(SRAM)单元的静态泄漏,但大多数相关工作都集中在部分电路上实现该技术,为进一步减少泄漏留下了空间。本文采用前馈DLS技术构建了低漏读缓冲器(RB)。然后将DLS RB与DLS交叉耦合逆变器集成为一个完整的DLS SRAM单元。基于商用65纳米CMOS技术的SPICE仿真表明,与相应的4T RB和4T RB相比,DLS RB和DLS SRAM电池的泄漏功率分别降低了73.96%和49.84%。此外,还提出了一种DLS“伪器件”,以优化晶体管的参数,并在漏损和性能之间进行权衡。最后,采用DLS SRAM单元的DLS SRAM阵列在最小工作电压为0.4V时实现了10.9kHz的最大工作频率,总泄漏电流为2.15nA(泄漏功率为645fW),在0.3V时放大到4kb,适用于物联网(IoT)节点的低功耗数据存储。
{"title":"A Low Power SRAM with Fully Dynamic Leakage Suppression for IoT Nodes","authors":"J. Yin, M. Stan","doi":"10.1109/ISQED57927.2023.10129287","DOIUrl":"https://doi.org/10.1109/ISQED57927.2023.10129287","url":null,"abstract":"Dynamic leakage suppression (DLS) technique has been investigated to suppress the static leakages of static random-access memory (SRAM) cells, but most of the related works focused on implementing the technique only on part of the circuit, leaving room for further improvements to reduce leakage. In this paper, the feed-forward DLS technique is used to construct a low leakage read buffer (RB). The DLS RB is then integrated with DLS cross-coupled inverters as a full DLS SRAM cell. From SPICE simulations based on a commercial 65nm CMOS technology, the proposed DLS RB and DLS SRAM cell with the DLS RB help reduce the leakage power by 73.96% and 49.84%, respectively, compared to the corresponding 4T RB and DLS SRAM cell with the 4T RB. Additionally, a DLS \"pseudo-device\" is proposed to optimize parameters of transistors and the trade-off between leakage and performance. Lastly, a DLS SRAM array macro using the proposed DLS SRAM cell achieves a maximum operating frequency of 10.9kHz at the minimum operating voltage of 0.4V and a total leakage current of 2.15nA (leakage power of 645fW) scaled up to 4kb at 0.3V suitable for low power data storage at Internet of Things (IoT) nodes.","PeriodicalId":315053,"journal":{"name":"2023 24th International Symposium on Quality Electronic Design (ISQED)","volume":"37 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-04-05","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"131042387","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
期刊
2023 24th International Symposium on Quality Electronic Design (ISQED)
全部 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