期刊文献+
共找到22,630篇文章
< 1 2 250 >
每页显示 20 50 100
Radar Signal Intra-Pulse Feature Extraction Based on Improved Wavelet Transform Algorithm 被引量:2
1
作者 Wenxu Zhang Fuli Sun Bing Wang 《International Journal of Communications, Network and System Sciences》 2017年第8期118-127,共10页
With the new system radar put into practical use, the characteristics of complex radar signals are changing and developing. The traditional analysis method of one-dimensional transformation domain is no longer applica... With the new system radar put into practical use, the characteristics of complex radar signals are changing and developing. The traditional analysis method of one-dimensional transformation domain is no longer applicable to the modern radar signal processing, and it is necessary to seek new methods in the two-dimensional transformation domain. The time-frequency analysis method is the most widely used method in the two-dimensional transformation domain. In this paper, two typical time-frequency analysis methods of short-time Fourier transform and Wigner-Ville distribution are studied by analyzing the time-frequency transform of typical radar reconnaissance linear frequency modulation signal, aiming at the problem of low accuracy and sen-sitivity to the signal noise of common methods, the improved wavelet transform algorithm was proposed. 展开更多
关键词 intra-pulse feature extraction TIME-FREQUENCY Analysis Short-Time FOURIER TRANSFORM Wigner-Ville Distribution WAVELET TRANSFORM
在线阅读 下载PDF
Joint Feature Encoding and Task Alignment Mechanism for Emotion-Cause Pair Extraction
2
作者 Shi Li Didi Sun 《Computers, Materials & Continua》 SCIE EI 2025年第1期1069-1086,共18页
With the rapid expansion of social media,analyzing emotions and their causes in texts has gained significant importance.Emotion-cause pair extraction enables the identification of causal relationships between emotions... With the rapid expansion of social media,analyzing emotions and their causes in texts has gained significant importance.Emotion-cause pair extraction enables the identification of causal relationships between emotions and their triggers within a text,facilitating a deeper understanding of expressed sentiments and their underlying reasons.This comprehension is crucial for making informed strategic decisions in various business and societal contexts.However,recent research approaches employing multi-task learning frameworks for modeling often face challenges such as the inability to simultaneouslymodel extracted features and their interactions,or inconsistencies in label prediction between emotion-cause pair extraction and independent assistant tasks like emotion and cause extraction.To address these issues,this study proposes an emotion-cause pair extraction methodology that incorporates joint feature encoding and task alignment mechanisms.The model consists of two primary components:First,joint feature encoding simultaneously generates features for emotion-cause pairs and clauses,enhancing feature interactions between emotion clauses,cause clauses,and emotion-cause pairs.Second,the task alignment technique is applied to reduce the labeling distance between emotion-cause pair extraction and the two assistant tasks,capturing deep semantic information interactions among tasks.The proposed method is evaluated on a Chinese benchmark corpus using 10-fold cross-validation,assessing key performance metrics such as precision,recall,and F1 score.Experimental results demonstrate that the model achieves an F1 score of 76.05%,surpassing the state-of-the-art by 1.03%.The proposed model exhibits significant improvements in emotion-cause pair extraction(ECPE)and cause extraction(CE)compared to existing methods,validating its effectiveness.This research introduces a novel approach based on joint feature encoding and task alignment mechanisms,contributing to advancements in emotion-cause pair extraction.However,the study’s limitation lies in the data sources,potentially restricting the generalizability of the findings. 展开更多
关键词 Emotion-cause pair extraction interactive information enhancement joint feature encoding label consistency task alignment mechanisms
在线阅读 下载PDF
A Method for Automatic Feature Points Extraction of Pelvic Surface Based on PointMLP_RegNet
3
作者 Wei Kou Rui Zhou +5 位作者 Hongmiao Zhang Jianwen Cheng Chi Zhu Shaolong Kuang Lihai Zhang Lining Sun 《CAAI Transactions on Intelligence Technology》 2025年第3期716-727,共12页
The success of robot-assisted pelvic fracture reduction surgery heavily relies on the accuracy of 3D/3D feature-based registration.This process involves extracting anatomical feature points from pre-operative 3D image... The success of robot-assisted pelvic fracture reduction surgery heavily relies on the accuracy of 3D/3D feature-based registration.This process involves extracting anatomical feature points from pre-operative 3D images which can be challenging because of the complex and variable structure of the pelvis.PointMLP_RegNet,a modified PointMLP,was introduced to address this issue.It retains the feature extraction module of PointMLP but replaces the classification layer with a regression layer to predict the coordinates of feature points instead of conducting regular classification.A flowchart for an automatic feature points extraction method was presented,and a series of experiments was conducted on a clinical pelvic dataset to confirm the accuracy and effectiveness of the method.PointMLP_RegNet extracted feature points more accurately,with 8 out of 10 points showing less than 4 mm errors and the remaining two less than 5 mm.Compared to PointNettt and PointNet,it exhibited higher accuracy,robustness and space efficiency.The proposed method will improve the accuracy of anatomical feature points extraction,enhance intra-operative registration precision and facilitate the widespread clinical application of robot-assisted pelvic fracture reduction. 展开更多
关键词 automatic feature points extraction feature points intra-operative registration PointMLP_RegNet robot-assisted pelvic fracture reduction surgery
在线阅读 下载PDF
RC2DNet:Real-Time Cable Defect Detection Network Based on Small Object Feature Extraction
4
作者 Zilu Liu Hongjin Zhu 《Computers, Materials & Continua》 2025年第10期681-694,共14页
Real-time detection of surface defects on cables is crucial for ensuring the safe operation of power systems.However,existing methods struggle with small target sizes,complex backgrounds,low-quality image acquisition,... Real-time detection of surface defects on cables is crucial for ensuring the safe operation of power systems.However,existing methods struggle with small target sizes,complex backgrounds,low-quality image acquisition,and interference from contamination.To address these challenges,this paper proposes the Real-time Cable Defect Detection Network(RC2DNet),which achieves an optimal balance between detection accuracy and computational efficiency.Unlike conventional approaches,RC2DNet introduces a small object feature extraction module that enhances the semantic representation of small targets through feature pyramids,multi-level feature fusion,and an adaptive weighting mechanism.Additionally,a boundary feature enhancement module is designed,incorporating boundary-aware convolution,a novel boundary attention mechanism,and an improved loss function to significantly enhance boundary localization accuracy.Experimental results demonstrate that RC2DNet outperforms state-of-the-art methods in precision,recall,F1-score,mean Intersection over Union(mIoU),and frame rate,enabling real-time and highly accurate cable defect detection in complex backgrounds. 展开更多
关键词 Surface defect detection computer vision small object feature extraction boundary feature enhancement
在线阅读 下载PDF
Dialogue Relation Extraction Enhanced with Trigger:A Multi-Feature Filtering and Fusion Model
5
作者 Haitao Wang Yuanzhao Guo +1 位作者 Xiaotong Han Yuan Tian 《Computers, Materials & Continua》 2025年第4期137-155,共19页
Relation extraction plays a crucial role in numerous downstream tasks.Dialogue relation extraction focuses on identifying relations between two arguments within a given dialogue.To tackle the problem of low informatio... Relation extraction plays a crucial role in numerous downstream tasks.Dialogue relation extraction focuses on identifying relations between two arguments within a given dialogue.To tackle the problem of low information density in dialogues,methods based on trigger enhancement have been proposed,yielding positive results.However,trigger enhancement faces challenges,which cause suboptimal model performance.First,the proportion of annotated triggers is low in DialogRE.Second,feature representations of triggers and arguments often contain conflicting information.In this paper,we propose a novel Multi-Feature Filtering and Fusion trigger enhancement approach to overcome these limitations.We first obtain representations of arguments,and triggers that contain rich semantic information through attention and gate methods.Then,we design a feature filtering mechanism that eliminates conflicting features in the encoding of trigger prototype representations and their corresponding argument pairs.Additionally,we utilize large language models to create prompts based on Chain-of-Thought and In-context Learning for automated trigger extraction.Experiments show that our model increases the average F1 score by 1.3%in the dialogue relation extraction task.Ablation and case studies confirm the effectiveness of our model.Furthermore,the feature filtering method effectively integrates with other trigger enhancement models,enhancing overall performance and demonstrating its ability to resolve feature conflicts. 展开更多
关键词 Dialogue relation extraction feature filtering chain-of-thought
在线阅读 下载PDF
Multi-Scene Smoke Detection Based on Multi-Feature Extraction Method
6
作者 SHAO Yanli YING Yong +2 位作者 CHEN Xi DONG Siyu WEI Dan 《Journal of Shanghai Jiaotong university(Science)》 2025年第5期866-879,共14页
This study proposes a multi-scene smoke detection algorithm based on a multi-feature extraction method to address the problems of varying smoke shapes in different scenes,difficulty in locating and detecting transluce... This study proposes a multi-scene smoke detection algorithm based on a multi-feature extraction method to address the problems of varying smoke shapes in different scenes,difficulty in locating and detecting translucent smoke,and variable smoke scales.First,the convolution module of feature extraction in YOLOv5s backbone network is replaced with asymmetric convolution block re-parameterization convolution to improve the detection of different shapes of smoke.Then,coordinate attention mechanism is introduced in the deeper layer of the backbone network to further improve the localization of translucent smoke.Finally,the detection of smoke at different scales is further improved by using the feature pyramid convolution module instead of the standard convolution module of the feature pyramid in the model.The experimental results demonstrate the feasibility and superiority of the proposed model for multi-scene smoke detection. 展开更多
关键词 smoke detection YOLOv5s feature extraction attention mechanisms
原文传递
AI-Driven Malware Detection with VGG Feature Extraction and Artificial Rabbits Optimized Random Forest Model
7
作者 Brij B.Gupta Akshat Gaurav +3 位作者 Wadee Alhalabi Varsha Arya Shavi Bansal Ching-Hsien Hsu 《Computers, Materials & Continua》 2025年第9期4755-4772,共18页
Detecting cyber attacks in networks connected to the Internet of Things(IoT)is of utmost importance because of the growing vulnerabilities in the smart environment.Conventional models,such as Naive Bayes and support v... Detecting cyber attacks in networks connected to the Internet of Things(IoT)is of utmost importance because of the growing vulnerabilities in the smart environment.Conventional models,such as Naive Bayes and support vector machine(SVM),as well as ensemble methods,such as Gradient Boosting and eXtreme gradient boosting(XGBoost),are often plagued by high computational costs,which makes it challenging for them to perform real-time detection.In this regard,we suggested an attack detection approach that integrates Visual Geometry Group 16(VGG16),Artificial Rabbits Optimizer(ARO),and Random Forest Model to increase detection accuracy and operational efficiency in Internet of Things(IoT)networks.In the suggested model,the extraction of features from malware pictures was accomplished with the help of VGG16.The prediction process is carried out by the random forest model using the extracted features from the VGG16.Additionally,ARO is used to improve the hyper-parameters of the random forest model of the random forest.With an accuracy of 96.36%,the suggested model outperforms the standard models in terms of accuracy,F1-score,precision,and recall.The comparative research highlights our strategy’s success,which improves performance while maintaining a lower computational cost.This method is ideal for real-time applications,but it is effective. 展开更多
关键词 Malware detection VGG feature extraction artificial rabbits OPTIMIZATION random forest model
在线阅读 下载PDF
A Two-Stage Feature Extraction Approach for Green Energy Consumers in Retail Electricity Markets Using Clustering and TF–IDF Algorithms
8
作者 Wei Yang Weicong Tan +6 位作者 Zhijian Zeng Ren Li Jie Qin Yuting Xie Yongjun Zhang Runting Cheng Dongliang Xiao 《Energy Engineering》 2025年第5期1697-1713,共17页
The rapid development of electricity retail market has prompted an increasing number of electricity consumers to sign green electricity contracts with retail electricity companies,which poses greater challenges for th... The rapid development of electricity retail market has prompted an increasing number of electricity consumers to sign green electricity contracts with retail electricity companies,which poses greater challenges for the market service for green energy consumers.This study proposed a two-stage feature extraction approach for green energy consumers leveraging clustering and termfrequency-inverse document frequency(TF-IDF)algorithms within a knowledge graph framework to provide an information basis that supports the green development of the retail electricity market.First,the multi-source heterogeneous data of green energy consumers under an actual market environment is systematically introduced and the information is categorized into discrete,interval,and relational features.A clustering algorithm was employed to extract features of the trading behavior of green energy consumers in the first stage using the parameter data of green retail electricity contracts.Then,TF-IDF algorithm was applied in the second stage to extract features for green energy consumers in different clusters.Finally,the effectiveness of the proposed approach was validated based on the actual operational data in a southern province of China.It is shown that the most significant discrepancy between the retail trading behaviors of green energy consumers is the power share of green retail packages,whose averaged values are 25.64%,50%,39.66%,and 24.89%in four different clusters,respectively.Additionally,power supply bureaus and electricity retail companies affects the behavior of the green energy consumers most significantly. 展开更多
关键词 Green energy consumer feature extraction knowledge graph retail electricity market
在线阅读 下载PDF
Efficient Time-Series Feature Extraction and Ensemble Learning for Appliance Categorization Using Smart Meter Data
9
作者 Ugur Madran Saeed Mian Qaisar Duygu Soyoglu 《Computer Modeling in Engineering & Sciences》 2025年第11期1969-1992,共24页
Recent advancements in smart-meter technology are transforming traditional power systems into intelligent smart grids.It offers substantial benefits across social,environmental,and economic dimensions.To effectively r... Recent advancements in smart-meter technology are transforming traditional power systems into intelligent smart grids.It offers substantial benefits across social,environmental,and economic dimensions.To effectively realize these advantages,a fine-grained collection and analysis of smart meter data is essential.However,the high dimensionality and volume of such time-series present significant challenges,including increased computational load,data transmission overhead,latency,and complexity in real-time analysis.This study proposes a novel,computationally efficient framework for feature extraction and selection tailored to smart meter time-series data.The approach begins with an extensive offline analysis,where features are derived from multiple domains—time,frequency,and statistical—to capture diverse signal characteristics.Various feature sets are fused and evaluated using robust machine learning classifiers to identify the most informative combinations for automated appliance categorization.The bestperforming fused features set undergoes further refinement using Analysis of Variance(ANOVA)to identify the most discriminative features.The mathematical models,used to compute the selected features,are optimized to extract them with computational efficiency during online processing.Moreover,a notable dimension reduction is secured which facilitates data storage,transmission,and post processing.Onward,a specifically designed LogitBoost(LB)based ensemble of Random Forest base learners is used for an automated classification.The proposed solution demonstrates a high classification accuracy(97.93%)for the case of nine-class problem and dimension reduction(17.33-fold)with minimal front-end computational requirements,making it well-suited for real-world applications in smart grid environments. 展开更多
关键词 Appliances power consumption smart meter pattern recognition feature extraction time series analysis machine learning CLASSIFICATION
在线阅读 下载PDF
Tomato Growth Height Prediction Method by Phenotypic Feature Extraction Using Multi-modal Data
10
作者 GONG Yu WANG Ling +3 位作者 ZHAO Rongqiang YOU Haibo ZHOU Mo LIU Jie 《智慧农业(中英文)》 2025年第1期97-110,共14页
[Objective]Accurate prediction of tomato growth height is crucial for optimizing production environments in smart farming.However,current prediction methods predominantly rely on empirical,mechanistic,or learning-base... [Objective]Accurate prediction of tomato growth height is crucial for optimizing production environments in smart farming.However,current prediction methods predominantly rely on empirical,mechanistic,or learning-based models that utilize either images data or environmental data.These methods fail to fully leverage multi-modal data to capture the diverse aspects of plant growth comprehensively.[Methods]To address this limitation,a two-stage phenotypic feature extraction(PFE)model based on deep learning algorithm of recurrent neural network(RNN)and long short-term memory(LSTM)was developed.The model integrated environment and plant information to provide a holistic understanding of the growth process,emploied phenotypic and temporal feature extractors to comprehensively capture both types of features,enabled a deeper understanding of the interaction between tomato plants and their environment,ultimately leading to highly accurate predictions of growth height.[Results and Discussions]The experimental results showed the model's ef‐fectiveness:When predicting the next two days based on the past five days,the PFE-based RNN and LSTM models achieved mean absolute percentage error(MAPE)of 0.81%and 0.40%,respectively,which were significantly lower than the 8.00%MAPE of the large language model(LLM)and 6.72%MAPE of the Transformer-based model.In longer-term predictions,the 10-day prediction for 4 days ahead and the 30-day prediction for 12 days ahead,the PFE-RNN model continued to outperform the other two baseline models,with MAPE of 2.66%and 14.05%,respectively.[Conclusions]The proposed method,which leverages phenotypic-temporal collaboration,shows great potential for intelligent,data-driven management of tomato cultivation,making it a promising approach for enhancing the efficiency and precision of smart tomato planting management. 展开更多
关键词 tomato growth prediction deep learning phenotypic feature extraction multi-modal data recurrent neural net‐work long short-term memory large language model
在线阅读 下载PDF
Improving sound event detection through enhanced feature extraction and attention mechanisms
11
作者 Dongping ZHANG Siyi WU +3 位作者 Zhanhong LU Zhehao ZHANG Haimiao HU Jiabin YU 《Frontiers of Computer Science》 2025年第10期143-145,共3页
1 Introduction Sound event detection(SED)aims to identify and locate specific sound event categories and their corresponding timestamps within continuous audio streams.To overcome the limitations posed by the scarcity... 1 Introduction Sound event detection(SED)aims to identify and locate specific sound event categories and their corresponding timestamps within continuous audio streams.To overcome the limitations posed by the scarcity of strongly labeled training data,researchers have increasingly turned to semi-supervised learning(SSL)[1],which leverages unlabeled data to augment training and improve detection performance.Among many SSL methods[2-4]. 展开更多
关键词 sound event detection semi supervised learning feature extraction sound event detection sed aims identify locate specific sound event categories augment training unlabeled data attention mechanisms
原文传递
Feature extraction for machine learning-based intrusion detection in IoT networks 被引量:3
12
作者 Mohanad Sarhan Siamak Layeghy +2 位作者 Nour Moustafa Marcus Gallagher Marius Portmann 《Digital Communications and Networks》 SCIE CSCD 2024年第1期205-216,共12页
A large number of network security breaches in IoT networks have demonstrated the unreliability of current Network Intrusion Detection Systems(NIDSs).Consequently,network interruptions and loss of sensitive data have ... A large number of network security breaches in IoT networks have demonstrated the unreliability of current Network Intrusion Detection Systems(NIDSs).Consequently,network interruptions and loss of sensitive data have occurred,which led to an active research area for improving NIDS technologies.In an analysis of related works,it was observed that most researchers aim to obtain better classification results by using a set of untried combinations of Feature Reduction(FR)and Machine Learning(ML)techniques on NIDS datasets.However,these datasets are different in feature sets,attack types,and network design.Therefore,this paper aims to discover whether these techniques can be generalised across various datasets.Six ML models are utilised:a Deep Feed Forward(DFF),Convolutional Neural Network(CNN),Recurrent Neural Network(RNN),Decision Tree(DT),Logistic Regression(LR),and Naive Bayes(NB).The accuracy of three Feature Extraction(FE)algorithms is detected;Principal Component Analysis(PCA),Auto-encoder(AE),and Linear Discriminant Analysis(LDA),are evaluated using three benchmark datasets:UNSW-NB15,ToN-IoT and CSE-CIC-IDS2018.Although PCA and AE algorithms have been widely used,the determination of their optimal number of extracted dimensions has been overlooked.The results indicate that no clear FE method or ML model can achieve the best scores for all datasets.The optimal number of extracted dimensions has been identified for each dataset,and LDA degrades the performance of the ML models on two datasets.The variance is used to analyse the extracted dimensions of LDA and PCA.Finally,this paper concludes that the choice of datasets significantly alters the performance of the applied techniques.We believe that a universal(benchmark)feature set is needed to facilitate further advancement and progress of research in this field. 展开更多
关键词 feature extraction Machine learning Network intrusion detection system IOT
在线阅读 下载PDF
Anomaly Detection in Imbalanced Encrypted Traffic with Few Packet Metadata-Based Feature Extraction 被引量:1
13
作者 Min-Gyu Kim Hwankuk Kim 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第10期585-607,共23页
In the IoT(Internet of Things)domain,the increased use of encryption protocols such as SSL/TLS,VPN(Virtual Private Network),and Tor has led to a rise in attacks leveraging encrypted traffic.While research on anomaly d... In the IoT(Internet of Things)domain,the increased use of encryption protocols such as SSL/TLS,VPN(Virtual Private Network),and Tor has led to a rise in attacks leveraging encrypted traffic.While research on anomaly detection using AI(Artificial Intelligence)is actively progressing,the encrypted nature of the data poses challenges for labeling,resulting in data imbalance and biased feature extraction toward specific nodes.This study proposes a reconstruction error-based anomaly detection method using an autoencoder(AE)that utilizes packet metadata excluding specific node information.The proposed method omits biased packet metadata such as IP and Port and trains the detection model using only normal data,leveraging a small amount of packet metadata.This makes it well-suited for direct application in IoT environments due to its low resource consumption.In experiments comparing feature extraction methods for AE-based anomaly detection,we found that using flowbased features significantly improves accuracy,precision,F1 score,and AUC(Area Under the Receiver Operating Characteristic Curve)score compared to packet-based features.Additionally,for flow-based features,the proposed method showed a 30.17%increase in F1 score and improved false positive rates compared to Isolation Forest and OneClassSVM.Furthermore,the proposedmethod demonstrated a 32.43%higherAUCwhen using packet features and a 111.39%higher AUC when using flow features,compared to previously proposed oversampling methods.This study highlights the impact of feature extraction methods on attack detection in imbalanced,encrypted traffic environments and emphasizes that the one-class method using AE is more effective for attack detection and reducing false positives compared to traditional oversampling methods. 展开更多
关键词 One-class anomaly detection feature extraction auto-encoder encrypted traffic CICIoT2023
在线阅读 下载PDF
Weak Fault Feature Extraction of the Rotating Machinery Using Flexible Analytic Wavelet Transform and Nonlinear Quantum Permutation Entropy 被引量:1
14
作者 Lili Bai Wenhui Li +3 位作者 He Ren Feng Li TaoYan Lirong Chen 《Computers, Materials & Continua》 SCIE EI 2024年第6期4513-4531,共19页
Addressing the challenges posed by the nonlinear and non-stationary vibrations in rotating machinery,where weak fault characteristic signals hinder accurate fault state representation,we propose a novel feature extrac... Addressing the challenges posed by the nonlinear and non-stationary vibrations in rotating machinery,where weak fault characteristic signals hinder accurate fault state representation,we propose a novel feature extraction method that combines the Flexible Analytic Wavelet Transform(FAWT)with Nonlinear Quantum Permutation Entropy.FAWT,leveraging fractional orders and arbitrary scaling and translation factors,exhibits superior translational invariance and adjustable fundamental oscillatory characteristics.This flexibility enables FAWT to provide well-suited wavelet shapes,effectively matching subtle fault components and avoiding performance degradation associated with fixed frequency partitioning and low-oscillation bases in detecting weak faults.In our approach,gearbox vibration signals undergo FAWT to obtain sub-bands.Quantum theory is then introduced into permutation entropy to propose Nonlinear Quantum Permutation Entropy,a feature that more accurately characterizes the operational state of vibration simulation signals.The nonlinear quantum permutation entropy extracted from sub-bands is utilized to characterize the operating state of rotating machinery.A comprehensive analysis of vibration signals from rolling bearings and gearboxes validates the feasibility of the proposed method.Comparative assessments with parameters derived from traditional permutation entropy,sample entropy,wavelet transform(WT),and empirical mode decomposition(EMD)underscore the superior effectiveness of this approach in fault detection and classification for rotating machinery. 展开更多
关键词 Rotating machinery quantum theory nonlinear quantum permutation entropy Flexible Analytic Wavelet Transform(FAWT) feature extraction
在线阅读 下载PDF
Automatic Extraction Method of 3D Feature Guidelines for Complex Cultural Relic Surfaces Based on Point Cloud 被引量:1
15
作者 GENG Yuxin ZHONG Ruofei +1 位作者 HUANG Yuqin SUN Haili 《Journal of Geodesy and Geoinformation Science》 CSCD 2024年第1期16-41,共26页
Cultural relics line graphic serves as a crucial form of traditional artifact information documentation,which is a simple and intuitive product with low cost of displaying compared with 3D models.Dimensionality reduct... Cultural relics line graphic serves as a crucial form of traditional artifact information documentation,which is a simple and intuitive product with low cost of displaying compared with 3D models.Dimensionality reduction is undoubtedly necessary for line drawings.However,most existing methods for artifact drawing rely on the principles of orthographic projection that always cannot avoid angle occlusion and data overlapping while the surface of cultural relics is complex.Therefore,conformal mapping was introduced as a dimensionality reduction way to compensate for the limitation of orthographic projection.Based on the given criteria for assessing surface complexity,this paper proposed a three-dimensional feature guideline extraction method for complex cultural relic surfaces.A 2D and 3D combined factor that measured the importance of points on describing surface features,vertex weight,was designed.Then the selection threshold for feature guideline extraction was determined based on the differences between vertex weight and shape index distributions.The feasibility and stability were verified through experiments conducted on real cultural relic surface data.Results demonstrated the ability of the method to address the challenges associated with the automatic generation of line drawings for complex surfaces.The extraction method and the obtained results will be useful for line graphic drawing,displaying and propaganda of cultural relics. 展开更多
关键词 point cloud conformal parameterization vertex weight surface mesh cultural relics feature extraction
在线阅读 下载PDF
Online Multi-Object Tracking Under Moving Unmanned Aerial Vehicle Platform Based on Object Detection and Feature Extraction Network 被引量:1
16
作者 刘增敏 王申涛 +1 位作者 姚莉秀 蔡云泽 《Journal of Shanghai Jiaotong university(Science)》 EI 2024年第3期388-399,共12页
In order to solve the problem of small object size and low detection accuracy under the unmanned aerial vehicle(UAV)platform,the object detection algorithm based on deep aggregation network and high-resolution fusion ... In order to solve the problem of small object size and low detection accuracy under the unmanned aerial vehicle(UAV)platform,the object detection algorithm based on deep aggregation network and high-resolution fusion module is studied.Furthermore,a joint network of object detection and feature extraction is studied to construct a real-time multi-object tracking algorithm.For the problem of object association failure caused by UAV movement,image registration is applied to multi-object tracking and a camera motion discrimination model is proposed to improve the speed of the multi-object tracking algorithm.The simulation results show that the algorithm proposed in this study can improve the accuracy of multi-object tracking under the UAV platform,and effectively solve the problem of association failure caused by UAV movement. 展开更多
关键词 moving unmanned aerial vehicle(UAV)platform small object feature extraction image registration multi-object tracking
原文传递
Multi-timescale feature extraction method of wastewater treatment process based on adaptive entropy
17
作者 Honggui Han Yaqian Zhao +1 位作者 Xiaolong Wu Hongyan Yang 《Chinese Journal of Chemical Engineering》 SCIE EI CAS CSCD 2024年第12期264-271,共8页
In wastewater treatment systems,extracting meaningful features from process data is essential for effective monitoring and control.However,the multi-time scale data generated by different sampling frequencies pose a c... In wastewater treatment systems,extracting meaningful features from process data is essential for effective monitoring and control.However,the multi-time scale data generated by different sampling frequencies pose a challenge to accurately extract features.To solve this issue,a multi-timescale feature extraction method based on adaptive entropy is proposed.Firstly,the expert knowledge graph is constructed by analyzing the characteristics of wastewater components and water quality data,which can illustrate various water quality parameters and the network of relationships among them.Secondly,multiscale entropy analysis is used to investigate the inherent multi-timescale patterns of water quality data in depth,which enables us to minimize information loss while uniformly optimizing the timescale.Thirdly,we harness partial least squares for feature extraction,resulting in an enhanced representation of sample data and the iterative enhancement of our expert knowledge graph.The experimental results show that the multi-timescale feature extraction algorithm can enhance the representation of water quality data and improve monitoring capabilities. 展开更多
关键词 feature extraction Knowledge graph Wastewater treatment process Adaptive entropy
在线阅读 下载PDF
CMMCAN:Lightweight Feature Extraction and Matching Network for Endoscopic Images Based on Adaptive Attention
18
作者 Nannan Chong Fan Yang 《Computers, Materials & Continua》 SCIE EI 2024年第8期2761-2783,共23页
In minimally invasive surgery,endoscopes or laparoscopes equipped with miniature cameras and tools are used to enter the human body for therapeutic purposes through small incisions or natural cavities.However,in clini... In minimally invasive surgery,endoscopes or laparoscopes equipped with miniature cameras and tools are used to enter the human body for therapeutic purposes through small incisions or natural cavities.However,in clinical operating environments,endoscopic images often suffer from challenges such as low texture,uneven illumination,and non-rigid structures,which affect feature observation and extraction.This can severely impact surgical navigation or clinical diagnosis due to missing feature points in endoscopic images,leading to treatment and postoperative recovery issues for patients.To address these challenges,this paper introduces,for the first time,a Cross-Channel Multi-Modal Adaptive Spatial Feature Fusion(ASFF)module based on the lightweight architecture of EfficientViT.Additionally,a novel lightweight feature extraction and matching network based on attention mechanism is proposed.This network dynamically adjusts attention weights for cross-modal information from grayscale images and optical flow images through a dual-branch Siamese network.It extracts static and dynamic information features ranging from low-level to high-level,and from local to global,ensuring robust feature extraction across different widths,noise levels,and blur scenarios.Global and local matching are performed through a multi-level cascaded attention mechanism,with cross-channel attention introduced to simultaneously extract low-level and high-level features.Extensive ablation experiments and comparative studies are conducted on the HyperKvasir,EAD,M2caiSeg,CVC-ClinicDB,and UCL synthetic datasets.Experimental results demonstrate that the proposed network improves upon the baseline EfficientViT-B3 model by 75.4%in accuracy(Acc),while also enhancing runtime performance and storage efficiency.When compared with the complex DenseDescriptor feature extraction network,the difference in Acc is less than 7.22%,and IoU calculation results on specific datasets outperform complex dense models.Furthermore,this method increases the F1 score by 33.2%and accelerates runtime by 70.2%.It is noteworthy that the speed of CMMCAN surpasses that of comparative lightweight models,with feature extraction and matching performance comparable to existing complex models but with faster speed and higher cost-effectiveness. 展开更多
关键词 feature extraction and matching lightweighted network medical images ENDOSCOPIC ATTENTION
在线阅读 下载PDF
Feature extraction and learning approaches for cancellable biometrics:A survey
19
作者 Wencheng Yang Song Wang +2 位作者 Jiankun Hu Xiaohui Tao Yan Li 《CAAI Transactions on Intelligence Technology》 SCIE EI 2024年第1期4-25,共22页
Biometric recognition is a widely used technology for user authentication.In the application of this technology,biometric security and recognition accuracy are two important issues that should be considered.In terms o... Biometric recognition is a widely used technology for user authentication.In the application of this technology,biometric security and recognition accuracy are two important issues that should be considered.In terms of biometric security,cancellable biometrics is an effective technique for protecting biometric data.Regarding recognition accuracy,feature representation plays a significant role in the performance and reliability of cancellable biometric systems.How to design good feature representations for cancellable biometrics is a challenging topic that has attracted a great deal of attention from the computer vision community,especially from researchers of cancellable biometrics.Feature extraction and learning in cancellable biometrics is to find suitable feature representations with a view to achieving satisfactory recognition performance,while the privacy of biometric data is protected.This survey informs the progress,trend and challenges of feature extraction and learning for cancellable biometrics,thus shedding light on the latest developments and future research of this area. 展开更多
关键词 BIOMETRICS feature extraction
在线阅读 下载PDF
Spatial Distribution Feature Extraction Network for Open Set Recognition of Electromagnetic Signal
20
作者 Hui Zhang Huaji Zhou +1 位作者 Li Wang Feng Zhou 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第4期279-296,共18页
This paper proposes a novel open set recognition method,the Spatial Distribution Feature Extraction Network(SDFEN),to address the problem of electromagnetic signal recognition in an open environment.The spatial distri... This paper proposes a novel open set recognition method,the Spatial Distribution Feature Extraction Network(SDFEN),to address the problem of electromagnetic signal recognition in an open environment.The spatial distribution feature extraction layer in SDFEN replaces convolutional output neural networks with the spatial distribution features that focus more on inter-sample information by incorporating class center vectors.The designed hybrid loss function considers both intra-class distance and inter-class distance,thereby enhancing the similarity among samples of the same class and increasing the dissimilarity between samples of different classes during training.Consequently,this method allows unknown classes to occupy a larger space in the feature space.This reduces the possibility of overlap with known class samples and makes the boundaries between known and unknown samples more distinct.Additionally,the feature comparator threshold can be used to reject unknown samples.For signal open set recognition,seven methods,including the proposed method,are applied to two kinds of electromagnetic signal data:modulation signal and real-world emitter.The experimental results demonstrate that the proposed method outperforms the other six methods overall in a simulated open environment.Specifically,compared to the state-of-the-art Openmax method,the novel method achieves up to 8.87%and 5.25%higher micro-F-measures,respectively. 展开更多
关键词 Electromagnetic signal recognition deep learning feature extraction open set recognition
在线阅读 下载PDF
上一页 1 2 250 下一页 到第
使用帮助 返回顶部