期刊文献+
共找到26篇文章
< 1 2 >
每页显示 20 50 100
Malware Detection Using Dual Siamese Network Model
1
作者 ByeongYeol An JeaHyuk Yang +1 位作者 Seoyeon Kim Taeguen Kim 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第10期563-584,共22页
This paper proposes a new approach to counter cyberattacks using the increasingly diverse malware in cyber security.Traditional signature detection methods that utilize static and dynamic features face limitations due... This paper proposes a new approach to counter cyberattacks using the increasingly diverse malware in cyber security.Traditional signature detection methods that utilize static and dynamic features face limitations due to the continuous evolution and diversity of new malware.Recently,machine learning-based malware detection techniques,such as Convolutional Neural Networks(CNN)and Recurrent Neural Networks(RNN),have gained attention.While these methods demonstrate high performance by leveraging static and dynamic features,they are limited in detecting new malware or variants because they learn based on the characteristics of existing malware.To overcome these limitations,malware detection techniques employing One-Shot Learning and Few-Shot Learning have been introduced.Based on this,the Siamese Network,which can effectively learn from a small number of samples and perform predictions based on similarity rather than learning the characteristics of the input data,enables the detection of new malware or variants.We propose a dual Siamese network-based detection framework that utilizes byte images converted frommalware binary data to grayscale,and opcode frequency-based images generated after extracting opcodes and converting them into 2-gramfrequencies.The proposed framework integrates two independent Siamese network models,one learning from byte images and the other from opcode frequency-based images.The detection models trained on the different kinds of images generated separately apply the L1 distancemeasure to the output vectors themodels generate,calculate the similarity,and then apply different weights to each model.Our proposed framework achieved a malware detection accuracy of 95.9%and 99.83%in the experimentsusingdifferentmalware datasets.The experimental resultsdemonstrate that ourmalware detection model can effectively detect malware by utilizing two different types of features and employing the dual Siamese network-based model. 展开更多
关键词 siamese network malware detection few-shot learning
下载PDF
Target tracking method of Siamese networks based on the broad learning system 被引量:1
2
作者 Dan Zhang C.L.Philip Chen +2 位作者 Tieshan Li Yi Zuo Nguyen Quang Duy 《CAAI Transactions on Intelligence Technology》 SCIE EI 2023年第3期1043-1057,共15页
Target tracking has a wide range of applications in intelligent transportation,real‐time monitoring,human‐computer interaction and other aspects.However,in the tracking process,the target is prone to deformation,occ... Target tracking has a wide range of applications in intelligent transportation,real‐time monitoring,human‐computer interaction and other aspects.However,in the tracking process,the target is prone to deformation,occlusion,loss,scale variation,background clutter,illumination variation,etc.,which bring great challenges to realize accurate and real‐time tracking.Tracking based on Siamese networks promotes the application of deep learning in the field of target tracking,ensuring both accuracy and real‐time performance.However,due to its offline training,it is difficult to deal with the fast motion,serious occlusion,loss and deformation of the target during tracking.Therefore,it is very helpful to improve the performance of the Siamese networks by learning new features of the target quickly and updating the target position in time online.The broad learning system(BLS)has a simple network structure,high learning efficiency,and strong feature learning ability.Aiming at the problems of Siamese networks and the characteristics of BLS,a target tracking method based on BLS is proposed.The method combines offline training with fast online learning of new features,which not only adopts the powerful feature representation ability of deep learning,but also skillfully uses the BLS for re‐learning and re‐detection.The broad re‐learning information is used for re‐detection when the target tracking appears serious occlusion and so on,so as to change the selection of the Siamese networks search area,solve the problem that the search range cannot meet the fast motion of the target,and improve the adaptability.Experimental results show that the proposed method achieves good results on three challenging datasets and improves the performance of the basic algorithm in difficult scenarios. 展开更多
关键词 broad learning system siamese network target tracking
下载PDF
FirmVulSeeker—BERT and Siamese Network-Based Vulnerability Search for Embedded Device Firmware Images
3
作者 Yingchao Yu Shuitao Gan Xiaojun Qin 《Journal on Internet of Things》 2022年第1期1-20,共20页
In recent years,with the development of the natural language processing(NLP)technologies,security analyst began to use NLP directly on assembly codes which were disassembled from binary executables in order to examine... In recent years,with the development of the natural language processing(NLP)technologies,security analyst began to use NLP directly on assembly codes which were disassembled from binary executables in order to examine binary similarity,achieved great progress.However,we found that the existing frameworks often ignored the complex internal structure of instructions and didn’t fully consider the long-term dependencies of instructions.In this paper,we propose firmVulSeeker—a vulnerability search tool for embedded firmware images,based on BERT and Siamese network.It first builds a BERT MLM task to observe and learn the semantics of different instructions in their context in a very large unlabeled binary corpus.Then,a finetune mode based on Siamese network is constructed to guide training and matching semantically similar functions using the knowledge learned from the first stage.Finally,it will use a function embedding generated from the fine-tuned model to search in the targeted corpus and find the most similar function which will be confirmed whether it’s a real vulnerability manually.We evaluate the accuracy,robustness,scalability and vulnerability search capability of firmVulSeeker.Results show that it can greatly improve the accuracy of matching semantically similar functions,and can successfully find more real vulnerabilities in real-world firmware than other tools. 展开更多
关键词 Embedded device firmware vulnerability search BERT siamese network
下载PDF
Siamese Dense Pixel-Level Fusion Network for Real-Time UAV Tracking 被引量:1
4
作者 Zhenyu Huang Gun Li +4 位作者 Xudong Sun Yong Chen Jie Sun Zhangsong Ni Yang Yang 《Computers, Materials & Continua》 SCIE EI 2023年第9期3219-3238,共20页
Onboard visual object tracking in unmanned aerial vehicles(UAVs)has attractedmuch interest due to its versatility.Meanwhile,due to high precision,Siamese networks are becoming hot spots in visual object tracking.Howev... Onboard visual object tracking in unmanned aerial vehicles(UAVs)has attractedmuch interest due to its versatility.Meanwhile,due to high precision,Siamese networks are becoming hot spots in visual object tracking.However,most Siamese trackers fail to balance the tracking accuracy and time within onboard limited computational resources of UAVs.To meet the tracking precision and real-time requirements,this paper proposes a Siamese dense pixel-level network for UAV object tracking named SiamDPL.Specifically,the Siamese network extracts features of the search region and the template region through a parameter-shared backbone network,then performs correlationmatching to obtain the candidate regionwith high similarity.To improve the matching effect of template and search features,this paper designs a dense pixel-level feature fusion module to enhance the matching ability by pixel-wise correlation and enrich the feature diversity by dense connection.An attention module composed of self-attention and channel attention is introduced to learn global context information and selectively emphasize the target feature region in the spatial and channel dimensions.In addition,a target localization module is designed to improve target location accuracy.Compared with other advanced trackers,experiments on two public benchmarks,which are UAV123@10fps and UAV20L fromthe unmanned air vehicle123(UAV123)dataset,show that SiamDPL can achieve superior performance and low complexity with a running speed of 100.1 fps on NVIDIA TITAN RTX. 展开更多
关键词 siamese network UAV object tracking dense pixel-level feature fusion attention module target localization
下载PDF
Vision-based measuring method for individual cow feed intake using depth images and a Siamese network
5
作者 Xinjie Wang Baisheng Dai +3 位作者 Xiaoli Wei Weizheng Shen Yonggen Zhang Benhai Xiong 《International Journal of Agricultural and Biological Engineering》 SCIE 2023年第3期233-239,共7页
Feed intake is an important indicator to reflect the production performance and disease risk of dairy cows,which can also evaluate the utilization rate of pasture feed.To achieve an automatic and non-contact measureme... Feed intake is an important indicator to reflect the production performance and disease risk of dairy cows,which can also evaluate the utilization rate of pasture feed.To achieve an automatic and non-contact measurement of feed intake,this paper proposes a method for measuring the feed intake of cows based on computer vision technology with a Siamese network and depth images.An automated data acquisition system was first designed to collect depth images of feed piles and constructed a dataset with 24150 samples.A deep learning model based on the Siamese network was then constructed to implement non-contact measurement of feed intake for dairy cows by training with collected data.The experimental results show that the mean absolute error(MAE)and the root mean square error(RMSE)of this method are 0.100 kg and 0.128 kg in the range of 0-8.2 kg respectively,which outperformed existing works.This work provides a new idea and technology for the intelligent measuring of dairy cow feed intake. 展开更多
关键词 computer vision siamese network cow feed intake depth image precision livestock farming
原文传递
A transformer-based Siamese network and an open optical dataset for semantic change detection of remote sensing images 被引量:2
6
作者 Panli Yuan Qingzhan Zhao +3 位作者 Xingbiao Zhao Xuewen Wang Xuefeng Long Yuchen Zheng 《International Journal of Digital Earth》 SCIE EI 2022年第1期1506-1525,共20页
Recent change detection(CD)methods focus on the extraction of deep change semantic features.However,existing methods overlook the fine-grained features and have the poor ability to capture long-range space–time infor... Recent change detection(CD)methods focus on the extraction of deep change semantic features.However,existing methods overlook the fine-grained features and have the poor ability to capture long-range space–time information,which leads to the micro changes missing and the edges of change types smoothing.In this paper,a potential transformer-based semantic change detection(SCD)model,Pyramid-SCDFormer is proposed,which precisely recognizes the small changes and fine edges details of the changes.The SCD model selectively merges different semantic tokens in multi-head self-attention block to obtain multiscale features,which is crucial for extraction information of remote sensing images(RSIs)with multiple changes from different scales.Moreover,we create a well-annotated SCD dataset,Landsat-SCD with unprecedented time series and change types in complex scenarios.Comparing with three Convolutional Neural Network-based,one attention-based,and two transformer-based networks,experimental results demonstrate that the Pyramid-SCDFormer stably outperforms the existing state-of-the-art CD models and obtains an improvement in MIoU/F1 of 1.11/0.76%,0.57/0.50%,and 8.75/8.59%on the LEVIR-CD,WHU_CD,and Landsat-SCD dataset respectively.For change classes proportion less than 1%,the proposed model improves the MIoU by 7.17–19.53%on Landsat-SCD dataset.The recognition performance for small-scale and fine edges of change types has greatly improved. 展开更多
关键词 Semantic change detection(SCD) change detection dataset transformer siamese network self-attention mechanism bitemporal remote sensing
原文传递
SiamADN:Siamese Attentional Dense Network for UAV Object Tracking 被引量:2
7
作者 WANG Zhi WANG Ershen +2 位作者 HUANG Yufeng YANG Siqi XU Song 《Transactions of Nanjing University of Aeronautics and Astronautics》 EI CSCD 2021年第4期587-596,共10页
Single object tracking based on deep learning has achieved the advanced performance in many applications of computer vision.However,the existing trackers have certain limitations owing to deformation,occlusion,movemen... Single object tracking based on deep learning has achieved the advanced performance in many applications of computer vision.However,the existing trackers have certain limitations owing to deformation,occlusion,movement and some other conditions.We propose a siamese attentional dense network called SiamADN in an end-to-end offline manner,especially aiming at unmanned aerial vehicle(UAV)tracking.First,it applies a dense network to reduce vanishing-gradient,which strengthens the features transfer.Second,the channel attention mechanism is involved into the Densenet structure,in order to focus on the possible key regions.The advance corner detection network is introduced to improve the following tracking process.Extensive experiments are carried out on four mainly tracking benchmarks as OTB-2015,UAV123,LaSOT and VOT.The accuracy rate on UAV123 is 78.9%,and the running speed is 32 frame per second(FPS),which demonstrates its efficiency in the practical real application. 展开更多
关键词 unmanned aerial vehicle(UAV) object tracking dense network corner detection siamese network
下载PDF
SiamDLA: Dynamic Label Assignment for Siamese Visual Tracking
8
作者 Yannan Cai Ke Tan Zhenzhong Wei 《Computers, Materials & Continua》 SCIE EI 2023年第4期1621-1640,共20页
Label assignment refers to determining positive/negative labels foreach sample to supervise the training process. Existing Siamese-based trackersprimarily use fixed label assignment strategies according to human prior... Label assignment refers to determining positive/negative labels foreach sample to supervise the training process. Existing Siamese-based trackersprimarily use fixed label assignment strategies according to human priorknowledge;thus, they can be sensitive to predefined hyperparameters and failto fit the spatial and scale variations of samples. In this study, we first developa novel dynamic label assignment (DLA) module to handle the diverse datadistributions and adaptively distinguish the foreground from the backgroundbased on the statistical characteristics of the target in visual object tracking.The core of DLA module is a two-step selection mechanism. The first stepselects candidate samples according to the Euclidean distance between trainingsamples and ground truth, and the second step selects positive/negativesamples based on the mean and standard deviation of candidate samples.The proposed approach is general-purpose and can be easily integrated intoanchor-based and anchor-free trackers for optimal sample-label matching.According to extensive experimental findings, Siamese-based trackers withDLA modules can refine target locations and outperformbaseline trackers onOTB100, VOT2019, UAV123 and LaSOT. Particularly, DLA-SiamRPN++improves SiamRPN++ by 1% AUC and DLA-SiamCAR improves Siam-CAR by 2.5% AUC on OTB100. Furthermore, hyper-parameters analysisexperiments show that DLA module hardly increases spatio-temporal complexity,the proposed approach maintains the same speed as the originaltracker without additional overhead. 展开更多
关键词 siamese network label assignment single object tracking anchorbased anchor-free
下载PDF
Improved Siamese Palmprint Authentication Using Pre-Trained VGG16-Palmprint and Element-Wise Absolute Difference
9
作者 Mohamed Ezz Waad Alanazi +3 位作者 Ayman Mohamed Mostafa Eslam Hamouda Murtada K.Elbashir Meshrif Alruily 《Computer Systems Science & Engineering》 SCIE EI 2023年第8期2299-2317,共19页
Palmprint identification has been conducted over the last two decades in many biometric systems.High-dimensional data with many uncorrelated and duplicated features remains difficult due to several computational compl... Palmprint identification has been conducted over the last two decades in many biometric systems.High-dimensional data with many uncorrelated and duplicated features remains difficult due to several computational complexity issues.This paper presents an interactive authentication approach based on deep learning and feature selection that supports Palmprint authentication.The proposed model has two stages of learning;the first stage is to transfer pre-trained VGG-16 of ImageNet to specific features based on the extraction model.The second stage involves the VGG-16 Palmprint feature extraction in the Siamese network to learn Palmprint similarity.The proposed model achieves robust and reliable end-to-end Palmprint authentication by extracting the convolutional features using VGG-16 Palmprint and the similarity of two input Palmprint using the Siamese network.The second stage uses the CASIA dataset to train and test the Siamese network.The suggested model outperforms comparable studies based on the deep learning approach achieving accuracy and EER of 91.8%and 0.082%,respectively,on the CASIA left-hand images and accuracy and EER of 91.7%and 0.084,respectively,on the CASIA right-hand images. 展开更多
关键词 Palmprint authentication transfer learning feature extraction CLASSIFICATION VGG-16 and siamese network
下载PDF
SRAFE:Siamese Regression Aesthetic Fusion Evaluation for Chinese Calligraphic Copy
10
作者 Mingwei Sun Xinyu Gong +2 位作者 Haitao Nie Muhammad Minhas Iqbal Bin Xie 《CAAI Transactions on Intelligence Technology》 SCIE EI 2023年第3期1077-1086,共10页
Evaluation of calligraphic copy is the core of Chinese calligraphy appreciation and in-heritance.However,previous aesthetic evaluation studies often focussed on photos and paintings,with few attempts on Chinese callig... Evaluation of calligraphic copy is the core of Chinese calligraphy appreciation and in-heritance.However,previous aesthetic evaluation studies often focussed on photos and paintings,with few attempts on Chinese calligraphy.To solve this problem,a Siamese regression aesthetic fusion method is proposed,named SRAFE,for Chinese calligraphy based on the combination of calligraphy aesthetics and deep learning.First,a dataset termed Evaluated Chinese Calligraphy Copies(E3C)is constructed for aesthetic evalu-ation.Second,12 hand‐crafted aesthetic features based on the shape,structure,and stroke of calligraphy are designed.Then,the Siamese regression network(SRN)is designed to extract the deep aesthetic representation of calligraphy.Finally,the SRAFE method is built by fusing the deep aesthetic features with the hand‐crafted aesthetic features.Experimental results show that scores given by SRAFE are similar to the aesthetic evaluation label of E3C,proving the effectiveness of the authors’method. 展开更多
关键词 calligraphy evaluation hand‐crafted aesthetic features siamese regression network
下载PDF
结合注意力和改进样本选取方法的少样本高光谱分类孪生网络
11
作者 杨宇新 郭躬德 王晖 《计算机系统应用》 2024年第3期85-94,共10页
针对高光谱图像(hyperspectral image)样本人工标记困难导致的样本数量不足的问题,本文提出了一个结合注意力和空间邻域的少样本孪生网络算法.它首先对高光谱图像进行PCA预处理,实现数据降维;其次,对模型训练样本采用间隔采样和边缘采... 针对高光谱图像(hyperspectral image)样本人工标记困难导致的样本数量不足的问题,本文提出了一个结合注意力和空间邻域的少样本孪生网络算法.它首先对高光谱图像进行PCA预处理,实现数据降维;其次,对模型训练样本采用间隔采样和边缘采样的方式进行选取,以有效减少冗余信息;之后,Siamese network以大小不同的patch形式进行两两结合,构建出样本对作为训练集进行训练,不仅实现了数据增强的效果,还能在提取光谱信息特征的同时,充分提取目标像素光谱信息以及其周围邻域空间信息;最后,添加光谱维度的注意力模块以及空间维度的相似度度量模块,分别对光谱信息和空间邻域信息进行权重分布,以达到提升分类性能的目的.实验结果表明,本文提出的方法在部分公开数据集上对比常用方法取得了较好的实验效果. 展开更多
关键词 高光谱图像分类 siamese network 注意力机制 少样本学习 深度学习
下载PDF
Colorectal Cancer Segmentation Algorithm Based on Deep Features from Enhanced CT Images
12
作者 Shi Qiu Hongbing Lu +2 位作者 Jun Shu Ting Liang Tao Zhou 《Computers, Materials & Continua》 SCIE EI 2024年第8期2495-2510,共16页
Colorectal cancer,a malignant lesion of the intestines,significantly affects human health and life,emphasizing the necessity of early detection and treatment.Accurate segmentation of colorectal cancer regions directly... Colorectal cancer,a malignant lesion of the intestines,significantly affects human health and life,emphasizing the necessity of early detection and treatment.Accurate segmentation of colorectal cancer regions directly impacts subsequent staging,treatment methods,and prognostic outcomes.While colonoscopy is an effective method for detecting colorectal cancer,its data collection approach can cause patient discomfort.To address this,current research utilizes Computed Tomography(CT)imaging;however,conventional CT images only capture transient states,lacking sufficient representational capability to precisely locate colorectal cancer.This study utilizes enhanced CT images,constructing a deep feature network from the arterial,portal venous,and delay phases to simulate the physician’s diagnostic process and achieve accurate cancer segmentation.The innovations include:1)Utilizing portal venous phase CT images to introduce a context-aware multi-scale aggregation module for preliminary shape extraction of colorectal cancer.2)Building an image sequence based on arterial and delay phases,transforming the cancer segmentation issue into an anomaly detection problem,establishing a pixel-pairing strategy,and proposing a colorectal cancer segmentation algorithm using a Siamese network.Experiments with 84 clinical cases of colorectal cancer enhanced CT data demonstrated an Area Overlap Measure of 0.90,significantly better than Fully Convolutional Networks(FCNs)at 0.20.Future research will explore the relationship between conventional and enhanced CT to further reduce segmentation time and improve accuracy. 展开更多
关键词 Colorectal cancer enhanced CT MULTI-SCALE siamese network SEGMENTATION
下载PDF
Reference Selection for Offline Hybrid Siamese Signature Verification Systems
13
作者 Tsung-Yu Lu Mu-En Wu +1 位作者 Er-Hao Chen Yeong-Luh Ueng 《Computers, Materials & Continua》 SCIE EI 2022年第10期935-952,共18页
This paper presents an off-line handwritten signature verification system based on the Siamese network,where a hybrid architecture is used.The Residual neural Network(ResNet)is used to realize a powerful feature extra... This paper presents an off-line handwritten signature verification system based on the Siamese network,where a hybrid architecture is used.The Residual neural Network(ResNet)is used to realize a powerful feature extraction model such that Writer Independent(WI)features can be effectively learned.A single-layer Siamese Neural Network(NN)is used to realize a Writer Dependent(WD)classifier such that the storage space can be minimized.For the purpose of reducing the impact of the high intraclass variability of the signature and ensuring that the Siamese network can learn more effectively,we propose a method of selecting a reference signature as one of the inputs for the Siamese network.To take full advantage of the reference signature,we modify the conventional contrastive loss function to enhance the accuracy.By using the proposed techniques,the accuracy of the system can be increased by 5.9%.Based on the GPDS signature dataset,the proposed system is able to achieve an accuracy of 94.61%which is better than the accuracy achieved by the current state-of-the-art work. 展开更多
关键词 siamese network offline signature verification residual neural network reference selection
下载PDF
Gaze Estimation via a Differential Eyes’Appearances Network with a Reference Grid 被引量:1
14
作者 Song Gu Lihui Wang +2 位作者 Long He Xianding He Jian Wang 《Engineering》 SCIE EI 2021年第6期777-786,共10页
A person’s eye gaze can effectively express that person’s intentions.Thus,gaze estimation is an important approach in intelligent manufacturing to analyze a person’s intentions.Many gaze estimation methods regress ... A person’s eye gaze can effectively express that person’s intentions.Thus,gaze estimation is an important approach in intelligent manufacturing to analyze a person’s intentions.Many gaze estimation methods regress the direction of the gaze by analyzing images of the eyes,also known as eye patches.However,it is very difficult to construct a person-independent model that can estimate an accurate gaze direction for every person due to individual differences.In this paper,we hypothesize that the difference in the appearance of each of a person’s eyes is related to the difference in the corresponding gaze directions.Based on this hypothesis,a differential eyes’appearances network(DEANet)is trained on public datasets to predict the gaze differences of pairwise eye patches belonging to the same individual.Our proposed DEANet is based on a Siamese neural network(SNNet)framework which has two identical branches.A multi-stream architecture is fed into each branch of the SNNet.Both branches of the DEANet that share the same weights extract the features of the patches;then the features are concatenated to obtain the difference of the gaze directions.Once the differential gaze model is trained,a new person’s gaze direction can be estimated when a few calibrated eye patches for that person are provided.Because personspecific calibrated eye patches are involved in the testing stage,the estimation accuracy is improved.Furthermore,the problem of requiring a large amount of data when training a person-specific model is effectively avoided.A reference grid strategy is also proposed in order to select a few references as some of the DEANet’s inputs directly based on the estimation values,further thereby improving the estimation accuracy.Experiments on public datasets show that our proposed approach outperforms the state-of-theart methods. 展开更多
关键词 Gaze estimation Differential gaze siamese neural network Cross-person evaluations Human–robot collaboration
下载PDF
Deep Learning-Based Robust Morphed Face Authentication Framework for Online Systems
15
作者 Harsh Mankodiya Priyal Palkhiwala +6 位作者 Rajesh Gupta Nilesh Kumar Jadav Sudeep Tanwar Osama Alfarraj Amr Tolba Maria Simona Raboaca Verdes Marina 《Computers, Materials & Continua》 SCIE EI 2023年第10期1123-1142,共20页
The amalgamation of artificial intelligence(AI)with various areas has been in the picture for the past few years.AI has enhanced the functioning of several services,such as accomplishing better budgets,automating mult... The amalgamation of artificial intelligence(AI)with various areas has been in the picture for the past few years.AI has enhanced the functioning of several services,such as accomplishing better budgets,automating multiple tasks,and data-driven decision-making.Conducting hassle-free polling has been one of them.However,at the onset of the coronavirus in 2020,almost all worldly affairs occurred online,and many sectors switched to digital mode.This allows attackers to find security loopholes in digital systems and exploit them for their lucrative business.This paper proposes a three-layered deep learning(DL)-based authentication framework to develop a secure online polling system.It provides a novel way to overcome security breaches during the face identity(ID)recognition and verification process for online polling systems.This verification is done by training a pixel-2-pixel Pix2pix generative adversarial network(GAN)for face image reconstruction to remove facial objects present(if any).Furthermore,image-to-image matching is done by implementing the Siamese network and comparing the result of various metrics executed on feature embeddings to obtain the outcome,thus checking the electorate credentials. 展开更多
关键词 Artificial intelligence DISCRIMINATOR GENERATOR Pix2pix GANs Kullback-Leibler(KL)-divergence online voting system siamese network
下载PDF
Electromyogram Based Personal Recognition Using Attention Mechanism for IoT Security
16
作者 Jin Su Kim Sungbum Pan 《Computers, Materials & Continua》 SCIE EI 2023年第11期1663-1678,共16页
As Internet of Things(IoT)technology develops,integrating network functions into diverse equipment introduces new challenges,particularly in dealing with counterfeit issues.Over the past few decades,research efforts h... As Internet of Things(IoT)technology develops,integrating network functions into diverse equipment introduces new challenges,particularly in dealing with counterfeit issues.Over the past few decades,research efforts have focused on leveraging electromyogram(EMG)for personal recognition,aiming to address security concerns.However,obtaining consistent EMG signals from the same individual is inherently challenging,resulting in data irregularity issues and consequently decreasing the accuracy of personal recognition.Notably,conventional studies in EMG-based personal recognition have overlooked the issue of data irregularities.This paper proposes an innovative approach to personal recognition that combines a siamese fusion network with an auxiliary classifier,effectively mitigating the impact of data irregularities in EMG-based recognition.The proposed method employs empirical mode decomposition(EMD)to extract distinctive features.The model comprises two sub-networks designed to follow the siamese network architecture and a decision network integrated with the novel auxiliary classifier,specifically designed to address data irregularities.The two sub-networks sharing a weight calculate the compatibility function.The auxiliary classifier collaborates with a neural network to implement an attention mechanism.The attention mechanism using the auxiliary classifier solves the data irregularity problem by improving the importance of the EMG gesture section.Experimental results validated the efficacy of the proposed personal recognition method,achieving a remarkable 94.35%accuracy involving 100 subjects from the multisession CU_sEMG database(DB).This performance outperforms the existing approaches by 3%,employing auxiliary classifiers.Furthermore,an additional experiment yielded an improvement of over 0.85%of Ninapro DB,3%of CU_sEMG DB compared to the existing EMG-based recognition methods.Consequently,the proposed personal recognition using EMG proves to secure IoT devices,offering robustness against data irregularities. 展开更多
关键词 Personal recognition ELECTROMYOGRAM siamese network auxiliary classifier
下载PDF
Innovative Hetero-Associative Memory Encoder(HAMTE)for Palmprint Template Protection
17
作者 Eslam Hamouda Mohamed Ezz +3 位作者 Ayman Mohamed Mostafa Murtada K.Elbashir Meshrif Alruily Mayada Tarek 《Computer Systems Science & Engineering》 SCIE EI 2023年第7期619-636,共18页
Many types of research focus on utilizing Palmprint recognition in user identification and authentication.The Palmprint is one of biometric authentication(something you are)invariable during a person’s life and needs... Many types of research focus on utilizing Palmprint recognition in user identification and authentication.The Palmprint is one of biometric authentication(something you are)invariable during a person’s life and needs careful protection during enrollment into different biometric authentication systems.Accuracy and irreversibility are critical requirements for securing the Palmprint template during enrollment and verification.This paper proposes an innovative HAMTE neural network model that contains Hetero-Associative Memory for Palmprint template translation and projection using matrix multiplication and dot product multiplication.A HAMTE-Siamese network is constructed,which accepts two Palmprint templates and predicts whether these two templates belong to the same user or different users.The HAMTE is generated for each user during the enrollment phase,which is responsible for generating a secure template for the enrolled user.The proposed network secures the person’s Palmprint template by translating it into an irreversible template(different features space).It can be stored safely in a trusted/untrusted third-party authentication system that protects the original person’s template from being stolen.Experimental results are conducted on the CASIA database,where the proposed network achieved accuracy close to the original accuracy for the unprotected Palmprint templates.The recognition accuracy deviated by around 3%,and the equal error rate(EER)by approximately 0.02 compared to the original data,with appropriate performance(approximately 13 ms)while preserving the irreversibility property of the secure template.Moreover,the brute-force attack has been analyzed under the new Palmprint protection scheme. 展开更多
关键词 Palmprint recognition hetero-associative memory neural network and siamese network
下载PDF
Research on Vector Road Data Matching Method Based on Deep Learning
18
作者 Lin Zhao Yanru Liu +3 位作者 Yuefeng Lu Ying Sun Jing Li Kaizhong Yao 《Journal of Applied Mathematics and Physics》 2023年第1期303-315,共13页
Most of the existing vector data matching methods use traditional feature geometry attribute features to match, however, many of the similarity indicators are not suitable for cross-scale data, resulting in less accur... Most of the existing vector data matching methods use traditional feature geometry attribute features to match, however, many of the similarity indicators are not suitable for cross-scale data, resulting in less accuracy in identifying objects. In order to solve this problem effectively, a deep learning model for vector road data matching is proposed based on siamese neural network and VGG16 convolutional neural network, and matching experiments are carried out. Experimental results show that the proposed vector road data matching model can achieve an accuracy of more than 90% under certain data support and threshold conditions. 展开更多
关键词 Deep Learning Vector Matching SIMILARITY VGG16 siamese network
下载PDF
Open World Recognition of Communication Jamming Signals 被引量:3
19
作者 Yan Tang Zhijin Zhao +4 位作者 Jie Chen Shilian Zheng Xueyi Ye Caiyi Lou Xiaoniu Yang 《China Communications》 SCIE CSCD 2023年第6期199-214,共16页
To improve the recognition ability of communication jamming signals,Siamese Neural Network-based Open World Recognition(SNNOWR)is proposed.The algorithm can recognize known jamming classes,detect new(unknown)jamming c... To improve the recognition ability of communication jamming signals,Siamese Neural Network-based Open World Recognition(SNNOWR)is proposed.The algorithm can recognize known jamming classes,detect new(unknown)jamming classes,and unsupervised cluseter new classes.The network of SNN-OWR is trained supervised with paired input data consisting of two samples from a known dataset.On the one hand,the network is required to have the ability to distinguish whether two samples are from the same class.On the other hand,the latent distribution of known class is forced to approach their own unique Gaussian distribution,which is prepared for the subsequent open set testing.During the test,the unknown class detection process based on Gaussian probability density function threshold is designed,and an unsupervised clustering algorithm of the unknown jamming is realized by using the prior knowledge of known classes.The simulation results show that when the jamming-to-noise ratio is more than 0d B,the accuracy of SNN-OWR algorithm for known jamming classes recognition,unknown jamming detection and unsupervised clustering of unknown jamming is about 95%.This indicates that the SNN-OWR algorithm can make the effect of the recognition of unknown jamming be almost the same as that of known jamming. 展开更多
关键词 communication jamming signals siamese Neural network Open World Recognition unsupervised clustering of new jamming type Gaussian probability density function
下载PDF
基于深度卷积网络的非接触式掌纹识别与验证 被引量:1
20
作者 许赫庭 木特力甫·马木提 +2 位作者 阿力木江·艾沙 努尔毕亚·亚地卡尔 库尔班·吾布力 《东北师大学报(自然科学版)》 CAS 北大核心 2022年第4期93-99,共7页
针对非接触式掌纹图像存在手姿态、光照等干扰因素的问题,提出了使用深度卷积网络来提取非接触式掌纹特征的识别方法,对不同网络提取非接触式掌纹特征的性能进行了验证.为了提高实用性,避免非接触式掌纹验证前的ROI提取操作,提出了基于S... 针对非接触式掌纹图像存在手姿态、光照等干扰因素的问题,提出了使用深度卷积网络来提取非接触式掌纹特征的识别方法,对不同网络提取非接触式掌纹特征的性能进行了验证.为了提高实用性,避免非接触式掌纹验证前的ROI提取操作,提出了基于Siamese Network的非接触式掌纹验证方法.选用了ResNet、DenseNet、MobileNetV2和RegNet 4个卷积神经网络模型,在IITD、Tongji和MPD 3个非接触式掌纹数据集上做了非接触式掌纹识别的评估实验,在IITD数据集上进行了训练和验证.MobileNetV2在IITD数据集上的收敛速度最快,RegNet在Tongji、MPD两个数据集上的收敛速度明显快于另外3个网络.RegNet在3个数据集上的识别率均最高,且较传统方法有所提高.实验结果表明,用深度卷积网络提取非接触式掌纹特征的方法有更好的识别结果.基于Siamese Network的非接触式掌纹验证方法对自然场景下的掌纹图像有较好的验证结果,且对光照和手姿态具有一定的鲁棒性. 展开更多
关键词 卷积神经网络 掌纹识别 掌纹验证 非接触式 迁移学习 siamese network
下载PDF
上一页 1 2 下一页 到第
使用帮助 返回顶部