期刊文献+
共找到13篇文章
< 1 >
每页显示 20 50 100
NFHP-RN:AMethod of Few-Shot Network Attack Detection Based on the Network Flow Holographic Picture-ResNet
1
作者 Tao Yi Xingshu Chen +2 位作者 Mingdong Yang Qindong Li Yi Zhu 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第7期929-955,共27页
Due to the rapid evolution of Advanced Persistent Threats(APTs)attacks,the emergence of new and rare attack samples,and even those never seen before,make it challenging for traditional rule-based detection methods to ... Due to the rapid evolution of Advanced Persistent Threats(APTs)attacks,the emergence of new and rare attack samples,and even those never seen before,make it challenging for traditional rule-based detection methods to extract universal rules for effective detection.With the progress in techniques such as transfer learning and meta-learning,few-shot network attack detection has progressed.However,challenges in few-shot network attack detection arise from the inability of time sequence flow features to adapt to the fixed length input requirement of deep learning,difficulties in capturing rich information from original flow in the case of insufficient samples,and the challenge of high-level abstract representation.To address these challenges,a few-shot network attack detection based on NFHP(Network Flow Holographic Picture)-RN(ResNet)is proposed.Specifically,leveraging inherent properties of images such as translation invariance,rotation invariance,scale invariance,and illumination invariance,network attack traffic features and contextual relationships are intuitively represented in NFHP.In addition,an improved RN network model is employed for high-level abstract feature extraction,ensuring that the extracted high-level abstract features maintain the detailed characteristics of the original traffic behavior,regardless of changes in background traffic.Finally,a meta-learning model based on the self-attention mechanism is constructed,achieving the detection of novel APT few-shot network attacks through the empirical generalization of high-level abstract feature representations of known-class network attack behaviors.Experimental results demonstrate that the proposed method can learn high-level abstract features of network attacks across different traffic detail granularities.Comparedwith state-of-the-artmethods,it achieves favorable accuracy,precision,recall,and F1 scores for the identification of unknown-class network attacks through cross-validation onmultiple datasets. 展开更多
关键词 APT attacks spatial pyramid pooling NFHP(network flow holo-graphic picture) ResNet self-attention mechanism META-LEARNING
下载PDF
An improved deep dilated convolutional neural network for seismic facies interpretation
2
作者 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
下载PDF
A multivariate grey incidence model for different scale data based on spatial pyramid pooling 被引量:4
3
作者 ZHANG Ke CUI Le YIN Yao 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2020年第4期770-779,共10页
In order to solve the problem that existing multivariate grey incidence models cannot be applied to time series on different scales, a new model is proposed based on spatial pyramid pooling.Firstly, local features of ... In order to solve the problem that existing multivariate grey incidence models cannot be applied to time series on different scales, a new model is proposed based on spatial pyramid pooling.Firstly, local features of multivariate time series on different scales are pooled and aggregated by spatial pyramid pooling to construct n levels feature pooling matrices on the same scale. Secondly,Deng's multivariate grey incidence model is introduced to measure the degree of incidence between feature pooling matrices at each level. Thirdly, grey incidence degrees at each level are integrated into a global incidence degree. Finally, the performance of the proposed model is verified on two data sets compared with a variety of algorithms. The results illustrate that the proposed model is more effective and efficient than other similarity measure algorithms. 展开更多
关键词 grey system spatial pyramid pooling grey incidence multivariate time series
下载PDF
Local-Tetra-Patterns for Face Recognition Encoded on Spatial Pyramid Matching
4
作者 Khuram Nawaz Khayam Zahid Mehmood +4 位作者 Hassan Nazeer Chaudhry Muhammad Usman Ashraf Usman Tariq Mohammed Nawaf Altouri Khalid Alsubhi 《Computers, Materials & Continua》 SCIE EI 2022年第3期5039-5058,共20页
Face recognition is a big challenge in the research field with a lot of problems like misalignment,illumination changes,pose variations,occlusion,and expressions.Providing a single solution to solve all these problems... Face recognition is a big challenge in the research field with a lot of problems like misalignment,illumination changes,pose variations,occlusion,and expressions.Providing a single solution to solve all these problems at a time is a challenging task.We have put some effort to provide a solution to solving all these issues by introducing a face recognition model based on local tetra patterns and spatial pyramid matching.The technique is based on a procedure where the input image is passed through an algorithm that extracts local features by using spatial pyramid matching andmax-pooling.Finally,the input image is recognized using a robust kernel representation method using extracted features.The qualitative and quantitative analysis of the proposed method is carried on benchmark image datasets.Experimental results showed that the proposed method performs better in terms of standard performance evaluation parameters as compared to state-of-the-art methods on AR,ORL,LFW,and FERET face recognition datasets. 展开更多
关键词 Face recognition local tetra patterns spatial pyramid matching robust kernel representation max-pooling
下载PDF
基于特征增强的轻量级无人机目标检测算法
5
作者 陈运雷 刘紫燕 +3 位作者 吴应雨 郑旭晖 张倩 杨模 《传感技术学报》 CAS CSCD 北大核心 2023年第6期901-910,共10页
针对无人机航拍图像特征少,小尺寸目标多以及检测任务实时性要求高等问题,以YOLOX算法为基础提出基于特征增强的轻量级无人机目标检测算法。首先,设计更加轻量的密集残差网络结构ResNet_G优化模型的主干网络,提升模型对图像特征的利用率... 针对无人机航拍图像特征少,小尺寸目标多以及检测任务实时性要求高等问题,以YOLOX算法为基础提出基于特征增强的轻量级无人机目标检测算法。首先,设计更加轻量的密集残差网络结构ResNet_G优化模型的主干网络,提升模型对图像特征的利用率,同时降低模型复杂度;其次,提出基于注意力机制的Atrous Spatial Pyramid Pooling(ASPP)模块作为特征增强模块,加强上下文信息关联度以减少丢失小目标特征;最后,使用Focal Loss函数与CDIoU Loss函数,改善负样本对模型权重的影响以提高对密集目标的识别能力。实验结果表明,与原网络相比,改进后算法在VisDrone2021数据集上平均检测精度提升5.08%,参数量减少0.25 M,推理时间降低2.21 ms。 展开更多
关键词 无人机小目标检测 轻量化 Ghost模块 Atrous spatial Pyramid Pooling(ASPP) CDIoU Loss Focal Loss
下载PDF
PF-YOLOv4-Tiny: Towards Infrared Target Detection on Embedded Platform
6
作者 Wenbo Li Qi Wang Shang Gao 《Intelligent Automation & Soft Computing》 SCIE 2023年第7期921-938,共18页
Infrared target detection models are more required than ever before to be deployed on embedded platforms,which requires models with less memory consumption and better real-time performance while considering accuracy.T... Infrared target detection models are more required than ever before to be deployed on embedded platforms,which requires models with less memory consumption and better real-time performance while considering accuracy.To address the above challenges,we propose a modified You Only Look Once(YOLO)algorithm PF-YOLOv4-Tiny.The algorithm incorpo-rates spatial pyramidal pooling(SPP)and squeeze-and-excitation(SE)visual attention modules to enhance the target localization capability.The PANet-based-feature pyramid networks(P-FPN)are proposed to transfer semantic information and location information simultaneously to ameliorate detection accuracy.To lighten the network,the standard convolutions other than the backbone network are replaced with depthwise separable convolutions.In post-processing the images,the soft-non-maximum suppression(soft-NMS)algorithm is employed to subside the missed and false detection problems caused by the occlusion between targets.The accuracy of our model can finally reach 61.75%,while the total Params is only 9.3 M and GFLOPs is 11.At the same time,the inference speed reaches 87 FPS on NVIDIA GeForce GTX 1650 Ti,which can meet the requirements of the infrared target detection algorithm for the embedded deployments. 展开更多
关键词 Infrared target detection visual attention module spatial pyramid pooling dual-path feature fusion depthwise separable convolution soft-NMS
下载PDF
Robust Texture Classification via Group-Collaboratively Representation-Based Strategy 被引量:1
7
作者 Xiao-Ling Xia Hang-Hui Huang 《Journal of Electronic Science and Technology》 CAS 2013年第4期412-416,共5页
In this paper, we present a simple but powerful ensemble for robust texture classification. The proposed method uses a single type of feature descriptor, i.e. scale-invariant feature transform (SIFT), and inherits t... In this paper, we present a simple but powerful ensemble for robust texture classification. The proposed method uses a single type of feature descriptor, i.e. scale-invariant feature transform (SIFT), and inherits the spirit of the spatial pyramid matching model (SPM). In a flexible way of partitioning the original texture images, our approach can produce sufficient informative local features and thereby form a reliable feature pond or train a new class-specific dictionary. To take full advantage of this feature pond, we develop a group-collaboratively representation-based strategy (GCRS) for the final classification. It is solved by the well-known group lasso. But we go beyond of this and propose a locality-constraint method to speed up this, named local constraint-GCRS (LC-GCRS). Experimental results on three public texture datasets demonstrate the proposed approach achieves competitive outcomes and even outperforms the state-of-the-art methods. Particularly, most of methods cannot work well when only a few samples of each category are available for training, but our approach still achieves very high classification accuracy, e.g. an average accuracy of 92.1% for the Brodatz dataset when only one image is used for training, significantly higher than any other methods. 展开更多
关键词 Dictionary learning group lasso localconstraint spatial pyramid matching textureclassification.
下载PDF
Multi-Object Detection of Chinese License Plate in Complex Scenes
8
作者 Dan Liu Yajuan Wu +2 位作者 Yuxin He Lu Qin Bochuan Zheng 《Computer Systems Science & Engineering》 SCIE EI 2021年第1期145-156,共12页
Multi-license plate detection in complex scenes is still a challenging task because of multiple vehicle license plates with different sizes and classes in the images having complex background.The edge features of high... Multi-license plate detection in complex scenes is still a challenging task because of multiple vehicle license plates with different sizes and classes in the images having complex background.The edge features of high-density distribution and the high curvature features of stroke turning of Chinese character are important signs to distinguish Chinese license plate from other objects.To accurately detect multiple vehicle license plates with different sizes and classes in complex scenes,a multi-object detection of Chinese license plate method based on improved YOLOv3 network was proposed in this research.The improvements include replacing the residual block of the YOLOv3 backbone network with the Inception-ResNet-A block,imbedding the SPP block into the detection network,cutting the redundant Inception-ResNet-A block to suit for the multi-license plate detection task,and clustering the ground truth boxes of license plates to obtain a new set of anchor boxes.A Chinese vehicle license plate image dataset was built for training and testing the improved network,and the location and class of the license plates in each image were accurately labeled.The dataset has 62,153 pieces of images and 4 classes of China vehicle license plates,almost images have multiple license plates with different sizes.Experiments demonstrated that the multilicense plate detection method obtained 83.4%mAP,98.88%precision,98.17%recall,98.52 F1 score,89.196 BFLOPS and 22 FPS on the test dataset,and whole performance was better than the other five compared networks including YOLOv3,SSD,Faster-RCNN,EfficientDet and RetinaNet. 展开更多
关键词 Chinese vehicle license plate multiple license plate multi-object detection Inception-ResNet-A spatial pyramid pooling
下载PDF
HSPOG:An Optimized Target Recognition Method Based on Histogram of Spatial Pyramid Oriented Gradients 被引量:4
9
作者 Shaojun Guo Feng Liu +3 位作者 Xiaohu Yuan Chunrong Zou Li Chen Tongsheng Shen 《Tsinghua Science and Technology》 SCIE EI CAS CSCD 2021年第4期475-483,共9页
The Histograms of Oriented Gradients(HOG)can produce good results in an image target recognition mission,but it requires the same size of the target images for classification of inputs.In response to this shortcoming,... The Histograms of Oriented Gradients(HOG)can produce good results in an image target recognition mission,but it requires the same size of the target images for classification of inputs.In response to this shortcoming,this paper performs spatial pyramid segmentation on target images of any size,gets the pixel size of each image block dynamically,and further calculates and normalizes the gradient of the oriented feature of each block region in each image layer.The new feature is called the Histogram of Spatial Pyramid Oriented Gradients(HSPOG).This approach can obtain stable vectors for images of any size,and increase the target detection rate in the image recognition process significantly.Finally,the article verifies the algorithm using VOC2012 image data and compares the effect of HOG. 展开更多
关键词 Histograms of Oriented Gradients(HOG) Histogram of spatial Pyramid Oriented Gradients(HSPOG) object recognition spatial pyramid segmentation
原文传递
Automatic Segmentation Method for Cone-Beam Computed Tomography Image of the Bone Graft Region within Maxillary Sinus Based on the Atrous Spatial Pyramid Convolution Network 被引量:1
10
作者 XU Jiangchang HE Shamin +2 位作者 YU Dedong WU Yiqun CHEN Xiaojun 《Journal of Shanghai Jiaotong university(Science)》 EI 2021年第3期298-305,共8页
Sinus floor elevation with a lateral window approach requires bone graft(BG)to ensure sufficient bone mass,and it is necessary to measure and analyse the BG region for follow-up of postoperative patients.However,the B... Sinus floor elevation with a lateral window approach requires bone graft(BG)to ensure sufficient bone mass,and it is necessary to measure and analyse the BG region for follow-up of postoperative patients.However,the BG region from cone-beam computed tomography(CBCT)images is connected to the margin of the maxillary sinus,and its boundary is blurred.Common segmentation methods are usually performed manually by experienced doctors,and are complicated by challenges such as low efficiency and low precision.In this study,an auto-segmentation approach was applied to the BG region within the maxillary sinus based on an atrous spatial pyramid convolution(ASPC)network.The ASPC module was adopted using residual connections to compose multiple atrous convolutions,which could extract more features on multiple scales.Subsequently,a segmentation network of the BG region with multiple ASPC modules was established,which effectively improved the segmentation performance.Although the training data were insufficient,our networks still achieved good auto-segmentation results,with a dice coefficient(Dice)of 87.13%,an Intersection over Union(Iou)of 78.01%,and a sensitivity of 95.02%.Compared with other methods,our method achieved a better segmentation effect,and effectively reduced the misjudgement of segmentation.Our method can thus be used to implement automatic segmentation of the BG region and improve doctors’work efficiency,which is of great importance for developing preliminary studies on the measurement of postoperative BG within the maxillary sinus. 展开更多
关键词 atrous spatial pyramid convolution(ASPC) bone graft(BG)region medical image segmentation residual connection
原文传递
Three-dimensional nanoscale reduced-angle ptycho-tomographic imaging with deep learning(RAPID) 被引量:1
11
作者 Ziling Wu Iksung Kang +5 位作者 Yudong Yao Yi Jiang Junjing Deng Jeffrey Klug Stefan Vogt George Barbastathis 《eLight》 2023年第1期198-210,共13页
X-ray ptychographic tomography is a nondestructive method for three dimensional(3D)imaging with nanometer-sized resolvable features.The size of the volume that can be imaged is almost arbitrary,limited only by the pen... X-ray ptychographic tomography is a nondestructive method for three dimensional(3D)imaging with nanometer-sized resolvable features.The size of the volume that can be imaged is almost arbitrary,limited only by the penetration depth and the available scanning time.Here we present a method that rapidly accelerates the imaging operation over a given volume through acquiring a limited set of data via large angular reduction and compensating for the resulting ill-posedness through deeply learned priors.The proposed 3D reconstruction method“RAPID”relies initially on a subset of the object measured with the nominal number of required illumination angles and treats the reconstructions from the conventional two-step approach as ground truth.It is then trained to reproduce equal fidelity from much fewer angles.After training,it performs with similar fidelity on the hitherto unexamined portions of the object,previously not shown during training,with a limited set of acquisitions.In our experimental demonstration,the nominal number of angles was 349 and the reduced number of angles was 21,resulting in a×140 aggregate speedup over a volume of 4.48×93.18×3.92μm^(3) and with(14 nm)^(3) feature size,i.e.-10^(8) voxels.RAPID’s key distinguishing feature over earlier attempts is the incorporation of atrous spatial pyramid pooling modules into the deep neural network framework in an anisotropic way.We found that adjusting the atrous rate improves reconstruction fidelity because it expands the convolutional kernels’range to match the physics of multi-slice ptychography without significantly increasing the number of parameters. 展开更多
关键词 X-ray ptychographic tomography Deep learning Reduced-angle Rapid imaging Atrous spatial pyramid pooling ANISOTROPIC
原文传递
3D pulmonary vessel segmentation based on improved residual attention u-net
12
作者 Jiachen Han Naixin He +2 位作者 Qiang Zheng Lin Li Chaoqing Ma 《Medicine in Novel Technology and Devices》 2023年第4期64-75,共12页
Automatic segmentation of pulmonary vessels is a fundamental and essential task for the diagnosis of various pulmonary vessels diseases.The accuracy of segmentation is suffering from the complex vascular structure.In ... Automatic segmentation of pulmonary vessels is a fundamental and essential task for the diagnosis of various pulmonary vessels diseases.The accuracy of segmentation is suffering from the complex vascular structure.In this paper,an Improved Residual Attention U-Net(IRAU-Net)aiming to segment pulmonary vessel in 3D is proposed.To extract more vessel structure information,the Squeeze and Excitation(SE)block is embedded in the down sampling stage.And in the up sampling stage,the global attention module(GAM)is used to capture target features in both high and low levels.These two stages are connected by Atrous Spatial Pyramid Pooling(ASPP)which can sample in various receptive fields with a low computational cost.By the evaluation experiment,the better performance of IRAU-Net on the segmentation of terminal vessel is indicated.It is expected to provide robust support for clinical diagnosis and treatment. 展开更多
关键词 Pulmonary vessel segmentation RAU-Net Squeeze and excitation Atrous spatial pyramid pooling Deep learning
原文传递
Scale variant vehicle object recognition by CNN module of multipooling- PCA process
13
作者 Yuxiang Guo Itsuo Kumazawa Chuyo Kaku 《Journal of Intelligent and Connected Vehicles》 EI 2023年第4期227-236,共10页
The moving vehicles present different scales in the image due to the perspective effect of different viewpoint distances.The premise of advanced driver assistance system(ADAS)system for safety surveillance and safe dr... The moving vehicles present different scales in the image due to the perspective effect of different viewpoint distances.The premise of advanced driver assistance system(ADAS)system for safety surveillance and safe driving is early identification of vehicle targets in front of the ego vehicle.The recognition of the same vehicle at different scales requires feature learning with scale invariance.Unlike existing feature vector methods,the normalized PCA eigenvalues calculated from feature maps are used to extract scale-invariant features.This study proposed a convolutional neural network(CNN)structure embedded with the module of multi-pooling-PCA for scale variant object recognition.The validation of the proposed network structure is verified by scale variant vehicle image dataset.Compared with scale invariant network algorithms of Scale-invariant feature transform(SIFT)and FSAF as well as miscellaneous networks,the proposed network can achieve the best recognition accuracy tested by the vehicle scale variant dataset.To testify the practicality of this modified network,the testing of public dataset ImageNet is done and the comparable results proved its effectiveness in general purpose of applications. 展开更多
关键词 object detection scale invariance spatial pyramid pooling multi-pooling convolutional neural network(CNN)
原文传递
上一页 1 下一页 到第
使用帮助 返回顶部