期刊文献+
共找到43篇文章
< 1 2 3 >
每页显示 20 50 100
Optimization method for a radar situation interface from error-cognition to information feature mapping
1
作者 WU Xiaoli WEI Wentao +2 位作者 CALDWELL Sabrina XUE Chengqi WANG Linlin 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2022年第4期924-937,共14页
With the rapid development of digital and intelligent information systems, display of radar situation interface has become an important challenge in the field of human-computer interaction. We propose a method for the... With the rapid development of digital and intelligent information systems, display of radar situation interface has become an important challenge in the field of human-computer interaction. We propose a method for the optimization of radar situation interface from error-cognition through the mapping of information characteristics. A mapping method of matrix description is adopted to analyze the association properties between error-cognition sets and design information sets. Based on the mapping relationship between the domain of error-cognition and the domain of design information, a cross-correlational analysis is carried out between error-cognition and design information.We obtain the relationship matrix between the error-cognition of correlation between design information and the degree of importance among design information. Taking the task interface of a warfare navigation display as an example, error factors and the features of design information are extracted. Based on the results, we also propose an optimization design scheme for the radar situation interface. 展开更多
关键词 radar situation interface error-cognition information feature mapping visual information display
在线阅读 下载PDF
Feature Mapping and Recuperation by Using Elliptical Basis Function Networks for Robust Speaker Verification
2
作者 李昕 郑宇 江芳泽 《Journal of Shanghai University(English Edition)》 CAS 2002年第4期331-336,共6页
The performance of speaker verification systems is often compromised under real world environments. For example, variations in handset characteristics could cause severe performance degradation. This paper presents a... The performance of speaker verification systems is often compromised under real world environments. For example, variations in handset characteristics could cause severe performance degradation. This paper presents a novel method to overcome this problem by using a non linear handset mapper. Under this method, a mapper is constructed by training an elliptical basis function network using distorted speech features as inputs and the corresponding clean features as the desired outputs. During feature recuperation, clean features are recovered by feeding the distorted features to the feature mapper. The recovered features are then presented to a speaker model as if they were derived from clean speech. Experimental evaluations based on 258 speakers of the TIMIT and NTIMIT corpuses suggest that the feature mappers improve the verification performance remarkably. 展开更多
关键词 feature mapping and recurpuration elliptical basis function (EBF) networks speaker verification.
在线阅读 下载PDF
Semi-Supervised Clustering Algorithm Based on Deep Feature Mapping
3
作者 Xiong Xu Chun Zhou +2 位作者 Chenggang Wang Xiaoyan Zhang Hua Meng 《Intelligent Automation & Soft Computing》 SCIE 2023年第7期815-831,共17页
Clustering analysis is one of the main concerns in data mining.A common approach to the clustering process is to bring together points that are close to each other and separate points that are away from each other.The... Clustering analysis is one of the main concerns in data mining.A common approach to the clustering process is to bring together points that are close to each other and separate points that are away from each other.Therefore,measuring the distance between sample points is crucial to the effectiveness of clustering.Filtering features by label information and mea-suring the distance between samples by these features is a common supervised learning method to reconstruct distance metric.However,in many application scenarios,it is very expensive to obtain a large number of labeled samples.In this paper,to solve the clustering problem in the few supervised sample and high data dimensionality scenarios,a novel semi-supervised clustering algorithm is proposed by designing an improved prototype network that attempts to reconstruct the distance metric in the sample space with a small amount of pairwise supervised information,such as Must-Link and Cannot-Link,and then cluster the data in the new metric space.The core idea is to make the similar ones closer and the dissimilar ones further away through embedding mapping.Extensive experiments on both real-world and synthetic datasets show the effectiveness of this algorithm.Average clustering metrics on various datasets improved by 8%compared to the comparison algorithm. 展开更多
关键词 Metric learning semi-supervised clustering prototypical network feature mapping
在线阅读 下载PDF
An Object-based Approach for Two-level Gully Feature Mapping Using High-resolution DEM and Imagery: A Case Study on Hilly Loess Plateau Region, China 被引量:12
4
作者 LIU Kai DING Hu +4 位作者 TANG Guoan ZHU A-Xing YANG Xin JIANG Sheng CAO Jianjun 《Chinese Geographical Science》 SCIE CSCD 2017年第3期415-430,共16页
Gully feature mapping is an indispensable prerequisite for the motioning and control of gully erosion which is a widespread natural hazard. The increasing availability of high-resolution Digital Elevation Model(DEM) a... Gully feature mapping is an indispensable prerequisite for the motioning and control of gully erosion which is a widespread natural hazard. The increasing availability of high-resolution Digital Elevation Model(DEM) and remote sensing imagery, combined with developed object-based methods enables automatic gully feature mapping. But still few studies have specifically focused on gully feature mapping on different scales. In this study, an object-based approach to two-level gully feature mapping, including gully-affected areas and bank gullies, was developed and tested on 1-m DEM and Worldview-3 imagery of a catchment in the Chinese Loess Plateau. The methodology includes a sequence of data preparation, image segmentation, metric calculation, and random forest based classification. The results of the two-level mapping were based on a random forest model after investigating the effects of feature selection and class-imbalance problem. Results show that the segmentation strategy adopted in this paper which considers the topographic information and optimal parameter combination can improve the segmentation results. The distribution of the gully-affected area is closely related to topographic information, however, the spectral features are more dominant for bank gully mapping. The highest overall accuracy of the gully-affected area mapping was 93.06% with four topographic features. The highest overall accuracy of bank gully mapping is 78.5% when all features are adopted. The proposed approach is a creditable option for hierarchical mapping of gully feature information, which is suitable for the application in hily Loess Plateau region. 展开更多
关键词 object-based image analysis gully feature hierarchical mapping gully erosion Digital Elevation Model(DEM)
在线阅读 下载PDF
Multi-scale feature fusion optical remote sensing target detection method 被引量:1
5
作者 BAI Liang DING Xuewen +1 位作者 LIU Ying CHANG Limei 《Optoelectronics Letters》 2025年第4期226-233,共8页
An improved model based on you only look once version 8(YOLOv8)is proposed to solve the problem of low detection accuracy due to the diversity of object sizes in optical remote sensing images.Firstly,the feature pyram... An improved model based on you only look once version 8(YOLOv8)is proposed to solve the problem of low detection accuracy due to the diversity of object sizes in optical remote sensing images.Firstly,the feature pyramid network(FPN)structure of the original YOLOv8 mode is replaced by the generalized-FPN(GFPN)structure in GiraffeDet to realize the"cross-layer"and"cross-scale"adaptive feature fusion,to enrich the semantic information and spatial information on the feature map to improve the target detection ability of the model.Secondly,a pyramid-pool module of multi atrous spatial pyramid pooling(MASPP)is designed by using the idea of atrous convolution and feature pyramid structure to extract multi-scale features,so as to improve the processing ability of the model for multi-scale objects.The experimental results show that the detection accuracy of the improved YOLOv8 model on DIOR dataset is 92%and mean average precision(mAP)is 87.9%,respectively 3.5%and 1.7%higher than those of the original model.It is proved the detection and classification ability of the proposed model on multi-dimensional optical remote sensing target has been improved. 展开更多
关键词 multi scale feature fusion optical remote sensing feature map improve target detection ability optical remote sensing imagesfirstlythe target detection feature fusionto enrich semantic information spatial information
原文传递
Optimized Convolutional Neural Networks with Multi-Scale Pyramid Feature Integration for Efficient Traffic Light Detection in Intelligent Transportation Systems
6
作者 Yahia Said Yahya Alassaf +2 位作者 Refka Ghodhbani Taoufik Saidani Olfa Ben Rhaiem 《Computers, Materials & Continua》 2025年第2期3005-3018,共14页
Transportation systems are experiencing a significant transformation due to the integration of advanced technologies, including artificial intelligence and machine learning. In the context of intelligent transportatio... Transportation systems are experiencing a significant transformation due to the integration of advanced technologies, including artificial intelligence and machine learning. In the context of intelligent transportation systems (ITS) and Advanced Driver Assistance Systems (ADAS), the development of efficient and reliable traffic light detection mechanisms is crucial for enhancing road safety and traffic management. This paper presents an optimized convolutional neural network (CNN) framework designed to detect traffic lights in real-time within complex urban environments. Leveraging multi-scale pyramid feature maps, the proposed model addresses key challenges such as the detection of small, occluded, and low-resolution traffic lights amidst complex backgrounds. The integration of dilated convolutions, Region of Interest (ROI) alignment, and Soft Non-Maximum Suppression (Soft-NMS) further improves detection accuracy and reduces false positives. By optimizing computational efficiency and parameter complexity, the framework is designed to operate seamlessly on embedded systems, ensuring robust performance in real-world applications. Extensive experiments using real-world datasets demonstrate that our model significantly outperforms existing methods, providing a scalable solution for ITS and ADAS applications. This research contributes to the advancement of Artificial Intelligence-driven (AI-driven) pattern recognition in transportation systems and offers a mathematical approach to improving efficiency and safety in logistics and transportation networks. 展开更多
关键词 Intelligent transportation systems(ITS) traffic light detection multi-scale pyramid feature maps advanced driver assistance systems(ADAS) real-time detection AI in transportation
在线阅读 下载PDF
Graph and Hint Based Algorithm for Machining Feature Automation Recognition and Mapping
7
作者 张汝珍 周雄辉 邱彦杰 《Journal of Shanghai Jiaotong university(Science)》 EI 2009年第5期574-579,共6页
Feature recognition is a process of extracting machining features which has engineering meaning from solid model, and it is a key technology of CAD/CAPP/CAM integration. This paper presents an effective and efficient ... Feature recognition is a process of extracting machining features which has engineering meaning from solid model, and it is a key technology of CAD/CAPP/CAM integration. This paper presents an effective and efficient methodology of recognizing machining feature. In this approach, features are classified into two categories: pocket feature and predefined feature. Different feature type adopts its special hint and heuristic rule, and is helpful to recognize intersection feature. Feature classification optimizes search algorithm and shortens search scope dramatically. Meanwhile, extension and split algorithm is used to handle intersecting feature. Moreover, feature mapping based on machining knowledge is introduced to support downstream application better. Finally, case studies with complex intersecting features prove that the developed approach has stronger recognizing ability. 展开更多
关键词 feature recognition intersecting feature feature mapping
原文传递
Improved lightweight road damage detection based on YOLOv5
8
作者 LIU Chang SUN Yu +2 位作者 CHEN Jin YANG Jing WANG Fengchao 《Optoelectronics Letters》 2025年第5期314-320,共7页
There is a problem of real-time detection difficulty in road surface damage detection. This paper proposes an improved lightweight model based on you only look once version 5(YOLOv5). Firstly, this paper fully utilize... There is a problem of real-time detection difficulty in road surface damage detection. This paper proposes an improved lightweight model based on you only look once version 5(YOLOv5). Firstly, this paper fully utilized the convolutional neural network(CNN) + ghosting bottleneck(G_bneck) architecture to reduce redundant feature maps. Afterwards, we upgraded the original upsampling algorithm to content-aware reassembly of features(CARAFE) and increased the receptive field. Finally, we replaced the spatial pyramid pooling fast(SPPF) module with the basic receptive field block(Basic RFB) pooling module and added dilated convolution. After comparative experiments, we can see that the number of parameters and model size of the improved algorithm in this paper have been reduced by nearly half compared to the YOLOv5s. The frame rate per second(FPS) has been increased by 3.25 times. The mean average precision(m AP@0.5: 0.95) has increased by 8%—17% compared to other lightweight algorithms. 展开更多
关键词 road surface damage detection convolutional neural network feature maps convolutional neural network cnn lightweight model yolov improved lightweight model spatial pyram
原文传递
DI-YOLOv5:An Improved Dual-Wavelet-Based YOLOv5 for Dense Small Object Detection
9
作者 Zi-Xin Li Yu-Long Wang Fei Wang 《IEEE/CAA Journal of Automatica Sinica》 2025年第2期457-459,共3页
Dear Editor,This letter focuses on the fact that small objects with few pixels disappear in feature maps with large receptive fields, as the network deepens, in object detection tasks. Therefore, the detection of dens... Dear Editor,This letter focuses on the fact that small objects with few pixels disappear in feature maps with large receptive fields, as the network deepens, in object detection tasks. Therefore, the detection of dense small objects is challenging. 展开更多
关键词 small objects receptive fields feature maps detection dense small objects object detection dense objects
在线阅读 下载PDF
Application of Self-Organizing Feature Map Neural Network Based on K-means Clustering in Network Intrusion Detection 被引量:5
10
作者 Ling Tan Chong Li +1 位作者 Jingming Xia Jun Cao 《Computers, Materials & Continua》 SCIE EI 2019年第7期275-288,共14页
Due to the widespread use of the Internet,customer information is vulnerable to computer systems attack,which brings urgent need for the intrusion detection technology.Recently,network intrusion detection has been one... Due to the widespread use of the Internet,customer information is vulnerable to computer systems attack,which brings urgent need for the intrusion detection technology.Recently,network intrusion detection has been one of the most important technologies in network security detection.The accuracy of network intrusion detection has reached higher accuracy so far.However,these methods have very low efficiency in network intrusion detection,even the most popular SOM neural network method.In this paper,an efficient and fast network intrusion detection method was proposed.Firstly,the fundamental of the two different methods are introduced respectively.Then,the selforganizing feature map neural network based on K-means clustering(KSOM)algorithms was presented to improve the efficiency of network intrusion detection.Finally,the NSLKDD is used as network intrusion data set to demonstrate that the KSOM method can significantly reduce the number of clustering iteration than SOM method without substantially affecting the clustering results and the accuracy is much higher than Kmeans method.The Experimental results show that our method can relatively improve the accuracy of network intrusion and significantly reduce the number of clustering iteration. 展开更多
关键词 K-means clustering self-organizing feature map neural network network security intrusion detection NSL-KDD data set
在线阅读 下载PDF
Instance Retrieval Using Region of Interest Based CNN Features 被引量:3
11
作者 Jingcheng Chen Zhili Zhou +1 位作者 Zhaoqing Pan Ching-nung Yang 《Journal of New Media》 2019年第2期87-99,共13页
Recently, image representations derived by convolutional neural networks(CNN) have achieved promising performance for instance retrieval, and they outperformthe traditional hand-crafted image features. However, most o... Recently, image representations derived by convolutional neural networks(CNN) have achieved promising performance for instance retrieval, and they outperformthe traditional hand-crafted image features. However, most of existing CNN-based featuresare proposed to describe the entire images, and thus they are less robust to backgroundclutter. This paper proposes a region of interest (RoI)-based deep convolutionalrepresentation for instance retrieval. It first detects the region of interests (RoIs) from animage, and then extracts a set of RoI-based CNN features from the fully-connected layerof CNN. The proposed RoI-based CNN feature describes the patterns of the detected RoIs,so that the visual matching can be implemented at image region-level to effectively identifytarget objects from cluttered backgrounds. Moreover, we test the performance of theproposed RoI-based CNN feature, when it is extracted from different convolutional layersor fully-connected layers. Also, we compare the performance of RoI-based CNN featurewith those of the state-of-the-art CNN features on two instance retrieval benchmarks.Experimental results show that the proposed RoI-based CNN feature provides superiorperformance than the state-of-the-art CNN features for in-stance retrieval. 展开更多
关键词 Image retrieval instance retrieval ROI CNN convolutional layer convolutional feature maps
在线阅读 下载PDF
The Testing Intelligence System Based on Factor Models and Self-Organizing Feature Maps
12
作者 A.S. Panfilova L.S. Kuravsky 《Journal of Mathematics and System Science》 2013年第7期353-358,共6页
Presented is a new testing system based on using the factor models and self-organizing feature maps as well as the method of filtering undesirable environment influence. Testing process is described by the factor mode... Presented is a new testing system based on using the factor models and self-organizing feature maps as well as the method of filtering undesirable environment influence. Testing process is described by the factor model with simplex structure, which represents the influences of genetics and environmental factors on the observed parameters - the answers to the questions of the test subjects in one case and for the time, which is spent on responding to each test question to another. The Monte Carlo method is applied to get sufficient samples for training self-organizing feature maps, which are used to estimate model goodness-of-fit measures and, consequently, ability level. A prototype of the system is implemented using the Raven's Progressive Matrices (Advanced Progressive Matrices) - an intelligence test of abstract reasoning. Elimination of environment influence results is performed by comparing the observed and predicted answers to the test tasks using the Kalman filter, which is adapted to solve the problem. The testing procedure is optimized by reducing the number of tasks using the distribution of measures to belong to different ability levels after performing each test task provided the required level of conclusion reliability is obtained. 展开更多
关键词 Self-organizing feature maps intelligence testing Kalman filter
在线阅读 下载PDF
Fast and Accurate Machine Learning Inverse Lithography Using Physics Based Feature Maps and Specially Designed DCNN
13
作者 Xuelong Shi Yan Yan +4 位作者 Tao Zhou Xueru Yu Chen Li Shoumian Chen Yuhang Zhao 《Journal of Microelectronic Manufacturing》 2020年第4期51-58,共8页
Inverse lithography technology(ILT)is intended to achieve optimal mask design to print a lithography target for a given lithography process.Full chip implementation of rigorous inverse lithography remains a challengin... Inverse lithography technology(ILT)is intended to achieve optimal mask design to print a lithography target for a given lithography process.Full chip implementation of rigorous inverse lithography remains a challenging task because of enormous computational resource requirements and long computational time.To achieve full chip ILT solution,attempts have been made by using machine learning techniques based on deep convolution neural network(DCNN).The reported input for such DCNN is the rasterized images of the lithography target;such pure geometrical input requires DCNN to possess considerable number of layers to learn the optical properties of the mask,the nonlinear imaging process,and the rigorous ILT algorithm as well.To alleviate the difficulties,we have proposed the physics based optimal feature vector design for machine learning ILT in our early report.Although physics based feature vector followed by feedforward neural network can provide the solution to machine learning ILT,the feature vector is long and it can consume considerable amount of memory resource in practical implementation.To improve the resource efficiency,we proposed a hybrid approach in this study by combining first few physics based feature maps with a specially designed DCNN structure to learn the rigorous ILT algorithm.Our results show that this approach can make machine learning ILT easy,fast and more accurate. 展开更多
关键词 Optimal feature maps inverse lithography technology(ILT) deep convolution neural network(DCNN).
在线阅读 下载PDF
Quantum support vector machine for multi classification
14
作者 Li Xu Xiao-yu Zhang +1 位作者 Ming Li Shu-qian Shen 《Communications in Theoretical Physics》 SCIE CAS CSCD 2024年第7期57-62,共6页
Classical machine learning algorithms seem to be totally incapable of processing tremendous data,while quantum machine learning algorithms could deal with big data unhurriedly and provide exponential acceleration over... Classical machine learning algorithms seem to be totally incapable of processing tremendous data,while quantum machine learning algorithms could deal with big data unhurriedly and provide exponential acceleration over classical counterparts.In this paper,we propose two quantum support vector machine algorithms for multi classification.One is the quantum version of the directed acyclic graph support vector machine.The other one is to use the Grover search algorithm before measurement,which amplifies the amplitude of the phase storing of the classification result.For k classification,the former provides quadratic reduction in computational complexity when classifying.The latter accelerates the training speed significantly and more importantly,the classification result can be read out with a probability of at least 50%using only one measurement.We conduct numerical simulations on two algorithms,and their classification success rates are 96%and 88.7%,respectively. 展开更多
关键词 quantum support vector machine quantum feature mapping Grover search algorithm
原文传递
An improved deep dilated convolutional neural network for seismic facies interpretation 被引量:1
15
作者 Na-Xia Yang Guo-Fa Li +2 位作者 Ting-Hui Li Dong-Feng Zhao Wei-Wei Gu 《Petroleum Science》 SCIE EI CAS CSCD 2024年第3期1569-1583,共15页
With the successful application and breakthrough of deep learning technology in image segmentation,there has been continuous development in the field of seismic facies interpretation using convolutional neural network... With the successful application and breakthrough of deep learning technology in image segmentation,there has been continuous development in the field of seismic facies interpretation using convolutional neural networks.These intelligent and automated methods significantly reduce manual labor,particularly in the laborious task of manually labeling seismic facies.However,the extensive demand for training data imposes limitations on their wider application.To overcome this challenge,we adopt the UNet architecture as the foundational network structure for seismic facies classification,which has demonstrated effective segmentation results even with small-sample training data.Additionally,we integrate spatial pyramid pooling and dilated convolution modules into the network architecture to enhance the perception of spatial information across a broader range.The seismic facies classification test on the public data from the F3 block verifies the superior performance of our proposed improved network structure in delineating seismic facies boundaries.Comparative analysis against the traditional UNet model reveals that our method achieves more accurate predictive classification results,as evidenced by various evaluation metrics for image segmentation.Obviously,the classification accuracy reaches an impressive 96%.Furthermore,the results of seismic facies classification in the seismic slice dimension provide further confirmation of the superior performance of our proposed method,which accurately defines the range of different seismic facies.This approach holds significant potential for analyzing geological patterns and extracting valuable depositional information. 展开更多
关键词 Seismic facies interpretation Dilated convolution Spatial pyramid pooling Internal feature maps Compound loss function
原文传递
Omni-Detection of Adversarial Examples with Diverse Magnitudes
16
作者 Ke Jianpeng Wang Wenqi +3 位作者 Yang Kang Wang Lina Ye Aoshuang Wang Run 《China Communications》 SCIE CSCD 2024年第12期139-151,共13页
Deep neural networks(DNNs)are poten-tially susceptible to adversarial examples that are ma-liciously manipulated by adding imperceptible pertur-bations to legitimate inputs,leading to abnormal be-havior of models.Plen... Deep neural networks(DNNs)are poten-tially susceptible to adversarial examples that are ma-liciously manipulated by adding imperceptible pertur-bations to legitimate inputs,leading to abnormal be-havior of models.Plenty of methods have been pro-posed to defend against adversarial examples.How-ever,the majority of them are suffering the follow-ing weaknesses:1)lack of generalization and prac-ticality.2)fail to deal with unknown attacks.To ad-dress the above issues,we design the adversarial na-ture eraser(ANE)and feature map detector(FMD)to detect fragile and high-intensity adversarial examples,respectively.Then,we apply the ensemble learning method to compose our detector,dealing with adver-sarial examples with diverse magnitudes in a divide-and-conquer manner.Experimental results show that our approach achieves 99.30%and 99.62%Area un-der Curve(AUC)scores on average when tested with various Lp norm-based attacks on CIFAR-10 and Im-ageNet,respectively.Furthermore,our approach also shows its potential in detecting unknown attacks. 展开更多
关键词 adversarial example detection ensemble learning feature maps fragile and high-intensity ad-versarial examples
在线阅读 下载PDF
DGConv: A Novel Convolutional Neural Network Approach for Weld Seam Depth Image Detection
17
作者 Pengchao Li Fang Xu +3 位作者 Jintao Wang Haibing Guo Mingmin Liu Zhenjun Du 《Computers, Materials & Continua》 SCIE EI 2024年第2期1755-1771,共17页
We propose a novel image segmentation algorithm to tackle the challenge of limited recognition and segmentation performance in identifying welding seam images during robotic intelligent operations.Initially,to enhance... We propose a novel image segmentation algorithm to tackle the challenge of limited recognition and segmentation performance in identifying welding seam images during robotic intelligent operations.Initially,to enhance the capability of deep neural networks in extracting geometric attributes from depth images,we developed a novel deep geometric convolution operator(DGConv).DGConv is utilized to construct a deep local geometric feature extraction module,facilitating a more comprehensive exploration of the intrinsic geometric information within depth images.Secondly,we integrate the newly proposed deep geometric feature module with the Fully Convolutional Network(FCN8)to establish a high-performance deep neural network algorithm tailored for depth image segmentation.Concurrently,we enhance the FCN8 detection head by separating the segmentation and classification processes.This enhancement significantly boosts the network’s overall detection capability.Thirdly,for a comprehensive assessment of our proposed algorithm and its applicability in real-world industrial settings,we curated a line-scan image dataset featuring weld seams.This dataset,named the Standardized Linear Depth Profile(SLDP)dataset,was collected from actual industrial sites where autonomous robots are in operation.Ultimately,we conducted experiments utilizing the SLDP dataset,achieving an average accuracy of 92.7%.Our proposed approach exhibited a remarkable performance improvement over the prior method on the identical dataset.Moreover,we have successfully deployed the proposed algorithm in genuine industrial environments,fulfilling the prerequisites of unmanned robot operations. 展开更多
关键词 Weld image detection deep learning semantic segmentation depth map geometric feature extraction
在线阅读 下载PDF
Adversarial Attack on Object Detection via Object Feature-Wise Attention and Perturbation Extraction
18
作者 Wei Xue Xiaoyan Xia +2 位作者 Pengcheng Wan Ping Zhong Xiao Zheng 《Tsinghua Science and Technology》 2025年第3期1174-1189,共16页
Deep neural networks are commonly used in computer vision tasks,but they are vulnerable to adversarial samples,resulting in poor recognition accuracy.Although traditional algorithms that craft adversarial samples have... Deep neural networks are commonly used in computer vision tasks,but they are vulnerable to adversarial samples,resulting in poor recognition accuracy.Although traditional algorithms that craft adversarial samples have been effective in attacking classification models,the attacking performance degrades when facing object detection models with more complex structures.To address this issue better,in this paper we first analyze the mechanism of multi-scale feature extraction of object detection models,and then by constructing the object feature-wise attention module and the perturbation extraction module,a novel adversarial sample generation algorithm for attacking detection models is proposed.Specifically,in the first module,based on the multi-scale feature map,we reduce the range of perturbation and improve the stealthiness of adversarial samples by computing the noise distribution in the object region.Then in the second module,we feed the noise distribution into the generative adversarial networks to generate adversarial perturbation with strong attack transferability.By doing so,the proposed approach possesses the ability to better confuse the judgment of detection models.Experiments carried out on the DroneVehicle dataset show that our method is computationally efficient and works well in attacking detection models measured by qualitative analysis and quantitative analysis. 展开更多
关键词 adversarial attack transfer attack object detection generative adversarial networks multi-scale feature map
原文传递
An Emotion Analysis Method Using Multi-Channel Convolution Neural Network in Social Networks 被引量:2
19
作者 Xinxin Lu Hong Zhang 《Computer Modeling in Engineering & Sciences》 SCIE EI 2020年第10期281-297,共17页
As an interdisciplinary comprehensive subject involving multidisciplinary knowledge,emotional analysis has become a hot topic in psychology,health medicine and computer science.It has a high comprehensive and practica... As an interdisciplinary comprehensive subject involving multidisciplinary knowledge,emotional analysis has become a hot topic in psychology,health medicine and computer science.It has a high comprehensive and practical application value.Emotion research based on the social network is a relatively new topic in the field of psychology and medical health research.The text emotion analysis of college students also has an important research significance for the emotional state of students at a certain time or a certain period,so as to understand their normal state,abnormal state and the reason of state change from the information they wrote.In view of the fact that convolutional neural network cannot make full use of the unique emotional information in sentences,and the need to label a large number of highquality training sets for emotional analysis to improve the accuracy of the model,an emotional analysismodel using the emotional dictionary andmultichannel convolutional neural network is proposed in this paper.Firstly,the input matrix of emotion dictionary is constructed according to the emotion information,and the different feature information of sentences is combined to form different network input channels,so that the model can learn the emotion information of input sentences from various feature representations in the training process.Then,the loss function is reconstructed to realize the semi supervised learning of the network.Finally,experiments are carried on COAE 2014 and self-built data sets.The proposed model can not only extract more semantic information in emotional text,but also learn the hidden emotional information in emotional text.The experimental results show that the proposed emotion analysis model can achieve a better classification performance.Compared with the best benchmark model gram-CNN,the F1 value can be increased by 0.026 in the self-built data set,and it can be increased by 0.032 in the COAE 2014 data set. 展开更多
关键词 Emotion analysis model emotion dictionary convolution neural network semi supervised learning deep learning pooling feature feature mapping
在线阅读 下载PDF
A Study on Classification and Detection of Small Moths Using CNN Model 被引量:3
20
作者 Sang-Hyun Lee 《Computers, Materials & Continua》 SCIE EI 2022年第4期1987-1998,共12页
Currently,there are many limitations to classify images of small objects.In addition,there are limitations such as error detection due to external factors,and there is also a disadvantage that it is difficult to accur... Currently,there are many limitations to classify images of small objects.In addition,there are limitations such as error detection due to external factors,and there is also a disadvantage that it is difficult to accurately distinguish between various objects.This paper uses a convolutional neural network(CNN)algorithm to recognize and classify object images of very small moths and obtain precise data images.A convolution neural network algorithm is used for image data classification,and the classified image is transformed into image data to learn the topological structure of the image.To improve the accuracy of the image classification and reduce the loss rate,a parameter for finding a fast-optimal point of image classification is set by a convolutional neural network and a pixel image as a preprocessor.As a result of this study,we applied a convolution neural network algorithm to classify the images of very small moths by capturing precise images of the moths.Experimental results showed that the accuracy of classification of very small moths was more than 90%. 展开更多
关键词 Convolution neural network rectified linear unit activation function pooling feature map
在线阅读 下载PDF
上一页 1 2 3 下一页 到第
使用帮助 返回顶部