期刊文献+
共找到2,355篇文章
< 1 2 118 >
每页显示 20 50 100
MSD-Net: Pneumonia Classification Model Based on Multi-Scale Directional Feature Enhancement
1
作者 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
Contour Detection Algorithm forαPhase Structure of TB6 Titanium Alloy fused with Multi-Scale Fretting Features
2
作者 Fei He Yan Dou +1 位作者 Xiaoying Zhang Lele Zhang 《Chinese Journal of Mechanical Engineering》 SCIE EI CAS CSCD 2024年第5期499-509,共11页
Aiming at the problems of inaccuracy in detecting theαphase contour of TB6 titanium alloy.By combining computer vision technology with human vision mechanisms,the spatial characteristics of theαphase can be simulate... Aiming at the problems of inaccuracy in detecting theαphase contour of TB6 titanium alloy.By combining computer vision technology with human vision mechanisms,the spatial characteristics of theαphase can be simulated to obtain the contour accurately.Therefore,an algorithm forαphase contour detection of TB6 titanium alloy fused with multi-scale fretting features is proposed.Firstly,through the response of the classical receptive field model based on fretting and the suppression of new non-classical receptive field model based on fretting,the information maps of theαphase contour of the TB6 titanium alloy at different scales are obtained;then the information map of the smallest scale contour is used as a benchmark,the neighborhood is constructed to judge the deviation of other scale contour information,and the corresponding weight value is calculated;finally,Gaussian function is used to weight and fuse the deviation information,and the contour detection result of TB6 titanium alloyαphase is obtained.In the Visual Studio 2013 environment,484 metallographic images with different temperatures,strain rates,and magnifications were tested.The results show that the performance evaluation F value of the proposed algorithm is 0.915,which can effectively improve the accuracy ofαphase contour detection of TB6 titanium alloy. 展开更多
关键词 TB6 titanium alloyαphase multi-scale fretting features Contour detection
下载PDF
Few-shot image recognition based on multi-scale features prototypical network
3
作者 LIU Jiatong DUAN Yong 《High Technology Letters》 EI CAS 2024年第3期280-289,共10页
In order to improve the models capability in expressing features during few-shot learning,a multi-scale features prototypical network(MS-PN)algorithm is proposed.The metric learning algo-rithm is employed to extract i... In order to improve the models capability in expressing features during few-shot learning,a multi-scale features prototypical network(MS-PN)algorithm is proposed.The metric learning algo-rithm is employed to extract image features and project them into a feature space,thus evaluating the similarity between samples based on their relative distances within the metric space.To sufficiently extract feature information from limited sample data and mitigate the impact of constrained data vol-ume,a multi-scale feature extraction network is presented to capture data features at various scales during the process of image feature extraction.Additionally,the position of the prototype is fine-tuned by assigning weights to data points to mitigate the influence of outliers on the experiment.The loss function integrates contrastive loss and label-smoothing to bring similar data points closer and separate dissimilar data points within the metric space.Experimental evaluations are conducted on small-sample datasets mini-ImageNet and CUB200-2011.The method in this paper can achieve higher classification accuracy.Specifically,in the 5-way 1-shot experiment,classification accuracy reaches 50.13%and 66.79%respectively on these two datasets.Moreover,in the 5-way 5-shot ex-periment,accuracy of 66.79%and 85.91%are observed,respectively. 展开更多
关键词 few-shot learning multi-scale feature prototypical network channel attention label-smoothing
下载PDF
A Lightweight Convolutional Neural Network with Hierarchical Multi-Scale Feature Fusion for Image Classification
4
作者 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
Radar emitter signal recognition based on multi-scale wavelet entropy and feature weighting 被引量:16
5
作者 李一兵 葛娟 +1 位作者 林云 叶方 《Journal of Central South University》 SCIE EI CAS 2014年第11期4254-4260,共7页
In modern electromagnetic environment, radar emitter signal recognition is an important research topic. On the basis of multi-resolution wavelet analysis, an adaptive radar emitter signal recognition method based on m... In modern electromagnetic environment, radar emitter signal recognition is an important research topic. On the basis of multi-resolution wavelet analysis, an adaptive radar emitter signal recognition method based on multi-scale wavelet entropy feature extraction and feature weighting was proposed. With the only priori knowledge of signal to noise ratio(SNR), the method of extracting multi-scale wavelet entropy features of wavelet coefficients from different received signals were combined with calculating uneven weight factor and stability weight factor of the extracted multi-dimensional characteristics. Radar emitter signals of different modulation types and different parameters modulated were recognized through feature weighting and feature fusion. Theoretical analysis and simulation results show that the presented algorithm has a high recognition rate. Additionally, when the SNR is greater than-4 d B, the correct recognition rate is higher than 93%. Hence, the proposed algorithm has great application value. 展开更多
关键词 emitter recognition multi-scale wavelet entropy feature weighting uneven weight factor stability weight factor
下载PDF
Feature Extraction by Multi-Scale Principal Component Analysis and Classification in Spectral Domain 被引量:2
6
作者 Shengkun Xie Anna T. Lawnizak +1 位作者 Pietro Lio Sridhar Krishnan 《Engineering(科研)》 2013年第10期268-271,共4页
Feature extraction of signals plays an important role in classification problems because of data dimension reduction property and potential improvement of a classification accuracy rate. Principal component analysis (... Feature extraction of signals plays an important role in classification problems because of data dimension reduction property and potential improvement of a classification accuracy rate. Principal component analysis (PCA), wavelets transform or Fourier transform methods are often used for feature extraction. In this paper, we propose a multi-scale PCA, which combines discrete wavelet transform, and PCA for feature extraction of signals in both the spatial and temporal domains. Our study shows that the multi-scale PCA combined with the proposed new classification methods leads to high classification accuracy for the considered signals. 展开更多
关键词 multi-scale Principal Component Analysis Discrete WAVELET TRANSFORM feature Extraction Signal CLASSIFICATION Empirical CLASSIFICATION
下载PDF
Multi-Scale Feature Extraction for Joint Classification of Hyperspectral and LiDAR Data
7
作者 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
Fast Face Detection with Multi-Scale Window Search Free from Image Resizing Using SGI Features
8
作者 Masayuki Miyama 《Journal of Computer and Communications》 2016年第10期22-29,共9页
Face detection is applied to many tasks such as auto focus control, surveillance, user interface, and face recognition. Processing speed and detection accuracy of the face detection have been improved continuously. Th... Face detection is applied to many tasks such as auto focus control, surveillance, user interface, and face recognition. Processing speed and detection accuracy of the face detection have been improved continuously. This paper describes a novel method of fast face detection with multi-scale window search free from image resizing. We adopt statistics of gradient images (SGI) as image features and append an overlapping cell array to improve detection accuracy. The SGI feature is scale invariant and insensitive to small difference of pixel value. These characteristics enable the multi-scale window search without image resizing. Experimental results show that processing speed of our method is 3.66 times faster than a conventional method, adopting HOG features combined to an SVM classifier, without accuracy degradation. 展开更多
关键词 Face Detection multi-scale Window Search Resizing Free SGI feature
下载PDF
Mapping winter wheat using phenological feature of peak before winter on the North China Plain based on time-series MODIS data 被引量:17
9
作者 TAO Jian-bin WU Wen-bin +2 位作者 ZHOU Yong WANG Yu JIANG Yan 《Journal of Integrative Agriculture》 SCIE CAS CSCD 2017年第2期348-359,共12页
By employing the unique phenological feature of winter wheat extracted from peak before winter (PBW) and the advantages of moderate resolution imaging spectroradiometer (MODIS) data with high temporal resolution a... By employing the unique phenological feature of winter wheat extracted from peak before winter (PBW) and the advantages of moderate resolution imaging spectroradiometer (MODIS) data with high temporal resolution and intermediate spatial resolution, a remote sensing-based model for mapping winter wheat on the North China Plain was built through integration with Landsat images and land-use data. First, a phenological window, PBW was drawn from time-series MODIS data. Next, feature extraction was performed for the PBW to reduce feature dimension and enhance its information. Finally, a regression model was built to model the relationship of the phenological feature and the sample data. The amount of information of the PBW was evaluated and compared with that of the main peak (MP). The relative precision of the mapping reached up to 92% in comparison to the Landsat sample data, and ranged between 87 and 96% in comparison to the statistical data. These results were sufficient to satisfy the accuracy requirements for winter wheat mapping at a large scale. Moreover, the proposed method has the ability to obtain the distribution information for winter wheat in an earlier period than previous studies. This study could throw light on the monitoring of winter wheat in China by using unique phenological feature of winter wheat. 展开更多
关键词 time-series MODIS data phenological feature peak before wintering winter wheat mapping
下载PDF
Fundamental Theories of Spatial Similarity Relations in Multi-scale Map Spaces 被引量:18
10
作者 YAN Haowen 《Chinese Geographical Science》 SCIE CSCD 2010年第1期18-22,共5页
Similarity relation is one of the spatial relations in the community of geographic information science and cartography.It is widely used in the retrieval of spatial databases, the recognition of spatial objects from i... Similarity relation is one of the spatial relations in the community of geographic information science and cartography.It is widely used in the retrieval of spatial databases, the recognition of spatial objects from images, and the description of spatial features on maps.However, little achievements have been made for it by far.In this paper, spatial similarity relation was put forward with the introduction of automated map generalization in the construction of multi-scale map databases;then the definition of spatial similarity relations was presented based on set theory, the concept of spatial similarity degree was given, and the characteristics of spatial similarity were discussed in detail, in-cluding reflexivity, symmetry, non-transitivity, self-similarity in multi-scale spaces, and scale-dependence.Finally a classification system for spatial similarity relations in multi-scale map spaces was addressed.This research may be useful to automated map generalization, spatial similarity retrieval and spatial reasoning. 展开更多
关键词 similarity relation spatial relation multi-scale map spaces
下载PDF
CLUSTERING PROPERTIES OF FUZZY KOHONEN'S SELF-ORGANIZING FEATURE MAPS 被引量:3
11
作者 彭磊 胡征 《Journal of Electronics(China)》 1995年第2期124-133,共10页
A new clustering algorithm called fuzzy self-organizing feature maps is introduced. It can process not only the exact digital inputs, but also the inexact or fuzzy non-digital inputs, such as natural language inputs. ... A new clustering algorithm called fuzzy self-organizing feature maps is introduced. It can process not only the exact digital inputs, but also the inexact or fuzzy non-digital inputs, such as natural language inputs. Simulation results show that the new algorithm is superior to original Kohonen’s algorithm in clustering performance and learning rate. 展开更多
关键词 SELF-ORGANIZING feature mapS FUZZY sets MEMBERSHIP measure FUZZINESS mea-sure
下载PDF
Formula for calculating spatial similarity degrees between point clouds on multi-scale maps taking map scale change as the only independent variable 被引量:5
12
作者 Yang Weifang Yan Haowen Li Jonathan 《Geodesy and Geodynamics》 2015年第2期113-125,共13页
The degree of spatial similarity plays an important role in map generalization, yet there has been no quantitative research into it. To fill this gap, this study first defines map scale change and spatial similarity d... The degree of spatial similarity plays an important role in map generalization, yet there has been no quantitative research into it. To fill this gap, this study first defines map scale change and spatial similarity degree/relation in multi-scale map spaces and then proposes a model for calculating the degree of spatial similarity between a point cloud at one scale and its gener- alized counterpart at another scale. After validation, the new model features 16 points with map scale change as the x coordinate and the degree of spatial similarity as the y coordinate. Finally, using an application for curve fitting, the model achieves an empirical formula that can calculate the degree of spatial similarity using map scale change as the sole independent variable, and vice versa. This formula can be used to automate algorithms for point feature generalization and to determine when to terminate them during the generalization. 展开更多
关键词 Spatial similarity degree map generalization map scale change Point clouds Quantitative description Spatial similarity relations multi-scale map spaces Curve fitting method
下载PDF
IMTNet:Improved Multi-Task Copy-Move Forgery Detection Network with Feature Decoupling and Multi-Feature Pyramid
13
作者 Huan Wang Hong Wang +2 位作者 Zhongyuan Jiang Qing Qian Yong Long 《Computers, Materials & Continua》 SCIE EI 2024年第9期4603-4620,共18页
Copy-Move Forgery Detection(CMFD)is a technique that is designed to identify image tampering and locate suspicious areas.However,the practicality of the CMFD is impeded by the scarcity of datasets,inadequate quality a... Copy-Move Forgery Detection(CMFD)is a technique that is designed to identify image tampering and locate suspicious areas.However,the practicality of the CMFD is impeded by the scarcity of datasets,inadequate quality and quantity,and a narrow range of applicable tasks.These limitations significantly restrict the capacity and applicability of CMFD.To overcome the limitations of existing methods,a novel solution called IMTNet is proposed for CMFD by employing a feature decoupling approach.Firstly,this study formulates the objective task and network relationship as an optimization problem using transfer learning.Furthermore,it thoroughly discusses and analyzes the relationship between CMFD and deep network architecture by employing ResNet-50 during the optimization solving phase.Secondly,a quantitative comparison between fine-tuning and feature decoupling is conducted to evaluate the degree of similarity between the image classification and CMFD domains by the enhanced ResNet-50.Finally,suspicious regions are localized using a feature pyramid network with bottom-up path augmentation.Experimental results demonstrate that IMTNet achieves faster convergence,shorter training times,and favorable generalization performance compared to existingmethods.Moreover,it is shown that IMTNet significantly outperforms fine-tuning based approaches in terms of accuracy and F_(1). 展开更多
关键词 Image copy-move detection feature decoupling multi-scale feature pyramids passive forensics
下载PDF
A Topology Mapping Method for Feature Extraction of Irregular Curve Shape 被引量:2
14
作者 郭子海 王薇 贾光 《Journal of Harbin Institute of Technology(New Series)》 EI CAS 1995年第3期23-28,共6页
ATopologyMappingMethodforFeatureExtractionofIrregularCurveShapeGUOZihai;WANGWei;JIAGuang郭子海,王薇,贾光(Dept.ofCom... ATopologyMappingMethodforFeatureExtractionofIrregularCurveShapeGUOZihai;WANGWei;JIAGuang郭子海,王薇,贾光(Dept.ofComputerScienceandEn... 展开更多
关键词 ss: TOPOLOGY mapping REFRACTION feature extraction IRREGULAR CURVE SHAPE human FACE recognition
下载PDF
Cytogenetic Mapping of Disease Resistance Genes and Analysis of Their Distribution Features on Chromosomes in Maize 被引量:2
15
作者 Li Li-jia, Song Yun-chun Key Laboratory of MOE for Plant Developmental Biology, Wuhan University, Wuhan 430072, Hubei, China 《Wuhan University Journal of Natural Sciences》 CAS 2003年第04A期1167-1172,共6页
Cytogenetic maps of four clusters of disease resistance genes were generated by ISH of the two RFLP markers tightly linked to and flanking each of maize resistance genes and the cloned resistance genes from other plan... Cytogenetic maps of four clusters of disease resistance genes were generated by ISH of the two RFLP markers tightly linked to and flanking each of maize resistance genes and the cloned resistance genes from other plant species onto maize chromosomes, combining with data published before. These genes include Helminthosporium turcium Pass resistance genes Ht1, Htn1 and Ht2, Helminthosporium maydis Nisik resistance genes Rhm1 and Rhm2, maize dwarf mosaic virus resistance gene Mdm1, wheat streak mosaic virus resistance gene Wsm1, Helminthosporium carbonum ULLstrup resistance gene Hml and the cloned Xanthomonas oryzae pv. Oryzae resistance gene Xa21 of rice, Cladosporium fulvum resistance genes Cf-9 and Cf-2.1 of tomato,and Pseudomonas syringae resistance gene RPS2 of Arabidopsis. Most of the tested disease resistance genes located on the four chromosomes, i.e., chromosomes1, 3, 6 and 8, and they closely distributed at the interstitial regions of these chromosomal long arms with percentage distances ranging 31.44(±3.72)-72.40(±3.25) except for genes Rhm1, Rhm2, Mdm1 and Wsm1 which mapped on the satellites of the short arms of chromosome6. It showed that the tested RFLP markers and genes were duplicated or triplicated in maize genome. Homology and conservation of disease resistance genes among species, and relationship between distribution features and functions of the genes were discussed. The results provide important scientific basis for deeply understanding structure and function of disease resistance genes and breeding in maize. 展开更多
关键词 MAIZE four clusters of resistance genes in situ hybridization cytogenetic mapping distribution features
下载PDF
Attention Guided Multi Scale Feature Fusion Network for Automatic Prostate Segmentation
16
作者 Yuchun Li Mengxing Huang +1 位作者 Yu Zhang Zhiming Bai 《Computers, Materials & Continua》 SCIE EI 2024年第2期1649-1668,共20页
The precise and automatic segmentation of prostate magnetic resonance imaging(MRI)images is vital for assisting doctors in diagnosing prostate diseases.In recent years,many advanced methods have been applied to prosta... The precise and automatic segmentation of prostate magnetic resonance imaging(MRI)images is vital for assisting doctors in diagnosing prostate diseases.In recent years,many advanced methods have been applied to prostate segmentation,but due to the variability caused by prostate diseases,automatic segmentation of the prostate presents significant challenges.In this paper,we propose an attention-guided multi-scale feature fusion network(AGMSF-Net)to segment prostate MRI images.We propose an attention mechanism for extracting multi-scale features,and introduce a 3D transformer module to enhance global feature representation by adding it during the transition phase from encoder to decoder.In the decoder stage,a feature fusion module is proposed to obtain global context information.We evaluate our model on MRI images of the prostate acquired from a local hospital.The relative volume difference(RVD)and dice similarity coefficient(DSC)between the results of automatic prostate segmentation and ground truth were 1.21%and 93.68%,respectively.To quantitatively evaluate prostate volume on MRI,which is of significant clinical significance,we propose a unique AGMSF-Net.The essential performance evaluation and validation experiments have demonstrated the effectiveness of our method in automatic prostate segmentation. 展开更多
关键词 Prostate segmentation multi-scale attention 3D Transformer feature fusion MRI
下载PDF
Application of Self-Organizing Feature Map Neural Network Based on K-means Clustering in Network Intrusion Detection 被引量:5
17
作者 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
Multi-Scale Mixed Attention Tea Shoot Instance Segmentation Model
18
作者 Dongmei Chen Peipei Cao +5 位作者 Lijie Yan Huidong Chen Jia Lin Xin Li Lin Yuan Kaihua Wu 《Phyton-International Journal of Experimental Botany》 SCIE 2024年第2期261-275,共15页
Tea leaf picking is a crucial stage in tea production that directly influences the quality and value of the tea.Traditional tea-picking machines may compromise the quality of the tea leaves.High-quality teas are often... Tea leaf picking is a crucial stage in tea production that directly influences the quality and value of the tea.Traditional tea-picking machines may compromise the quality of the tea leaves.High-quality teas are often handpicked and need more delicate operations in intelligent picking machines.Compared with traditional image processing techniques,deep learning models have stronger feature extraction capabilities,and better generalization and are more suitable for practical tea shoot harvesting.However,current research mostly focuses on shoot detection and cannot directly accomplish end-to-end shoot segmentation tasks.We propose a tea shoot instance segmentation model based on multi-scale mixed attention(Mask2FusionNet)using a dataset from the tea garden in Hangzhou.We further analyzed the characteristics of the tea shoot dataset,where the proportion of small to medium-sized targets is 89.9%.Our algorithm is compared with several mainstream object segmentation algorithms,and the results demonstrate that our model achieves an accuracy of 82%in recognizing the tea shoots,showing a better performance compared to other models.Through ablation experiments,we found that ResNet50,PointRend strategy,and the Feature Pyramid Network(FPN)architecture can improve performance by 1.6%,1.4%,and 2.4%,respectively.These experiments demonstrated that our proposed multi-scale and point selection strategy optimizes the feature extraction capability for overlapping small targets.The results indicate that the proposed Mask2FusionNet model can perform the shoot segmentation in unstructured environments,realizing the individual distinction of tea shoots,and complete extraction of the shoot edge contours with a segmentation accuracy of 82.0%.The research results can provide algorithmic support for the segmentation and intelligent harvesting of premium tea shoots at different scales. 展开更多
关键词 Tea shoots attention mechanism multi-scale feature extraction instance segmentation deep learning
下载PDF
Evaluation of effective spectral features for glacial lake mapping by using Landsat-8 OLI imagery 被引量:3
19
作者 ZHANG Mei-mei ZHAO Hang +1 位作者 CHEN Fang ZENG Jiang-yuan 《Journal of Mountain Science》 SCIE CSCD 2020年第11期2707-2723,共17页
Glacial lake mapping provides the most feasible way for investigating the water resources and monitoring the flood outburst hazards in High Mountain Region.However,various types of glacial lakes with different propert... Glacial lake mapping provides the most feasible way for investigating the water resources and monitoring the flood outburst hazards in High Mountain Region.However,various types of glacial lakes with different properties bring a constraint to the rapid and accurate glacial lake mapping over a large scale.Existing spectral features to map glacial lakes are diverse but some are generally limited to the specific glaciated regions or lake types,some have unclear applicability,which hamper their application for the large areas.To this end,this study provides a solution for evaluating the most effective spectral features in glacial lake mapping using Landsat-8 imagery.The 23 frequently-used lake mapping spectral features,including single band reflectance features,Water Index features and image transformation features were selected,then the insignificant features were filtered out based on scoring calculated from two classical feature selection methods-random forest and decision tree algorithm.The result shows that the three most prominent spectral features(SF)with high scores are NDWI1,EWI,and NDWI3(renamed as SF8,SF19 and SF12 respectively).Accuracy assessment of glacial lake mapping results in five different test sites demonstrate that the selected features performed well and robustly in classifying different types of glacial lakes without any influence from the mountain shadows.SF8 and SF19 are superior for the detection of large amount of small glacial lakes,while some lake areas extracted by SF12 are incomplete.Moreover,SF8 achieved better accuracy than the other two features in terms of both Kappa Coefficient(0.8812)and Prediction(0.9025),which further indicates that SF8 has great potential for large scale glacial lake mapping in high mountainous area. 展开更多
关键词 Glacial lake mapping Landsat-8 OLI Water Index Spectral features
下载PDF
Disparity estimation for multi-scale multi-sensor fusion
20
作者 SUN Guoliang PEI Shanshan +2 位作者 LONG Qian ZHENG Sifa YANG Rui 《Journal of Systems Engineering and Electronics》 SCIE CSCD 2024年第2期259-274,共16页
The perception module of advanced driver assistance systems plays a vital role.Perception schemes often use a single sensor for data processing and environmental perception or adopt the information processing results ... The perception module of advanced driver assistance systems plays a vital role.Perception schemes often use a single sensor for data processing and environmental perception or adopt the information processing results of various sensors for the fusion of the detection layer.This paper proposes a multi-scale and multi-sensor data fusion strategy in the front end of perception and accomplishes a multi-sensor function disparity map generation scheme.A binocular stereo vision sensor composed of two cameras and a light deterction and ranging(LiDAR)sensor is used to jointly perceive the environment,and a multi-scale fusion scheme is employed to improve the accuracy of the disparity map.This solution not only has the advantages of dense perception of binocular stereo vision sensors but also considers the perception accuracy of LiDAR sensors.Experiments demonstrate that the multi-scale multi-sensor scheme proposed in this paper significantly improves disparity map estimation. 展开更多
关键词 stereo vision light deterction and ranging(LiDAR) multi-sensor fusion multi-scale fusion disparity map
下载PDF
上一页 1 2 118 下一页 到第
使用帮助 返回顶部