期刊文献+
共找到831篇文章
< 1 2 42 >
每页显示 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
Few-shot image recognition based on multi-scale features prototypical network
2
作者 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
3
作者 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
Multi-Scale Feature Extraction for Joint Classification of Hyperspectral and LiDAR Data
4
作者 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
IMTNet:Improved Multi-Task Copy-Move Forgery Detection Network with Feature Decoupling and Multi-Feature Pyramid
5
作者 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
Attention Guided Multi Scale Feature Fusion Network for Automatic Prostate Segmentation
6
作者 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
Multi-Scale Mixed Attention Tea Shoot Instance Segmentation Model
7
作者 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
Ship recognition based on HRRP via multi-scale sparse preserving method
8
作者 YANG Xueling ZHANG Gong SONG Hu 《Journal of Systems Engineering and Electronics》 SCIE CSCD 2024年第3期599-608,共10页
In order to extract the richer feature information of ship targets from sea clutter, and address the high dimensional data problem, a method termed as multi-scale fusion kernel sparse preserving projection(MSFKSPP) ba... In order to extract the richer feature information of ship targets from sea clutter, and address the high dimensional data problem, a method termed as multi-scale fusion kernel sparse preserving projection(MSFKSPP) based on the maximum margin criterion(MMC) is proposed for recognizing the class of ship targets utilizing the high-resolution range profile(HRRP). Multi-scale fusion is introduced to capture the local and detailed information in small-scale features, and the global and contour information in large-scale features, offering help to extract the edge information from sea clutter and further improving the target recognition accuracy. The proposed method can maximally preserve the multi-scale fusion sparse of data and maximize the class separability in the reduced dimensionality by reproducing kernel Hilbert space. Experimental results on the measured radar data show that the proposed method can effectively extract the features of ship target from sea clutter, further reduce the feature dimensionality, and improve target recognition performance. 展开更多
关键词 ship target recognition high-resolution range profile(HRRP) multi-scale fusion kernel sparse preserving projection(MSFKSPP) feature extraction dimensionality reduction
下载PDF
Underwater Image Enhancement Based on Multi-scale Adversarial Network
9
作者 ZENG Jun-yang SI Zhan-jun 《印刷与数字媒体技术研究》 CAS 北大核心 2024年第5期70-77,共8页
In this study,an underwater image enhancement method based on multi-scale adversarial network was proposed to solve the problem of detail blur and color distortion in underwater images.Firstly,the local features of ea... In this study,an underwater image enhancement method based on multi-scale adversarial network was proposed to solve the problem of detail blur and color distortion in underwater images.Firstly,the local features of each layer were enhanced into the global features by the proposed residual dense block,which ensured that the generated images retain more details.Secondly,a multi-scale structure was adopted to extract multi-scale semantic features of the original images.Finally,the features obtained from the dual channels were fused by an adaptive fusion module to further optimize the features.The discriminant network adopted the structure of the Markov discriminator.In addition,by constructing mean square error,structural similarity,and perceived color loss function,the generated image is consistent with the reference image in structure,color,and content.The experimental results showed that the enhanced underwater image deblurring effect of the proposed algorithm was good and the problem of underwater image color bias was effectively improved.In both subjective and objective evaluation indexes,the experimental results of the proposed algorithm are better than those of the comparison algorithm. 展开更多
关键词 Underwater image enhancement Generative adversarial network multi-scale feature extraction Residual dense block
下载PDF
Application of Feature, Event, and Process Methods to Leakage Scenario Development for Offshore CO_(2) Geological Storage
10
作者 Qiang Liu Yanzun Li +2 位作者 Meng Jing Qi Li Guizhen Liu 《哈尔滨工程大学学报(英文版)》 CSCD 2024年第3期608-616,共9页
Offshore carbon dioxide(CO_(2)) geological storage(OCGS) represents a significant strategy for addressing climate change by curtailing greenhouse gas emissions. Nonetheless, the risk of CO_(2) leakage poses a substant... Offshore carbon dioxide(CO_(2)) geological storage(OCGS) represents a significant strategy for addressing climate change by curtailing greenhouse gas emissions. Nonetheless, the risk of CO_(2) leakage poses a substantial concern associated with this technology. This study introduces an innovative approach for establishing OCGS leakage scenarios, involving four pivotal stages, namely, interactive matrix establishment, risk matrix evaluation, cause–effect analysis, and scenario development, which has been implemented in the Pearl River Estuary Basin in China. The initial phase encompassed the establishment of an interaction matrix for OCGS systems based on features, events, and processes. Subsequent risk matrix evaluation and cause–effect analysis identified key system components, specifically CO_(2) injection and faults/features. Building upon this analysis, two leakage risk scenarios were successfully developed, accompanied by the corresponding mitigation measures. In addition, this study introduces the application of scenario development to risk assessment, including scenario numerical simulation and quantitative assessment. Overall, this research positively contributes to the sustainable development and safe operation of OCGS projects and holds potential for further refinement and broader application to diverse geographical environments and project requirements. This comprehensive study provides valuable insights into the establishment of OCGS leakage scenarios and demonstrates their practical application to risk assessment, laying the foundation for promoting the sustainable development and safe operation of ocean CO_(2) geological storage projects while proposing possibilities for future improvements and broader applications to different contexts. 展开更多
关键词 Offshore CO_(2)geological storage features events and processes Scenario development interaction matrix Risk matrix assessment
下载PDF
Radar emitter signal recognition based on multi-scale wavelet entropy and feature weighting 被引量:16
11
作者 李一兵 葛娟 +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
12
作者 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
Simulation on Dynamic Bending Features of Fabric Based on Fluid-Solid Interaction Technique
13
作者 刘一君 梁志勇 +2 位作者 李艳芳 纪峰 邱夷平 《Journal of Donghua University(English Edition)》 EI CAS 2013年第1期72-76,共5页
This paper is devoted to the two-dimensional nonlinear modeling of the fluid-solid interaction (FSI) between fabric and air flow, which is based on the Automatic Incremental Dynamic Nonlinear Analysis (AIDNA)-FSI prog... This paper is devoted to the two-dimensional nonlinear modeling of the fluid-solid interaction (FSI) between fabric and air flow, which is based on the Automatic Incremental Dynamic Nonlinear Analysis (AIDNA)-FSI program in order to study the dynamic bending features of fabrics in a specific air flow filed. The computational fluid dynamics (CFD) model for flow and the finite element model (FEM) for fabric was set up to constitute an FSI model in which the geometric nonlinear behavior and the dynamic stress-strain variation of the relatively soft fabric material were taken into account. Several FSI cases with different time-dependent wind load and the model frequency analysis for fabric were carried out. The dynamic response of fabric and the distribution of fluid variables were investigated. The results of numerical simulation and experiments fit quite well. Hence, this work contributes to the research of modeling the dynamic bending behavior of fabrics in air field. 展开更多
关键词 computational fluid dynamics(CFD) fluid-solid interaction(FSI) bending features FABRIC
下载PDF
A Case Study on MJO Energy Transport Path in a Local Multi-scale Interaction Framework
14
作者 Yuanwen ZHANG Guiwan CHEN +2 位作者 Jian LING Shenming FU Chongyin LI 《Advances in Atmospheric Sciences》 SCIE CAS CSCD 2021年第11期1929-1944,共16页
A new local kinetic energy(KE)budget for the Madden−Julian Oscillation(MJO)is constructed in a multi-scale framework.This energy budget framework allows us to analyze the local energy conversion processes of the MJO w... A new local kinetic energy(KE)budget for the Madden−Julian Oscillation(MJO)is constructed in a multi-scale framework.This energy budget framework allows us to analyze the local energy conversion processes of the MJO with the high-frequency disturbances and the low-frequency background state.The KE budget analysis is applied to a pronounced MJO event during the DYNAMO field campaign to investigate the KE transport path of the MJO.The work done by the pressure gradient force and the conversion of available potential energy at the MJO scale are the two dominant processes that affect the MJO KE tendency.The MJO winds transport MJO KE into the MJO convection region in the lower troposphere while it is transported away from the MJO convection region in the upper troposphere.The energy cascade process is relatively weak,but the interaction between high-frequency disturbances and the MJO plays an important role in maintaining the high-frequency disturbances within the MJO convection.The MJO KE mainly converts to interaction KE between MJO and high-frequency disturbances over the area where the MJO zonal wind is strong.This interaction KE over the MJO convection region is enhanced through its flux convergence and further transport KE to the high-frequency disturbances.This process is conducive to maintaining the MJO convection.This study highlights the importance of KE interaction between the MJO and the high-frequency disturbances in maintaining the MJO convection. 展开更多
关键词 Madden−Julian Oscillation energy budget multi-scale interaction energy cascade kinetic energy
下载PDF
Click-Through Rate Prediction Network Based on User Behavior Sequences and Feature Interactions
15
作者 XIA Xiaoling MIAO Yiwei ZHAI Cuiyan 《Journal of Donghua University(English Edition)》 CAS 2022年第4期361-366,共6页
In recent years,deep learning has been widely applied in the fields of recommendation systems and click-through rate(CTR)prediction,and thus recommendation models incorporating deep learning have emerged.In addition,t... In recent years,deep learning has been widely applied in the fields of recommendation systems and click-through rate(CTR)prediction,and thus recommendation models incorporating deep learning have emerged.In addition,the design and implementation of recommendation models using information related to user behavior sequences is an important direction of current research in recommendation systems,and models calculate the likelihood of users clicking on target items based on their behavior sequence information.In order to explore the relationship between features,this paper improves and optimizes on the basis of deep interest network(DIN)proposed by Ali’s team.Based on the user behavioral sequences information,the attentional factorization machine(AFM)is integrated to obtain richer and more accurate behavioral sequence information.In addition,this paper designs a new way of calculating attention weights,which uses the relationship between the cosine similarity of any two vectors and the absolute value of their modal length difference to measure their relevance degree.Thus,a novel deep learning CTR prediction mode is proposed,that is,the CTR prediction network based on user behavior sequence and feature interactions deep interest and machines network(DIMN).We conduct extensive comparison experiments on three public datasets and one private music dataset,which are more recognized in the industry,and the results show that the DIMN obtains a better performance compared with the classical CTR prediction model. 展开更多
关键词 click-through rate(CTR)prediction behavior sequence feature interaction ATTENTION
下载PDF
Fast Face Detection with Multi-Scale Window Search Free from Image Resizing Using SGI Features
16
作者 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
The Effect of the Interaction among Multi-Scale Systems and the Asymmetric an
17
作者 徐祥德 陈联寿 《中国气象科学研究院年报》 1994年第0期11-20,共10页
THEEFFECTOFTHEINTERACTIONAMONGMULTI-SCALESYSTEMSANDTHEASYMMETRICDYNAMICANDTHERMODYNAMICSTRUCTUREOFTROPICALCY... THEEFFECTOFTHEINTERACTIONAMONGMULTI-SCALESYSTEMSANDTHEASYMMETRICDYNAMICANDTHERMODYNAMICSTRUCTUREOFTROPICALCYCLONEONITSTRACKXu... 展开更多
关键词 徐祥 The Effect of the interaction among multi-scale Systems and the Asymmetric an
下载PDF
Incorporation ofκ-carrageenan improves the practical features of agar/konjac glucomannan/κ-carrageenan ternary system 被引量:3
18
作者 Dongling Qiao Hao Li +3 位作者 Fatang Jiang Siming Zhao Sheng Chen Binjia Zhang 《Food Science and Human Wellness》 SCIE CSCD 2023年第2期512-519,共8页
Three materials(agar,konjac glucomannan(KGM)andκ-carrageenan)were used to prepare ternary systems,i.e.,sol-gels and their dried composites conditioned at varied relative humidity(RH)(33%,54%and 75%).Combined methods,... Three materials(agar,konjac glucomannan(KGM)andκ-carrageenan)were used to prepare ternary systems,i.e.,sol-gels and their dried composites conditioned at varied relative humidity(RH)(33%,54%and 75%).Combined methods,e.g.,scanning electron microscopy,small-angle X-ray scattering,infrared spectroscopy(IR)and X-ray diffraction(XRD),were used to disclose howκ-carrageenan addition tailors the features of agar/KGM/κ-carrageenan ternary system.As affirmed by IR and XRD,the ternary systems withκ-carrageenan below 25%(agar/KGM/carrageenan,50:25:25,m/m)displayed proper component interactions,which increased the sol-gel transition temperature and the hardness of obtained gels.For instance,the ternary composites could show hardness about 3 to 4 times higher than that for binary counterpart.These gels were dehydrated to acquire ternary composites.Compared to agar/KGM composite,the ternary composites showed fewer crystallites and nanoscale orders,and newly-formed nanoscale structures from chain assembly.Such multi-scale structures,for composites withκ-carrageenan below 25%,showed weaker changes with RH,as revealed by especially morphologic and crystalline features.Consequently,the ternary composites with lessκ-carrageenan(below 25%)exhibited stabilized elongation at break and hydrophilicity at different RHs.This hints to us that agar/KGM/κ-carrageenan composite systems can display series applications with improved features,e.g.,increased sol-gel transition point. 展开更多
关键词 Agar/konjac glucomannan/κ-carrageenan ternary system Component interaction multi-scale structure Practical features
下载PDF
Feature Fusion-Based Deep Learning Network to Recognize Table Tennis Actions
19
作者 Chih-Ta Yen Tz-Yun Chen +1 位作者 Un-Hung Chen Guo-Chang WangZong-Xian Chen 《Computers, Materials & Continua》 SCIE EI 2023年第1期83-99,共17页
A system for classifying four basic table tennis strokes using wearable devices and deep learning networks is proposed in this study.The wearable device consisted of a six-axis sensor,Raspberry Pi 3,and a power bank.M... A system for classifying four basic table tennis strokes using wearable devices and deep learning networks is proposed in this study.The wearable device consisted of a six-axis sensor,Raspberry Pi 3,and a power bank.Multiple kernel sizes were used in convolutional neural network(CNN)to evaluate their performance for extracting features.Moreover,a multiscale CNN with two kernel sizes was used to perform feature fusion at different scales in a concatenated manner.The CNN achieved recognition of the four table tennis strokes.Experimental data were obtained from20 research participants who wore sensors on the back of their hands while performing the four table tennis strokes in a laboratory environment.The data were collected to verify the performance of the proposed models for wearable devices.Finally,the sensor and multi-scale CNN designed in this study achieved accuracy and F1 scores of 99.58%and 99.16%,respectively,for the four strokes.The accuracy for five-fold cross validation was 99.87%.This result also shows that the multi-scale convolutional neural network has better robustness after fivefold cross validation. 展开更多
关键词 Wearable devices deep learning six-axis sensor feature fusion multi-scale convolutional neural networks action recognit
下载PDF
RealFuVSR:Feature enhanced real-world video super-resolution
20
作者 Zhi LI Xiongwen PANG +1 位作者 Yiyue JIANG Yujie WANG 《Virtual Reality & Intelligent Hardware》 EI 2023年第6期523-537,共15页
Background Recurrent recovery is a common method for video super-resolution(VSR)that models the correlation between frames via hidden states.However,the application of this structure in real-world scenarios can lead t... Background Recurrent recovery is a common method for video super-resolution(VSR)that models the correlation between frames via hidden states.However,the application of this structure in real-world scenarios can lead to unsatisfactory artifacts.We found that in real-world VSR training,the use of unknown and complex degradation can better simulate the degradation process in the real world.Methods Based on this,we propose the RealFuVSR model,which simulates real-world degradation and mitigates artifacts caused by the VSR.Specifically,we propose a multiscale feature extraction module(MSF)module that extracts and fuses features from multiple scales,thereby facilitating the elimination of hidden state artifacts.To improve the accuracy of the hidden state alignment information,RealFuVSR uses an advanced optical flow-guided deformable convolution.Moreover,a cascaded residual upsampling module was used to eliminate noise caused by the upsampling process.Results The experiment demonstrates that RealFuVSR model can not only recover high-quality videos but also outperforms the state-of-the-art RealBasicVSR and RealESRGAN models. 展开更多
关键词 Video super-resolution Deformable convolution Cascade residual upsampling Second-order degradation multi-scale feature extraction
下载PDF
上一页 1 2 42 下一页 到第
使用帮助 返回顶部