Seal authentication is an important task for verifying the authenticity of stamped seals used in various domains to protect legal documents from tampering and counterfeiting.Stamped seal inspection is commonly audited...Seal authentication is an important task for verifying the authenticity of stamped seals used in various domains to protect legal documents from tampering and counterfeiting.Stamped seal inspection is commonly audited manually to ensure document authenticity.However,manual assessment of seal images is tedious and laborintensive due to human errors,inconsistent placement,and completeness of the seal.Traditional image recognition systems are inadequate enough to identify seal types accurately,necessitating a neural network-based method for seal image recognition.However,neural network-based classification algorithms,such as Residual Networks(ResNet)andVisualGeometryGroup with 16 layers(VGG16)yield suboptimal recognition rates on stamp datasets.Additionally,the fixed training data categories make handling new categories to be a challenging task.This paper proposes amulti-stage seal recognition algorithmbased on Siamese network to overcome these limitations.Firstly,the seal image is pre-processed by applying an image rotation correction module based on Histogram of Oriented Gradients(HOG).Secondly,the similarity between input seal image pairs is measured by utilizing a similarity comparison module based on the Siamese network.Finally,we compare the results with the pre-stored standard seal template images in the database to obtain the seal type.To evaluate the performance of the proposed method,we further create a new seal image dataset that contains two subsets with 210,000 valid labeled pairs in total.The proposed work has a practical significance in industries where automatic seal authentication is essential as in legal,financial,and governmental sectors,where automatic seal recognition can enhance document security and streamline validation processes.Furthermore,the experimental results show that the proposed multi-stage method for seal image recognition outperforms state-of-the-art methods on the two established datasets.展开更多
Siamese tracking algorithms usually take convolutional neural networks(CNNs)as feature extractors owing to their capability of extracting deep discriminative features.However,the convolution kernels in CNNs have limit...Siamese tracking algorithms usually take convolutional neural networks(CNNs)as feature extractors owing to their capability of extracting deep discriminative features.However,the convolution kernels in CNNs have limited receptive fields,making it difficult to capture global feature dependencies which is important for object detection,especially when the target undergoes large-scale variations or movement.In view of this,we develop a novel network called effective convolution mixed Transformer Siamese network(SiamCMT)for visual tracking,which integrates CNN-based and Transformer-based architectures to capture both local information and long-range dependencies.Specifically,we design a Transformer-based module named lightweight multi-head attention(LWMHA)which can be flexibly embedded into stage-wise CNNs and improve the network’s representation ability.Additionally,we introduce a stage-wise feature aggregation mechanism which integrates features learned from multiple stages.By leveraging both location and semantic information,this mechanism helps the SiamCMT to better locate and find the target.Moreover,to distinguish the contribution of different channels,a channel-wise attention mechanism is introduced to enhance the important channels and suppress the others.Extensive experiments on seven challenging benchmarks,i.e.,OTB2015,UAV123,GOT10K,LaSOT,DTB70,UAVTrack112_L,and VOT2018,demonstrate the effectiveness of the proposed algorithm.Specially,the proposed method outperforms the baseline by 3.5%and 3.1%in terms of precision and success rates with a real-time speed of 59.77 FPS on UAV123.展开更多
Knowledge graphs convey precise semantic information that can be effectively interpreted by neural networks,and generating descriptive text based on these graphs places significant emphasis on content consistency.Howe...Knowledge graphs convey precise semantic information that can be effectively interpreted by neural networks,and generating descriptive text based on these graphs places significant emphasis on content consistency.However,knowledge graphs are inadequate for providing additional linguistic features such as paragraph structure and expressive modes,making it challenging to ensure content coherence in generating text that spans multiple sentences.This lack of coherence can further compromise the overall consistency of the content within a paragraph.In this work,we present the generation of scientific abstracts by leveraging knowledge graphs,with a focus on enhancing both content consistency and coherence.In particular,we construct the ACL Abstract Graph Dataset(ACL-AGD)which pairs knowledge graphs with text,incorporating sentence labels to guide text structure and diverse expressions.We then implement a Siamese network to complement and concretize the entities and relations based on paragraph structure by accomplishing two tasks:graph-to-text generation and entity alignment.Extensive experiments demonstrate that the logical paragraphs generated by our method exhibit entities with a uniform position distribution and appropriate frequency.In terms of content,our method accurately represents the information encoded in the knowledge graph,prevents the generation of irrelevant content,and achieves coherent and non-redundant adjacent sentences,even with a shared knowledge graph.展开更多
Neuropsychological tests,such as the Rey-Osterrieth complex figure(ROCF)test,help detect mild cognitive impairment(MCI)in adults by assessing cognitive abilities such as planning,organization,and memory.Furthermore,th...Neuropsychological tests,such as the Rey-Osterrieth complex figure(ROCF)test,help detect mild cognitive impairment(MCI)in adults by assessing cognitive abilities such as planning,organization,and memory.Furthermore,they are inexpensive and minimally invasive,making them excellent tools for early screening.In this paper,we propose the use of image analysis models to characterize the relationship between an individual’s ROCF drawing and their cognitive state.This task is usually framed as a classification problem and is solved using deep learning models,due to their success in the last decade.In order to achieve good performance,these models need to be trained with a large number of examples.Given that our data availability is limited,we alternatively treat our task as a similarity learning problem,performing pairwise ROCF drawing comparisons to define groups that represent different cognitive states.This way of working could lead to better data utilization and improved model performance.To solve the similarity learning problem,we propose a siamese neural network(SNN)that exploits the distances of arbitrary ROCF drawings to the ideal representation of the ROCF.Our proposal is compared against various deep learning models designed for classification using a public dataset of 528 ROCF copy drawings,which are associated with either healthy individuals or those with MCI.Quantitative results are derived from a scheme involving multiple rounds of evaluation,employing both a dedicated test set and 14-fold cross-validation.Our SNN proposal demonstrates superiority in validation performance,and test results comparable to those of the classification-based deep learning models.展开更多
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.展开更多
As the penetration ratio of wind power in active distribution networks continues to increase,the system exhibits some characteristics such as randomness and volatility.Fast and accurate short-term wind power predictio...As the penetration ratio of wind power in active distribution networks continues to increase,the system exhibits some characteristics such as randomness and volatility.Fast and accurate short-term wind power prediction is essential for algorithms like scheduling and optimization control.Based on the spatio-temporal features of Numerical Weather Prediction(NWP)data,it proposes the WVMD_DSN(Whale Optimization Algorithm,Variational Mode Decomposition,Dual Stream Network)model.The model first applies Pearson correlation coefficient(PCC)to choose some NWP features with strong correlation to wind power to form the feature set.Then,it decomposes the feature set using Variational Mode Decomposition(VMD)to eliminate the nonstationarity and obtains Intrinsic Mode Functions(IMFs).Here Whale Optimization Algorithm(WOA)is applied to optimise the key parameters of VMD,namely the number of mode components K and penalty factor a.Finally,incorporating attention mechanism(AM),Squeeze-Excitation Network(SENet),and Bidirectional Gated Recurrent Unit(BiGRU),it constructs the dual-stream network(DSN)for short-term wind power prediction.Comparative experiments demonstrate that the WVMD_DSN model outperforms existing baseline algorithms and exhibits good generalization performance.The relevant code is available at https://github.com/ruanyuyuan/Wind-power-forecast.git(accessed on 20 August 2024).展开更多
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.展开更多
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.展开更多
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.展开更多
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.展开更多
基金the National Natural Science Foundation of China(Grant No.62172132)Public Welfare Technology Research Project of Zhejiang Province(Grant No.LGF21F020014)the Opening Project of Key Laboratory of Public Security Information Application Based on Big-Data Architecture,Ministry of Public Security of Zhejiang Police College(Grant No.2021DSJSYS002).
文摘Seal authentication is an important task for verifying the authenticity of stamped seals used in various domains to protect legal documents from tampering and counterfeiting.Stamped seal inspection is commonly audited manually to ensure document authenticity.However,manual assessment of seal images is tedious and laborintensive due to human errors,inconsistent placement,and completeness of the seal.Traditional image recognition systems are inadequate enough to identify seal types accurately,necessitating a neural network-based method for seal image recognition.However,neural network-based classification algorithms,such as Residual Networks(ResNet)andVisualGeometryGroup with 16 layers(VGG16)yield suboptimal recognition rates on stamp datasets.Additionally,the fixed training data categories make handling new categories to be a challenging task.This paper proposes amulti-stage seal recognition algorithmbased on Siamese network to overcome these limitations.Firstly,the seal image is pre-processed by applying an image rotation correction module based on Histogram of Oriented Gradients(HOG).Secondly,the similarity between input seal image pairs is measured by utilizing a similarity comparison module based on the Siamese network.Finally,we compare the results with the pre-stored standard seal template images in the database to obtain the seal type.To evaluate the performance of the proposed method,we further create a new seal image dataset that contains two subsets with 210,000 valid labeled pairs in total.The proposed work has a practical significance in industries where automatic seal authentication is essential as in legal,financial,and governmental sectors,where automatic seal recognition can enhance document security and streamline validation processes.Furthermore,the experimental results show that the proposed multi-stage method for seal image recognition outperforms state-of-the-art methods on the two established datasets.
基金supported by the National Natural Science Foundation of China(Grant No.62033007)the Major Fundamental Research Program of Shandong Province(Grant No.ZR2023ZD37).
文摘Siamese tracking algorithms usually take convolutional neural networks(CNNs)as feature extractors owing to their capability of extracting deep discriminative features.However,the convolution kernels in CNNs have limited receptive fields,making it difficult to capture global feature dependencies which is important for object detection,especially when the target undergoes large-scale variations or movement.In view of this,we develop a novel network called effective convolution mixed Transformer Siamese network(SiamCMT)for visual tracking,which integrates CNN-based and Transformer-based architectures to capture both local information and long-range dependencies.Specifically,we design a Transformer-based module named lightweight multi-head attention(LWMHA)which can be flexibly embedded into stage-wise CNNs and improve the network’s representation ability.Additionally,we introduce a stage-wise feature aggregation mechanism which integrates features learned from multiple stages.By leveraging both location and semantic information,this mechanism helps the SiamCMT to better locate and find the target.Moreover,to distinguish the contribution of different channels,a channel-wise attention mechanism is introduced to enhance the important channels and suppress the others.Extensive experiments on seven challenging benchmarks,i.e.,OTB2015,UAV123,GOT10K,LaSOT,DTB70,UAVTrack112_L,and VOT2018,demonstrate the effectiveness of the proposed algorithm.Specially,the proposed method outperforms the baseline by 3.5%and 3.1%in terms of precision and success rates with a real-time speed of 59.77 FPS on UAV123.
文摘Knowledge graphs convey precise semantic information that can be effectively interpreted by neural networks,and generating descriptive text based on these graphs places significant emphasis on content consistency.However,knowledge graphs are inadequate for providing additional linguistic features such as paragraph structure and expressive modes,making it challenging to ensure content coherence in generating text that spans multiple sentences.This lack of coherence can further compromise the overall consistency of the content within a paragraph.In this work,we present the generation of scientific abstracts by leveraging knowledge graphs,with a focus on enhancing both content consistency and coherence.In particular,we construct the ACL Abstract Graph Dataset(ACL-AGD)which pairs knowledge graphs with text,incorporating sentence labels to guide text structure and diverse expressions.We then implement a Siamese network to complement and concretize the entities and relations based on paragraph structure by accomplishing two tasks:graph-to-text generation and entity alignment.Extensive experiments demonstrate that the logical paragraphs generated by our method exhibit entities with a uniform position distribution and appropriate frequency.In terms of content,our method accurately represents the information encoded in the knowledge graph,prevents the generation of irrelevant content,and achieves coherent and non-redundant adjacent sentences,even with a shared knowledge graph.
文摘Neuropsychological tests,such as the Rey-Osterrieth complex figure(ROCF)test,help detect mild cognitive impairment(MCI)in adults by assessing cognitive abilities such as planning,organization,and memory.Furthermore,they are inexpensive and minimally invasive,making them excellent tools for early screening.In this paper,we propose the use of image analysis models to characterize the relationship between an individual’s ROCF drawing and their cognitive state.This task is usually framed as a classification problem and is solved using deep learning models,due to their success in the last decade.In order to achieve good performance,these models need to be trained with a large number of examples.Given that our data availability is limited,we alternatively treat our task as a similarity learning problem,performing pairwise ROCF drawing comparisons to define groups that represent different cognitive states.This way of working could lead to better data utilization and improved model performance.To solve the similarity learning problem,we propose a siamese neural network(SNN)that exploits the distances of arbitrary ROCF drawings to the ideal representation of the ROCF.Our proposal is compared against various deep learning models designed for classification using a public dataset of 528 ROCF copy drawings,which are associated with either healthy individuals or those with MCI.Quantitative results are derived from a scheme involving multiple rounds of evaluation,employing both a dedicated test set and 14-fold cross-validation.Our SNN proposal demonstrates superiority in validation performance,and test results comparable to those of the classification-based deep learning models.
文摘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.
基金the Science and Technology Project of State Grid Corporation of China under Grant 5400-202117142A-0-0-00the National Natural Science Foundation of China under Grant 62372242.
文摘As the penetration ratio of wind power in active distribution networks continues to increase,the system exhibits some characteristics such as randomness and volatility.Fast and accurate short-term wind power prediction is essential for algorithms like scheduling and optimization control.Based on the spatio-temporal features of Numerical Weather Prediction(NWP)data,it proposes the WVMD_DSN(Whale Optimization Algorithm,Variational Mode Decomposition,Dual Stream Network)model.The model first applies Pearson correlation coefficient(PCC)to choose some NWP features with strong correlation to wind power to form the feature set.Then,it decomposes the feature set using Variational Mode Decomposition(VMD)to eliminate the nonstationarity and obtains Intrinsic Mode Functions(IMFs).Here Whale Optimization Algorithm(WOA)is applied to optimise the key parameters of VMD,namely the number of mode components K and penalty factor a.Finally,incorporating attention mechanism(AM),Squeeze-Excitation Network(SENet),and Bidirectional Gated Recurrent Unit(BiGRU),it constructs the dual-stream network(DSN)for short-term wind power prediction.Comparative experiments demonstrate that the WVMD_DSN model outperforms existing baseline algorithms and exhibits good generalization performance.The relevant code is available at https://github.com/ruanyuyuan/Wind-power-forecast.git(accessed on 20 August 2024).
基金supported by the Zhejiang Key Laboratory of General Aviation Operation Technology(No.JDGA2020-7)the National Natural Science Foundation of China(No.62173237)+3 种基金the Natural Science Foundation of Liaoning Province(No.2019-MS-251)the Talent Project of Revitalization Liaoning Province(No.XLYC1907022)the Key R&D Projects of Liaoning Province(No.2020JH2/10100045)the High-Level Innovation Talent Project of Shenyang(No.RC190030).
文摘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.
基金supported in part by the National Natural Science Foundation of China(under Grant Nos.51939001,61976033,U1813203,61803064,and 61751202)Natural Foundation Guidance Plan Project of Liaoning(2019‐ZD‐0151)+2 种基金Science&Technology Innovation Funds of Dalian(under Grant No.2018J11CY022)Fundamental Research Funds for the Central Universities(under Grant No.3132019345)Dalian High‐level Talents Innovation Support Program(Young Sci-ence and Technology Star Project)(under Grant No.2021RQ067).
文摘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.
基金funded by the National Natural Science Foundation of China(Grant No.52072408),author Y.C.
文摘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.
文摘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.