期刊文献+
共找到246篇文章
< 1 2 13 >
每页显示 20 50 100
A Lightweight Convolutional Neural Network with Hierarchical Multi-Scale Feature Fusion for Image Classification
1
作者 Adama Dembele Ronald Waweru Mwangi Ananda Omutokoh Kube 《Journal of Computer and Communications》 2024年第2期173-200,共28页
Convolutional neural networks (CNNs) are widely used in image classification tasks, but their increasing model size and computation make them challenging to implement on embedded systems with constrained hardware reso... Convolutional neural networks (CNNs) are widely used in image classification tasks, but their increasing model size and computation make them challenging to implement on embedded systems with constrained hardware resources. To address this issue, the MobileNetV1 network was developed, which employs depthwise convolution to reduce network complexity. MobileNetV1 employs a stride of 2 in several convolutional layers to decrease the spatial resolution of feature maps, thereby lowering computational costs. However, this stride setting can lead to a loss of spatial information, particularly affecting the detection and representation of smaller objects or finer details in images. To maintain the trade-off between complexity and model performance, a lightweight convolutional neural network with hierarchical multi-scale feature fusion based on the MobileNetV1 network is proposed. The network consists of two main subnetworks. The first subnetwork uses a depthwise dilated separable convolution (DDSC) layer to learn imaging features with fewer parameters, which results in a lightweight and computationally inexpensive network. Furthermore, depthwise dilated convolution in DDSC layer effectively expands the field of view of filters, allowing them to incorporate a larger context. The second subnetwork is a hierarchical multi-scale feature fusion (HMFF) module that uses parallel multi-resolution branches architecture to process the input feature map in order to extract the multi-scale feature information of the input image. Experimental results on the CIFAR-10, Malaria, and KvasirV1 datasets demonstrate that the proposed method is efficient, reducing the network parameters and computational cost by 65.02% and 39.78%, respectively, while maintaining the network performance compared to the MobileNetV1 baseline. 展开更多
关键词 MobileNet image Classification Lightweight Convolutional Neural Network Depthwise Dilated Separable Convolution Hierarchical multi-scale Feature Fusion
下载PDF
Scale-space effect and scale hybridization in image intelligent recognition of geological discontinuities on rock slopes
2
作者 Mingyang Wang Enzhi Wang +1 位作者 Xiaoli Liu Congcong Wang 《Journal of Rock Mechanics and Geotechnical Engineering》 SCIE CSCD 2024年第4期1315-1336,共22页
Geological discontinuity(GD)plays a pivotal role in determining the catastrophic mechanical failure of jointed rock masses.Accurate and efficient acquisition of GD networks is essential for characterizing and understa... Geological discontinuity(GD)plays a pivotal role in determining the catastrophic mechanical failure of jointed rock masses.Accurate and efficient acquisition of GD networks is essential for characterizing and understanding the progressive damage mechanisms of slopes based on monitoring image data.Inspired by recent advances in computer vision,deep learning(DL)models have been widely utilized for image-based fracture identification.The multi-scale characteristics,image resolution and annotation quality of images will cause a scale-space effect(SSE)that makes features indistinguishable from noise,directly affecting the accuracy.However,this effect has not received adequate attention.Herein,we try to address this gap by collecting slope images at various proportional scales and constructing multi-scale datasets using image processing techniques.Next,we quantify the intensity of feature signals using metrics such as peak signal-to-noise ratio(PSNR)and structural similarity(SSIM).Combining these metrics with the scale-space theory,we investigate the influence of the SSE on the differentiation of multi-scale features and the accuracy of recognition.It is found that augmenting the image's detail capacity does not always yield benefits for vision-based recognition models.In light of these observations,we propose a scale hybridization approach based on the diffusion mechanism of scale-space representation.The results show that scale hybridization strengthens the tolerance of multi-scale feature recognition under complex environmental noise interference and significantly enhances the recognition accuracy of GD.It also facilitates the objective understanding,description and analysis of the rock behavior and stability of slopes from the perspective of image data. 展开更多
关键词 image processing Geological discontinuities Deep learning multi-scale Scale-space theory Scale hybridization
下载PDF
MSD-Net: Pneumonia Classification Model Based on Multi-Scale Directional Feature Enhancement
3
作者 Tao Zhou Yujie Guo +3 位作者 Caiyue Peng Yuxia Niu Yunfeng Pan Huiling Lu 《Computers, Materials & Continua》 SCIE EI 2024年第6期4863-4882,共20页
Computer-aided diagnosis of pneumonia based on deep learning is a research hotspot.However,there are some problems that the features of different sizes and different directions are not sufficient when extracting the f... Computer-aided diagnosis of pneumonia based on deep learning is a research hotspot.However,there are some problems that the features of different sizes and different directions are not sufficient when extracting the features in lung X-ray images.A pneumonia classification model based on multi-scale directional feature enhancement MSD-Net is proposed in this paper.The main innovations are as follows:Firstly,the Multi-scale Residual Feature Extraction Module(MRFEM)is designed to effectively extract multi-scale features.The MRFEM uses dilated convolutions with different expansion rates to increase the receptive field and extract multi-scale features effectively.Secondly,the Multi-scale Directional Feature Perception Module(MDFPM)is designed,which uses a three-branch structure of different sizes convolution to transmit direction feature layer by layer,and focuses on the target region to enhance the feature information.Thirdly,the Axial Compression Former Module(ACFM)is designed to perform global calculations to enhance the perception ability of global features in different directions.To verify the effectiveness of the MSD-Net,comparative experiments and ablation experiments are carried out.In the COVID-19 RADIOGRAPHY DATABASE,the Accuracy,Recall,Precision,F1 Score,and Specificity of MSD-Net are 97.76%,95.57%,95.52%,95.52%,and 98.51%,respectively.In the chest X-ray dataset,the Accuracy,Recall,Precision,F1 Score and Specificity of MSD-Net are 97.78%,95.22%,96.49%,95.58%,and 98.11%,respectively.This model improves the accuracy of lung image recognition effectively and provides an important clinical reference to pneumonia Computer-Aided Diagnosis. 展开更多
关键词 PNEUMONIA X-ray image ResNet multi-scale feature direction feature TRANSFORMER
下载PDF
Image Inpainting Technique Incorporating Edge Prior and Attention Mechanism
4
作者 Jinxian Bai Yao Fan +1 位作者 Zhiwei Zhao Lizhi Zheng 《Computers, Materials & Continua》 SCIE EI 2024年第1期999-1025,共27页
Recently,deep learning-based image inpainting methods have made great strides in reconstructing damaged regions.However,these methods often struggle to produce satisfactory results when dealing with missing images wit... Recently,deep learning-based image inpainting methods have made great strides in reconstructing damaged regions.However,these methods often struggle to produce satisfactory results when dealing with missing images with large holes,leading to distortions in the structure and blurring of textures.To address these problems,we combine the advantages of transformers and convolutions to propose an image inpainting method that incorporates edge priors and attention mechanisms.The proposed method aims to improve the results of inpainting large holes in images by enhancing the accuracy of structure restoration and the ability to recover texture details.This method divides the inpainting task into two phases:edge prediction and image inpainting.Specifically,in the edge prediction phase,a transformer architecture is designed to combine axial attention with standard self-attention.This design enhances the extraction capability of global structural features and location awareness.It also balances the complexity of self-attention operations,resulting in accurate prediction of the edge structure in the defective region.In the image inpainting phase,a multi-scale fusion attention module is introduced.This module makes full use of multi-level distant features and enhances local pixel continuity,thereby significantly improving the quality of image inpainting.To evaluate the performance of our method.comparative experiments are conducted on several datasets,including CelebA,Places2,and Facade.Quantitative experiments show that our method outperforms the other mainstream methods.Specifically,it improves Peak Signal-to-Noise Ratio(PSNR)and Structure Similarity Index Measure(SSIM)by 1.141~3.234 db and 0.083~0.235,respectively.Moreover,it reduces Learning Perceptual Image Patch Similarity(LPIPS)and Mean Absolute Error(MAE)by 0.0347~0.1753 and 0.0104~0.0402,respectively.Qualitative experiments reveal that our method excels at reconstructing images with complete structural information and clear texture details.Furthermore,our model exhibits impressive performance in terms of the number of parameters,memory cost,and testing time. 展开更多
关键词 image inpainting TRANSFORMER edge prior axial attention multi-scale fusion attention
下载PDF
Multiscale Fusion Transformer Network for Hyperspectral Image Classification
5
作者 Yuquan Gan Hao Zhang Chen Yi 《Journal of Beijing Institute of Technology》 EI CAS 2024年第3期255-270,共16页
Convolutional neural network(CNN)has excellent ability to model locally contextual information.However,CNNs face challenges for descripting long-range semantic features,which will lead to relatively low classification... Convolutional neural network(CNN)has excellent ability to model locally contextual information.However,CNNs face challenges for descripting long-range semantic features,which will lead to relatively low classification accuracy of hyperspectral images.To address this problem,this article proposes an algorithm based on multiscale fusion and transformer network for hyperspectral image classification.Firstly,the low-level spatial-spectral features are extracted by multi-scale residual structure.Secondly,an attention module is introduced to focus on the more important spatialspectral information.Finally,high-level semantic features are represented and learned by a token learner and an improved transformer encoder.The proposed algorithm is compared with six classical hyperspectral classification algorithms on real hyperspectral images.The experimental results show that the proposed algorithm effectively improves the land cover classification accuracy of hyperspectral images. 展开更多
关键词 hyperspectral image land cover classification multi-scale TRANSFORMER
下载PDF
Integrating Transformer and Bidirectional Long Short-Term Memory for Intelligent Breast Cancer Detection from Histopathology Biopsy Images
6
作者 Prasanalakshmi Balaji Omar Alqahtani +2 位作者 Sangita Babu Mousmi Ajay Chaurasia Shanmugapriya Prakasam 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第10期443-458,共16页
Breast cancer is a significant threat to the global population,affecting not only women but also a threat to the entire population.With recent advancements in digital pathology,Eosin and hematoxylin images provide enh... Breast cancer is a significant threat to the global population,affecting not only women but also a threat to the entire population.With recent advancements in digital pathology,Eosin and hematoxylin images provide enhanced clarity in examiningmicroscopic features of breast tissues based on their staining properties.Early cancer detection facilitates the quickening of the therapeutic process,thereby increasing survival rates.The analysis made by medical professionals,especially pathologists,is time-consuming and challenging,and there arises a need for automated breast cancer detection systems.The upcoming artificial intelligence platforms,especially deep learning models,play an important role in image diagnosis and prediction.Initially,the histopathology biopsy images are taken from standard data sources.Further,the gathered images are given as input to the Multi-Scale Dilated Vision Transformer,where the essential features are acquired.Subsequently,the features are subjected to the Bidirectional Long Short-Term Memory(Bi-LSTM)for classifying the breast cancer disorder.The efficacy of the model is evaluated using divergent metrics.When compared with other methods,the proposed work reveals that it offers impressive results for detection. 展开更多
关键词 Bidirectional long short-term memory breast cancer detection feature extraction histopathology biopsy images multi-scale dilated vision transformer
下载PDF
Image Tamper Detection and Multi-Scale Self-Recovery Using Reference Embedding with Multi-Rate Data Protection 被引量:1
7
作者 Navid Daneshmandpour Habibollah Danyali Mohammad Sadegh Helfroush 《China Communications》 SCIE CSCD 2019年第11期154-166,共13页
This paper proposes a multi-scale self-recovery(MSSR)approach to protect images against content forgery.The main idea is to provide more resistance against image tampering while enabling the recovery process in a mult... This paper proposes a multi-scale self-recovery(MSSR)approach to protect images against content forgery.The main idea is to provide more resistance against image tampering while enabling the recovery process in a multi-scale quality manner.In the proposed approach,the reference data composed of several parts and each part is protected by a channel coding rate according to its importance.The first part,which is used to reconstruct a rough approximation of the original image,is highly protected in order to resist against higher tampering rates.Other parts are protected with lower rates according to their importance leading to lower tolerable tampering rate(TTR),but the higher quality of the recovered images.The proposed MSSR approach is an efficient solution for the main disadvantage of the current methods,which either recover a tampered image in low tampering rates or fails when tampering rate is above the TTR value.The simulation results on 10000 test images represent the efficiency of the multi-scale self-recovery feature of the proposed approach in comparison with the existing methods. 展开更多
关键词 TAMPER detection image recovery multi-scale SELF-RECOVERY tolerable tampering rate
下载PDF
Sub-Regional Infrared-Visible Image Fusion Using Multi-Scale Transformation 被引量:1
8
作者 Yexin Liu Ben Xu +2 位作者 Mengmeng Zhang Wei Li Ran Tao 《Journal of Beijing Institute of Technology》 EI CAS 2022年第6期535-550,共16页
Infrared-visible image fusion plays an important role in multi-source data fusion,which has the advantage of integrating useful information from multi-source sensors.However,there are still challenges in target enhanc... Infrared-visible image fusion plays an important role in multi-source data fusion,which has the advantage of integrating useful information from multi-source sensors.However,there are still challenges in target enhancement and visual improvement.To deal with these problems,a sub-regional infrared-visible image fusion method(SRF)is proposed.First,morphology and threshold segmentation is applied to extract targets interested in infrared images.Second,the infrared back-ground is reconstructed based on extracted targets and the visible image.Finally,target and back-ground regions are fused using a multi-scale transform.Experimental results are obtained using public data for comparison and evaluation,which demonstrate that the proposed SRF has poten-tial benefits over other methods. 展开更多
关键词 image fusion infrared image visible image multi-scale transform
下载PDF
An infrared and visible image fusion method based upon multi-scale and top-hat transforms 被引量:1
9
作者 何贵青 张琪琦 +3 位作者 纪佳琪 董丹丹 张海曦 王珺 《Chinese Physics B》 SCIE EI CAS CSCD 2018年第11期340-348,共9页
The high-frequency components in the traditional multi-scale transform method are approximately sparse, which can represent different information of the details. But in the low-frequency component, the coefficients ar... The high-frequency components in the traditional multi-scale transform method are approximately sparse, which can represent different information of the details. But in the low-frequency component, the coefficients around the zero value are very few, so we cannot sparsely represent low-frequency image information. The low-frequency component contains the main energy of the image and depicts the profile of the image. Direct fusion of the low-frequency component will not be conducive to obtain highly accurate fusion result. Therefore, this paper presents an infrared and visible image fusion method combining the multi-scale and top-hat transforms. On one hand, the new top-hat-transform can effectively extract the salient features of the low-frequency component. On the other hand, the multi-scale transform can extract highfrequency detailed information in multiple scales and from diverse directions. The combination of the two methods is conducive to the acquisition of more characteristics and more accurate fusion results. Among them, for the low-frequency component, a new type of top-hat transform is used to extract low-frequency features, and then different fusion rules are applied to fuse the low-frequency features and low-frequency background; for high-frequency components, the product of characteristics method is used to integrate the detailed information in high-frequency. Experimental results show that the proposed algorithm can obtain more detailed information and clearer infrared target fusion results than the traditional multiscale transform methods. Compared with the state-of-the-art fusion methods based on sparse representation, the proposed algorithm is simple and efficacious, and the time consumption is significantly reduced. 展开更多
关键词 infrared and visible image fusion multi-scale transform mathematical morphology top-hat trans- form
下载PDF
Multivariate Image Analysis in Gaussian Multi-Scale Space for Defect Detection
10
作者 Dong-tai Liang~1 Wei-yan Deng~2 Xuan-yin Wang~1 Yang Zhang~11.State Key Laboratory of Fluid Power Transmission and Control Zhejiang University,Hangzhou 310027,P.R.China2.College of Mechanical and Electrical Engineering,China Jiliang University,Hangzhou 310018,P.R.China 《Journal of Bionic Engineering》 SCIE EI CSCD 2009年第3期298-305,共8页
Inspired by the coarse-to-fine visual perception process of human vision system,a new approach based on Gaussian multi-scale space for defect detection of industrial products was proposed.By selecting different scale ... Inspired by the coarse-to-fine visual perception process of human vision system,a new approach based on Gaussian multi-scale space for defect detection of industrial products was proposed.By selecting different scale parameters of the Gaussian kernel,the multi-scale representation of the original image data could be obtained and used to constitute the multi- variate image,in which each channel could represent a perceptual observation of the original image from different scales.The Multivariate Image Analysis (MIA) techniques were used to extract defect features information.The MIA combined Principal Component Analysis (PCA) to obtain the principal component scores of the multivariate test image.The Q-statistic image, derived from the residuals after the extraction of the first principal component score and noise,could be used to efficiently reveal the surface defects with an appropriate threshold value decided by training images.Experimental results show that the proposed method performs better than the gray histogram-based method.It has less sensitivity to the inhomogeneous of illumination,and has more robustness and reliability of defect detection with lower pseudo reject rate. 展开更多
关键词 defect detection SCALE-SPACE Gausslan multi-scale representahon principal component analysis multivariate image anaIysis
下载PDF
Instant Edit Propagation on Images Based on Bilateral Grid 被引量:6
11
作者 Feng Li Chaofeng Ou +1 位作者 Yan Gui Lingyun Xiang 《Computers, Materials & Continua》 SCIE EI 2019年第8期643-656,共14页
The ability to quickly and intuitively edit digital content has become increasingly important in our everyday life.However,existing edit propagation methods for editing digital images are typically based on optimizati... The ability to quickly and intuitively edit digital content has become increasingly important in our everyday life.However,existing edit propagation methods for editing digital images are typically based on optimization with high computational cost for large inputs.Moreover,existing edit propagation methods are generally inefficient and highly time-consuming.Accordingly,to improve edit efficiency,this paper proposes a novel edit propagation method using a bilateral grid,which can achieve instant propagation of sparse image edits.Firstly,given an input image with user interactions,we resample each of its pixels into a regularly sampled bilateral grid,which facilitates efficient mapping from an image to the bilateral space.As a result,all pixels with the same feature information(color,coordinates)are clustered to the same grid,which can achieve the goal of reducing both the amount of image data processing and the cost of calculation.We then reformulate the propagation as a function of the interpolation problem in bilateral space,which is solved very efficiently using radial basis functions.Experimental results show that our method improves the efficiency of color editing,making it faster than existing edit approaches,and results in excellent edited images with high quality. 展开更多
关键词 Instant edit propagation bilateral grid radial basis function image editing
下载PDF
Electrical Tree Image Segmentation Using Hybrid Multi Scale Line Tracking Algorithm
12
作者 Mohd Annuar Isa Mohamad Nur Khairul Hafizi Rohani +7 位作者 Baharuddin Ismail Mohamad Kamarol Jamil Muzamir Isa Afifah Shuhada Rosmi Mohd Aminudin Jamlos Wan Azani Mustafa Nurulbariah Idris Abdullahi Abubakar Mas’ud 《Computers, Materials & Continua》 SCIE EI 2023年第4期741-760,共20页
Electrical trees are an aging mechanismmost associated with partial discharge(PD)activities in crosslinked polyethylene(XLPE)insulation of high-voltage(HV)cables.Characterization of electrical tree structures gained c... Electrical trees are an aging mechanismmost associated with partial discharge(PD)activities in crosslinked polyethylene(XLPE)insulation of high-voltage(HV)cables.Characterization of electrical tree structures gained considerable attention from researchers since a deep understanding of the tree morphology is required to develop new insulation material.Two-dimensional(2D)optical microscopy is primarily used to examine tree structures and propagation shapes with image segmentation methods.However,since electrical trees can emerge in different shapes such as bush-type or branch-type,treeing images are complicated to segment due to manifestation of convoluted tree branches,leading to a high misclassification rate during segmentation.Therefore,this study proposed a new method for segmenting 2D electrical tree images based on the multi-scale line tracking algorithm(MSLTA)by integrating batch processing method.The proposed method,h-MSLTA aims to provide accurate segmentation of electrical tree images obtained over a period of tree propagation observation under optical microscopy.The initial phase involves XLPE sample preparation and treeing image acquisition under real-time microscopy observation.The treeing images are then sampled and binarized in pre-processing.In the next phase,segmentation of tree structures is performed using the h-MSLTA by utilizing batch processing in multiple instances of treeing duration.Finally,the comparative investigation has been conducted using standard performance assessment metrics,including accuracy,sensitivity,specificity,Dice coefficient and Matthew’s correlation coefficient(MCC).Based on segmentation performance evaluation against several established segmentation methods,h-MSLTA achieved better results of 95.43%accuracy,97.28%specificity,69.43%sensitivity rate with 23.38%and 24.16%average improvement in Dice coefficient and MCC score respectively over the original algorithm.In addition,h-MSLTA produced accurate measurement results of global tree parameters of length and width in comparison with the ground truth image.These results indicated that the proposed method had a solid performance in terms of segmenting electrical tree branches in 2D treeing images compared to other established techniques. 展开更多
关键词 image segmentation multi-scale line tracking electrical tree partial discharge high-voltage cable
下载PDF
Multi-Scale Feature Extraction for Joint Classification of Hyperspectral and LiDAR Data
13
作者 Yongqiang Xi Zhen Ye 《Journal of Beijing Institute of Technology》 EI CAS 2023年第1期13-22,共10页
With the development of sensors,the application of multi-source remote sensing data has been widely concerned.Since hyperspectral image(HSI)contains rich spectral information while light detection and ranging(LiDAR)da... With the development of sensors,the application of multi-source remote sensing data has been widely concerned.Since hyperspectral image(HSI)contains rich spectral information while light detection and ranging(LiDAR)data contains elevation information,joint use of them for ground object classification can yield positive results,especially by building deep networks.Fortu-nately,multi-scale deep networks allow to expand the receptive fields of convolution without causing the computational and training problems associated with simply adding more network layers.In this work,a multi-scale feature fusion network is proposed for the joint classification of HSI and LiDAR data.First,we design a multi-scale spatial feature extraction module with cross-channel connections,by which spatial information of HSI data and elevation information of LiDAR data are extracted and fused.In addition,a multi-scale spectral feature extraction module is employed to extract the multi-scale spectral features of HSI data.Finally,joint multi-scale features are obtained by weighting and concatenation operations and then fed into the classifier.To verify the effective-ness of the proposed network,experiments are carried out on the MUUFL Gulfport and Trento datasets.The experimental results demonstrate that the classification performance of the proposed method is superior to that of other state-of-the-art methods. 展开更多
关键词 hyperspectral image(HSI) light detection and ranging(LiDAR) multi-scale feature classification
下载PDF
A Robust Automated Framework for Classification of CT Covid-19 Images Using MSI-ResNet
14
作者 Aghila Rajagopal Sultan Ahmad +3 位作者 Sudan Jha Ramachandran Alagarsamy Abdullah Alharbi Bader Alouffi 《Computer Systems Science & Engineering》 SCIE EI 2023年第6期3215-3229,共15页
Nowadays,the COVID-19 virus disease is spreading rampantly.There are some testing tools and kits available for diagnosing the virus,but it is in a lim-ited count.To diagnose the presence of disease from radiological i... Nowadays,the COVID-19 virus disease is spreading rampantly.There are some testing tools and kits available for diagnosing the virus,but it is in a lim-ited count.To diagnose the presence of disease from radiological images,auto-mated COVID-19 diagnosis techniques are needed.The enhancement of AI(Artificial Intelligence)has been focused in previous research,which uses X-ray images for detecting COVID-19.The most common symptoms of COVID-19 are fever,dry cough and sore throat.These symptoms may lead to an increase in the rigorous type of pneumonia with a severe barrier.Since medical imaging is not suggested recently in Canada for critical COVID-19 diagnosis,computer-aided systems are implemented for the early identification of COVID-19,which aids in noticing the disease progression and thus decreases the death rate.Here,a deep learning-based automated method for the extraction of features and classi-fication is enhanced for the detection of COVID-19 from the images of computer tomography(CT).The suggested method functions on the basis of three main pro-cesses:data preprocessing,the extraction of features and classification.This approach integrates the union of deep features with the help of Inception 14 and VGG-16 models.At last,a classifier of Multi-scale Improved ResNet(MSI-ResNet)is developed to detect and classify the CT images into unique labels of class.With the support of available open-source COVID-CT datasets that consists of 760 CT pictures,the investigational validation of the suggested method is estimated.The experimental results reveal that the proposed approach offers greater performance with high specificity,accuracy and sensitivity. 展开更多
关键词 Covid-19 CT images multi-scale improved ResNet AI inception 14 and VGG-16 models
下载PDF
Compressive imaging based on multi-scale modulation and reconstruction in spatial frequency domain
15
作者 刘璠 刘雪峰 +4 位作者 蓝若明 姚旭日 窦申成 王小庆 翟光杰 《Chinese Physics B》 SCIE EI CAS CSCD 2021年第1期275-282,共8页
Imaging quality is a critical component of compressive imaging in real applications. In this study, we propose a compressive imaging method based on multi-scale modulation and reconstruction in the spatial frequency d... Imaging quality is a critical component of compressive imaging in real applications. In this study, we propose a compressive imaging method based on multi-scale modulation and reconstruction in the spatial frequency domain. Theoretical analysis and simulation show the relation between the measurement matrix resolution and compressive sensing(CS)imaging quality. The matrix design is improved to provide multi-scale modulations, followed by individual reconstruction of images of different spatial frequencies. Compared with traditional single-scale CS imaging, the multi-scale method provides high quality imaging in both high and low frequencies, and effectively decreases the overall reconstruction error.Experimental results confirm the feasibility of this technique, especially at low sampling rate. The method may thus be helpful in promoting the implementation of compressive imaging in real applications. 展开更多
关键词 compressed sensing imaging quality spatial frequency domain multi-scale modulation
下载PDF
浅谈磁盘镜像工具WinImage的使用方法
16
作者 杨永战 蔺莉霞 《电脑学习》 2004年第3期60-61,共2页
介绍磁盘工具WinImage的使用方法熏如制作软、硬盘镜像文件熏编辑、复制镜像文件熏ISO文件的制作与还原熏整理镜像碎片及磁盘格式化等操作。
关键词 Winimage 磁盘 镜像 ISO文件 碎片 格式化 共享软件
下载PDF
Fast-armored target detection based on multi-scale representation and guided anchor 被引量:4
17
作者 Fan-jie Meng Xin-qing Wang +2 位作者 Fa-ming Shao Dong Wang Xiao-dong Hu 《Defence Technology(防务技术)》 SCIE EI CAS CSCD 2020年第4期922-932,共11页
Focused on the task of fast and accurate armored target detection in ground battlefield,a detection method based on multi-scale representation network(MS-RN) and shape-fixed Guided Anchor(SF-GA)scheme is proposed.Firs... Focused on the task of fast and accurate armored target detection in ground battlefield,a detection method based on multi-scale representation network(MS-RN) and shape-fixed Guided Anchor(SF-GA)scheme is proposed.Firstly,considering the large-scale variation and camouflage of armored target,a new MS-RN integrating contextual information in battlefield environment is designed.The MS-RN extracts deep features from templates with different scales and strengthens the detection ability of small targets.Armored targets of different sizes are detected on different representation features.Secondly,aiming at the accuracy and real-time detection requirements,improved shape-fixed Guided Anchor is used on feature maps of different scales to recommend regions of interests(ROIs).Different from sliding or random anchor,the SF-GA can filter out 80% of the regions while still improving the recall.A special detection dataset for armored target,named Armored Target Dataset(ARTD),is constructed,based on which the comparable experiments with state-of-art detection methods are conducted.Experimental results show that the proposed method achieves outstanding performance in detection accuracy and efficiency,especially when small armored targets are involved. 展开更多
关键词 RED image RPN Fast-armored target detection based on multi-scale representation and guided anchor
下载PDF
Pine wilt disease detection in high-resolution UAV images using object-oriented classification 被引量:2
18
作者 Zhao Sun Yifu Wang +4 位作者 Lei Pan Yunhong Xie Bo Zhang Ruiting Liang Yujun Sun 《Journal of Forestry Research》 SCIE CAS CSCD 2022年第4期1377-1389,共13页
Pine wilt disease(PWD)is currently one of the main causes of large-scale forest destruction.To control the spread of PWD,it is essential to detect affected pine trees quickly.This study investigated the feasibility of... Pine wilt disease(PWD)is currently one of the main causes of large-scale forest destruction.To control the spread of PWD,it is essential to detect affected pine trees quickly.This study investigated the feasibility of using the object-oriented multi-scale segmentation algorithm to identify trees discolored by PWD.We used an unmanned aerial vehicle(UAV)platform equipped with an RGB digital camera to obtain high spatial resolution images,and multiscale segmentation was applied to delineate the tree crown,coupling the use of object-oriented classification to classify trees discolored by PWD.Then,the optimal segmentation scale was implemented using the estimation of scale parameter(ESP2)plug-in.The feature space of the segmentation results was optimized,and appropriate features were selected for classification.The results showed that the optimal scale,shape,and compactness values of the tree crown segmentation algorithm were 56,0.5,and 0.8,respectively.The producer’s accuracy(PA),user’s accuracy(UA),and F1 score were 0.722,0.605,and 0.658,respectively.There were no significant classification errors in the final classification results,and the low accuracy was attributed to the low number of objects count caused by incorrect segmentation.The multi-scale segmentation and object-oriented classification method could accurately identify trees discolored by PWD with a straightforward and rapid processing.This study provides a technical method for monitoring the occurrence of PWD and identifying the discolored trees of disease using UAV-based high-resolution images. 展开更多
关键词 Object-oriented classification multi-scale segmentation UAV images Pine wilt disease
下载PDF
Bidirectional parallel multi-branch convolution feature pyramid network for target detection in aerial images of swarm UAVs 被引量:2
19
作者 Lei Fu Wen-bin Gu +3 位作者 Wei Li Liang Chen Yong-bao Ai Hua-lei Wang 《Defence Technology(防务技术)》 SCIE EI CAS CSCD 2021年第4期1531-1541,共11页
In this paper,based on a bidirectional parallel multi-branch feature pyramid network(BPMFPN),a novel one-stage object detector called BPMFPN Det is proposed for real-time detection of ground multi-scale targets by swa... In this paper,based on a bidirectional parallel multi-branch feature pyramid network(BPMFPN),a novel one-stage object detector called BPMFPN Det is proposed for real-time detection of ground multi-scale targets by swarm unmanned aerial vehicles(UAVs).First,the bidirectional parallel multi-branch convolution modules are used to construct the feature pyramid to enhance the feature expression abilities of different scale feature layers.Next,the feature pyramid is integrated into the single-stage object detection framework to ensure real-time performance.In order to validate the effectiveness of the proposed algorithm,experiments are conducted on four datasets.For the PASCAL VOC dataset,the proposed algorithm achieves the mean average precision(mAP)of 85.4 on the VOC 2007 test set.With regard to the detection in optical remote sensing(DIOR)dataset,the proposed algorithm achieves 73.9 mAP.For vehicle detection in aerial imagery(VEDAI)dataset,the detection accuracy of small land vehicle(slv)targets reaches 97.4 mAP.For unmanned aerial vehicle detection and tracking(UAVDT)dataset,the proposed BPMFPN Det achieves the mAP of 48.75.Compared with the previous state-of-the-art methods,the results obtained by the proposed algorithm are more competitive.The experimental results demonstrate that the proposed algorithm can effectively solve the problem of real-time detection of ground multi-scale targets in aerial images of swarm UAVs. 展开更多
关键词 Aerial images Object detection Feature pyramid networks multi-scale feature fusion Swarm UAVs
下载PDF
Fractional-order Sparse Representation for Image Denoising 被引量:1
20
作者 Leilei Geng Zexuan Ji +1 位作者 Yunhao Yuan Yilong Yin 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2018年第2期555-563,共9页
Sparse representation models have been shown promising results for image denoising. However, conventional sparse representation-based models cannot obtain satisfactory estimations for sparse coefficients and the dicti... Sparse representation models have been shown promising results for image denoising. However, conventional sparse representation-based models cannot obtain satisfactory estimations for sparse coefficients and the dictionary. To address this weakness, in this paper, we propose a novel fractional-order sparse representation(FSR) model. Specifically, we cluster the image patches into K groups, and calculate the singular values for each clean/noisy patch pair in the wavelet domain. Then the uniform fractional-order parameters are learned for each cluster.Then a novel fractional-order sample space is constructed using adaptive fractional-order parameters in the wavelet domain to obtain more accurate sparse coefficients and dictionary for image denoising. Extensive experimental results show that the proposed model outperforms state-of-the-art sparse representation-based models and the block-matching and 3D filtering algorithm in terms of denoising performance and the computational efficiency. 展开更多
关键词 FRACTIONAL-ORDER image denoising multi-scale sparse representation
下载PDF
上一页 1 2 13 下一页 到第
使用帮助 返回顶部