期刊文献+
共找到64,294篇文章
< 1 2 250 >
每页显示 20 50 100
Road Traffic Monitoring from Aerial Images Using Template Matching and Invariant Features
1
作者 Asifa Mehmood Qureshi Naif Al Mudawi +2 位作者 Mohammed Alonazi Samia Allaoua Chelloug Jeongmin Park 《Computers, Materials & Continua》 SCIE EI 2024年第3期3683-3701,共19页
Road traffic monitoring is an imperative topic widely discussed among researchers.Systems used to monitor traffic frequently rely on cameras mounted on bridges or roadsides.However,aerial images provide the flexibilit... Road traffic monitoring is an imperative topic widely discussed among researchers.Systems used to monitor traffic frequently rely on cameras mounted on bridges or roadsides.However,aerial images provide the flexibility to use mobile platforms to detect the location and motion of the vehicle over a larger area.To this end,different models have shown the ability to recognize and track vehicles.However,these methods are not mature enough to produce accurate results in complex road scenes.Therefore,this paper presents an algorithm that combines state-of-the-art techniques for identifying and tracking vehicles in conjunction with image bursts.The extracted frames were converted to grayscale,followed by the application of a georeferencing algorithm to embed coordinate information into the images.The masking technique eliminated irrelevant data and reduced the computational cost of the overall monitoring system.Next,Sobel edge detection combined with Canny edge detection and Hough line transform has been applied for noise reduction.After preprocessing,the blob detection algorithm helped detect the vehicles.Vehicles of varying sizes have been detected by implementing a dynamic thresholding scheme.Detection was done on the first image of every burst.Then,to track vehicles,the model of each vehicle was made to find its matches in the succeeding images using the template matching algorithm.To further improve the tracking accuracy by incorporating motion information,Scale Invariant Feature Transform(SIFT)features have been used to find the best possible match among multiple matches.An accuracy rate of 87%for detection and 80%accuracy for tracking in the A1 Motorway Netherland dataset has been achieved.For the Vehicle Aerial Imaging from Drone(VAID)dataset,an accuracy rate of 86%for detection and 78%accuracy for tracking has been achieved. 展开更多
关键词 Unmanned Aerial Vehicles(UAV) aerial images DATASET object detection object tracking data elimination template matching blob detection SIFT VAID
下载PDF
TEMPLATE MATCHING ALGORITHM OF RADAR BEAM SCAN TYPE RECOGNITION 被引量:3
2
作者 Liang Huadong Han Jianghong Guo Guohua 《Journal of Electronics(China)》 2014年第2期100-106,共7页
Phased array radar has been applied broadly because of its sound performance.But signal of phased array radar is of a wide variety of types.Therefore,recognition of phased array radar is the most puzzling aspect of th... Phased array radar has been applied broadly because of its sound performance.But signal of phased array radar is of a wide variety of types.Therefore,recognition of phased array radar is the most puzzling aspect of the whole emitter identification domain.To solve the problem,the article proposes the method that identifies phased array radar by pulse amplitude information,and studies the phased array radar,models transmit signal of them,and receiving signal by radar countermeasure reconnaissance receiver.From constructing template of pulse train's amplitude vector of mechanical scanning radar,computing distance of samples and standard template,finding threshold of the template matching arithmetic,the article puts forward the template matching algorithm of radar beam scan type recognition to identify phased array radar automatically. 展开更多
关键词 Beam scan RECOGNITION template matching Pulse amplitude Normative correlation coefficient
下载PDF
Template matching for simple waveforms with low signal-to-noise ratio and its application to icequake detection 被引量:3
3
作者 Haichao Ma Risheng Chu +1 位作者 Minhan Sheng Ziye Yu 《Earthquake Science》 2020年第5期256-263,共8页
Template matching is a useful method to detect seismic events through waveform similarity between two signals.The traditional template matching method works well in detecting small tectonic earthquakes.However,the met... Template matching is a useful method to detect seismic events through waveform similarity between two signals.The traditional template matching method works well in detecting small tectonic earthquakes.However,the method has some difficulty when the signals have relatively low signal-to-noise ratios(SNRs)and simple shapes,e.g.a sinusoidal function.In this study,we modify the traditional template matching approach for this situation.We first construct a virtual three-component seismic station using vertical-component waveforms recorded by three stations.Next,we select a template event from the virtual station,and apply the traditional template matching.We then verify this method by detecting icequakes with simple waveforms on the Urumqi Glacier No.1 and compare the results with those from the short-term-averages over long-term-average(STA/LTA),the REST method,and traditional template matching method.It can be concluded that the modified template matching method using virtual stations has some advantages for seismic data with low SNRs. 展开更多
关键词 template matching icequake detection Urumqi Glacier No.1
下载PDF
An effective method for laboratory acoustic emission detection and location using template matching 被引量:1
4
作者 Xinglin Lei Tomohiro Ohuchi +2 位作者 Manami Kitamura Xiaying Li Qi Li 《Journal of Rock Mechanics and Geotechnical Engineering》 SCIE CSCD 2022年第5期1642-1651,共10页
In this paper, a template matching and location method, which has been rapidly adopted in microseismic research in recent years, is applied to laboratory acoustic emission(AE) monitoring. First, we used traditional me... In this paper, a template matching and location method, which has been rapidly adopted in microseismic research in recent years, is applied to laboratory acoustic emission(AE) monitoring. First, we used traditional methods to detect P-wave first motions and locate AE hypocenters in three dimensions. In addition, we selected events located with sufficient accuracy(normally corresponding AE events of relatively larger energy, showing clear P-wave first motion and a higher signal-to-noise ratio in most channels) as template events. Then, the template events were used to scan and match other poorly located events in triggered event records or weak events in continuous records. Through crosscorrelation of the multi-channel waveforms between the template and the event to be detected, the weak signal was detected and located using a grid-searching algorithm(with the grid centered at the template hypocenter). In order to examine the performance of the approach, we calibrated the proposed method using experimental data of different rocks and different types of experiments. The results show that the proposed method can significantly improve the detection capability and location accuracy, and can be applied to various laboratory and in situ experiments, which use multi-channel AE monitoring with waveforms recorded in either triggering or continuous mode. 展开更多
关键词 Acoustic emission template matching and location Waveform cross-correlation Grid search
下载PDF
Parallel Implementation of the Non-Overlapping Template Matching Test Using CUDA
5
作者 Kaikai Li Jianguo Zhang +2 位作者 Pu Li Anbang Wang Yuncai Wang 《China Communications》 SCIE CSCD 2020年第8期234-241,共8页
NIST(National Institute of Standards and Technology) statistical test recognized as the most authoritative is widely used in verifying the randomness of binary sequences. The Non-overlapping Template Matching Test as ... NIST(National Institute of Standards and Technology) statistical test recognized as the most authoritative is widely used in verifying the randomness of binary sequences. The Non-overlapping Template Matching Test as the 7 th test of the NIST Test Suit is remarkably time consuming and the slow performance is one of the major hurdles in the testing process. In this paper, we present an efficient bit-parallel matching algorithm and segmented scan-based strategy for execution on Graphics Processing Unit(GPU) using NVIDIA Compute Unified Device Architecture(CUDA). Experimental results show the significant performance improvement of the parallelized Non-overlapping Template Matching Test, the running speed is 483 times faster than the original NIST implementation without attenuating the test result accuracy. 展开更多
关键词 random numbers CUDA non-overlapping template matching test parallel implementation NIST test
下载PDF
A Template Matching Based Feature Extraction for Activity Recognition
6
作者 Muhammad Hameed Siddiqi Helal Alshammari +4 位作者 Amjad Ali Madallah Alruwaili Yousef Alhwaiti Saad Alanazi M.M.Kamruzzaman 《Computers, Materials & Continua》 SCIE EI 2022年第7期611-634,共24页
Human activity recognition(HAR)can play a vital role in the monitoring of human activities,particularly for healthcare conscious individuals.The accuracy of HAR systems is completely reliant on the extraction of promi... Human activity recognition(HAR)can play a vital role in the monitoring of human activities,particularly for healthcare conscious individuals.The accuracy of HAR systems is completely reliant on the extraction of prominent features.Existing methods find it very challenging to extract optimal features due to the dynamic nature of activities,thereby reducing recognition performance.In this paper,we propose a robust feature extraction method for HAR systems based on template matching.Essentially,in this method,we want to associate a template of an activity frame or sub-frame comprising the corresponding silhouette.In this regard,the template is placed on the frame pixels to calculate the equivalent number of pixels in the template correspondent those in the frame.This process is replicated for the whole frame,and the pixel is directed to the optimum match.The best count is estimated to be the pixel where the silhouette(provided via the template)presented inside the frame.In this way,the feature vector is generated.After feature vector generation,the hiddenMarkovmodel(HMM)has been utilized to label the incoming activity.We utilized different publicly available standard datasets for experiments.The proposed method achieved the best accuracy against existing state-of-the-art systems. 展开更多
关键词 Activity recognition feature extraction template matching video surveillance
下载PDF
Binaural sound source localization based on weighted template matching 被引量:1
7
作者 Hong Liu Yongheng Sun +1 位作者 Ge Yang Yang Chen 《CAAI Transactions on Intelligence Technology》 EI 2021年第2期214-223,共10页
In robot binaural sound source localization(SSL),locating the direction of the sound source accurately in the shortest time is important.It refers to the algorithm complexity,but even more to the shortest duration of ... In robot binaural sound source localization(SSL),locating the direction of the sound source accurately in the shortest time is important.It refers to the algorithm complexity,but even more to the shortest duration of the required signal.A novel binaural SSL method based on feature and frequency weighting is proposed.More specifically,in the training stage,the direction-related interaural cross-correlation function(CCF)and interaural intensity difference(IID)in each frequency band are calculated under noiseless conditions,which are considered the templates.In the testing stage,first the cosine similarities between the CCF and IID of the test signal and templates are calculated in all features and frequency bands.Then,the direction likelihood can be obtained by weighting the similarities.Finally,the direction with maximum likelihood is specified as the direction of the sound source.Experiments were carried out on CIPIC dataset subject 003 with different noises in the noisex-92 dataset and demonstrated that the method can accurately locate the sound source with a short signal duration. 展开更多
关键词 template SSL ROBOT
下载PDF
Research on the measurement of belt speed by video in coal mine based on improved template matching algorithm 被引量:1
8
作者 ZHU Ai-chun HUA Wei +1 位作者 WANG Chun WANG Yong-xing 《Journal of Coal Science & Engineering(China)》 2011年第4期469-474,共6页
关键词 速度测量系统 模板匹配算法 视频监控系统 皮带 煤矿 基础 实时性能 交比不变性
下载PDF
SYMBOL-RATE ESTIMATION BASED ON TEMPLATE MATCHING RULES 被引量:1
9
作者 Ren Chunhui Wei Ping Xiao Xianci 《Journal of Electronics(China)》 2006年第5期769-772,共4页
For non-cooperative communication, the symbol-rate estimation of digital communication signal is an important problem to be solved. In this letter, A new algorithm for the symbol-rate estimation of single-tone digital... For non-cooperative communication, the symbol-rate estimation of digital communication signal is an important problem to be solved. In this letter, A new algorithm for the symbol-rate estimation of single-tone digitally modulated signal (i.e. MPSK/QAM) is proposed. Firstly a section from the received signal is cut as the template, and then the signal is matched sectionwise by making use of the signal selfsimilarity. So a signal con- taining the information of symbol jumping is got, and the symbol-rate can be estimated by DFT (Discrete Fou- rier Transformation). The validity of the new method has been verified by experiments. 展开更多
关键词 模板匹配探测器 延迟增殖探测器 TMD DMD 相似性曲线
下载PDF
Hierarchical Template Matching for Robust Visual Tracking with Severe Occlusions 被引量:1
10
作者 Lizuo Jin Tirui Wu +1 位作者 Feng Liu Gang Zeng 《ZTE Communications》 2012年第4期54-59,共6页
To tackle the problem of severe occlusions in visual tracking, we propose a hierarchical template-matching method based on a layered appearance model. This model integrates holisticand part-region matching in order to... To tackle the problem of severe occlusions in visual tracking, we propose a hierarchical template-matching method based on a layered appearance model. This model integrates holisticand part-region matching in order to locate an object in a coarse-to-fine manner. Furthermore, in order to reduce ambiguity in object localization, only the discriminative parts of an object's appearance template are chosen for similarity computing with respect to their cornerness measurements. The similarity between parts is computed in a layer-wise manner, and from this, occlusions can be evaluated. When the object is partly occluded, it can be located accurately by matching candidate regions with the appearance template. When it is completely occluded, its location can be predicted from its historical motion information using a Kalman filter. The proposed tracker is tested on several practical image sequences, and the experimental results show that it can consistently provide accurate object location for stable tracking, even for severe occlusions. 展开更多
关键词 模板匹配 视觉跟踪 相似度计算 鲁棒 遮挡 卡尔曼滤波器 模型集成 精确定位
下载PDF
Accelerated Generation of Spatiotemporal Atlas through Fast Template Matching
11
作者 Lianjun Zhang Lifang Zhao Gang Liu 《Journal of Computer and Communications》 2020年第1期16-27,共12页
A spatiotemporal atlas refers to a standard image sequence that represents the general motion pattern of the targeted anatomy across a group of subjects. Recent years have witnessed an increasing interest in using spa... A spatiotemporal atlas refers to a standard image sequence that represents the general motion pattern of the targeted anatomy across a group of subjects. Recent years have witnessed an increasing interest in using spatiotemporal atlas for scientific research and clinical applications in image processing, data analysis and medical imaging. However, the generation of spatiotemporal atlas is often time-consuming and computationally expensive due to the nonlinear image registration procedures involved. This research targets at accelerating the generation of spatiotemporal atlas by formulating the atlas generation procedure as a multi-level modulation (M-ary) classification problem. In particular, we have implemented a fast template matching method based on singular value decomposition, and applied it to generate high quality spatiotemporal atlas with reasonable time and computational complexity. The performance has been systematically evaluated on public accessible data sets. The results and conclusions hold promise for further developing advanced algorithms for accelerating generation of spatiotemporal atlas. 展开更多
关键词 SPATIOTEMPORAL ATLAS template matching Classification
下载PDF
Template Matching using Statistical Model and Parametric Template for Multi-Template
12
作者 Chin-Sheng Chen Jian-Jhe Huang Chien-Liang Huang 《Journal of Signal and Information Processing》 2013年第3期52-57,共6页
This paper represents a template matching using statistical model and parametric template for multi-template. This algorithm consists of two phases: training and matching phases. In the training phase, the statistical... This paper represents a template matching using statistical model and parametric template for multi-template. This algorithm consists of two phases: training and matching phases. In the training phase, the statistical model created by principal component analysis method (PCA) can be used to synthesize multi-template. The advantage of PCA is to reduce the variances of multi-template. In the matching phase, the normalized cross correlation (NCC) is employed to find the candidates in inspection images. The relationship between image block and multi-template is built to use parametric template method. Results show that the proposed method is more efficient than the conventional template matching and parametric template. Furthermore, the proposed method is more robust than conventional template method. 展开更多
关键词 MULTI-template template matching PARAMETRIC template Normalized CROSS Correlation Principal Component Analysis STATISTICAL Model
下载PDF
A Robust Template Matching Algorithm Based on Reducing Dimensions
13
作者 Y. M. Fouda 《Journal of Signal and Information Processing》 2015年第2期109-122,共14页
Template matching is a fundamental problem in pattern recognition, which has wide applications, especially in industrial inspection. In this paper, we propose a 1-D template matching algorithm which is an alternative ... Template matching is a fundamental problem in pattern recognition, which has wide applications, especially in industrial inspection. In this paper, we propose a 1-D template matching algorithm which is an alternative for 2-D full search block matching algorithms. Our approach consists of three steps. In the first step the images are converted from 2-D into 1-D by summing up the intensity values of the image in two directions horizontal and vertical. In the second step, the template matching is performed among 1-D vectors using the similarity function sum of square difference. Finally, the decision will be taken based on the value of similarity function. Transformation template image and sub-images in the source image from 2-D grey level information into 1-D information vector reduce the dimensionality of the data and accelerate the computations. Experimental results show that the computational time of the proposed approach is faster and performance is better than three basic template matching methods. Moreover, our approach is robust to detect the target object with changes of illumination in the template also when the Gaussian noise added to the source image. 展开更多
关键词 Image Processing template matching Vector SUM SUM of SQUARE DIFFERENCE
下载PDF
Template Matching from 2-D into 1-D
14
作者 Yasser Fouda 《Journal of Signal and Information Processing》 2014年第2期23-31,共9页
The following article has been retracted due to special reason of the authors. This paper published in Vol.5 No. 2, 2014, has been removed from this site. Title: Template Matching from 2-D into 1-D Author: Yasser
关键词 IMAGE PROCESSING template matching SIMILARITY Measures IMAGE Dimensions REDUCTION
下载PDF
A comparative survey of SSVEP recognition algorithms based on template matching of training trials
15
作者 Tian-Jian Luo 《International Journal of Intelligent Computing and Cybernetics》 EI 2023年第1期46-67,共22页
Purpose-Steady-state visual evoked potential(SSVEP)has been widely used in the application of electroencephalogram(EEG)based non-invasive brain computer interface(BCI)due to its characteristics of high accuracy and in... Purpose-Steady-state visual evoked potential(SSVEP)has been widely used in the application of electroencephalogram(EEG)based non-invasive brain computer interface(BCI)due to its characteristics of high accuracy and information transfer rate(ITR).To recognize the SSVEP components in collected EEG trials,a lot of recognition algorithms based on template matching of training trials have been proposed and applied in recent years.In this paper,a comparative survey of SSVEP recognition algorithms based on template matching of training trails has been done.Design/methodology/approach-To survey and compare the recently proposed recognition algorithms for SSVEP,this paper regarded the conventional canonical correlated analysis(CCA)as the baseline,and selected individual template CCA(ITCCA),multi-set CCA(MsetCCA),task related component analysis(TRCA),latent common source extraction(LCSE)and a sum of squared correlation(SSCOR)for comparison.Findings-For the horizontal comparative of the six surveyed recognition algorithms,this paper adopted the“Tsinghua JFPM-SSVEP”data set and compared the average recognition performance on such data set.The comparative contents including:recognition accuracy,ITR,correlated coefficient and R-square values under different time duration of the SSVEP stimulus presentation.Based on the optimal time duration of stimulus presentation,the author has also compared the efficiency of the six compared algorithms.To measure the influence of different parameters,the number of training trials,the number of electrodes and the usage of filter bank preprocessing were compared in the ablation study.Originality/value-Based on the comparative results,this paper analyzed the advantages and disadvantages of the six compared SSVEP recognition algorithms by considering application scenes,realtime and computational complexity.Finally,the author gives the algorithms selection range for the recognition of real-world online SSVEP-BCI. 展开更多
关键词 Non-invasive brain-computer interface EEG signals template matching of training trials Steadystate visual evoked potential Optimal projection vector
下载PDF
Efficient Scalable Template-Matching Technique for Ancient Brahmi Script Image
16
作者 Sandeep Kaur Bharat Bhushan Sagar 《Computers, Materials & Continua》 SCIE EI 2023年第1期1541-1559,共19页
Analysis and recognition of ancient scripts is a challenging task as these scripts are inscribed on pillars,stones,or leaves.Optical recognition systems can help in preserving,sharing,and accelerate the study of the a... Analysis and recognition of ancient scripts is a challenging task as these scripts are inscribed on pillars,stones,or leaves.Optical recognition systems can help in preserving,sharing,and accelerate the study of the ancient scripts,but lack of standard dataset for such scripts is a major constraint.Although many scholars and researchers have captured and uploaded inscription images on various websites,manual searching,downloading and extraction of these images is tedious and error prone.Web search queries return a vast number of irrelevant results,and manually extracting images for a specific script is not scalable.This paper proposes a novelmultistage system to identify the specific set of script images from a large set of images downloaded from web sources.The proposed system combines the two most important pattern matching techniques-Scale Invariant Feature Transform(SIFT)and Template matching,in a sequential pipeline,and by using the key strengths of each technique,the system can discard irrelevant images while retaining a specific type of images. 展开更多
关键词 Brahmi script SIFT(scale-invariant feature transform) multi-scale template matching web scraping
下载PDF
Templated synthesis of transition metal phosphide electrocatalysts for oxygen and hydrogen evolution reactions
17
作者 Rose Anne Acedera Alicia Theresse Dumlao +4 位作者 DJ Donn Matienzo Maricor Divinagracia Julie Anne del Rosario Paraggua Po-Ya Abel Chuang Joey Ocon 《Journal of Energy Chemistry》 SCIE EI CAS CSCD 2024年第2期646-669,I0014,共25页
Transition metal phosphides(TMPs)have been regarded as alternative hydrogen evolution reaction(HER)and oxygen evolution reaction(OER)catalysts owing to their comparable activity to those of noble metal-based catalysts... Transition metal phosphides(TMPs)have been regarded as alternative hydrogen evolution reaction(HER)and oxygen evolution reaction(OER)catalysts owing to their comparable activity to those of noble metal-based catalysts.TMPs have been produced in various morphologies,including hollow and porous nanostructures,which are features deemed desirable for electrocatalytic materials.Templated synthesis routes are often responsible for such morphologies.This paper reviews the latest advances and existing challenges in the synthesis of TMP-based OER and HER catalysts through templated methods.A comprehensive review of the structure-property-performance of TMP-based HER and OER catalysts prepared using different templates is presented.The discussion proceeds according to application,first by HER and further divided among the types of templates used-from hard templates,sacrificial templates,and soft templates to the emerging dynamic hydrogen bubble template.OER catalysts are then reviewed and grouped according to their morphology.Finally,prospective research directions for the synthesis of hollow and porous TMP-based catalysts,such as improvements on both activity and stability of TMPs,design of environmentally benign templates and processes,and analysis of the reaction mechanism through advanced material characterization techniques and theoretical calculations,are suggested. 展开更多
关键词 OER HER Transition metal phosphide templated synthesis ELECTROCATALYSTS
下载PDF
Feature Matching via Topology-Aware Graph Interaction Model
18
作者 Yifan Lu Jiayi Ma +2 位作者 Xiaoguang Mei Jun Huang Xiao-Ping Zhang 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2024年第1期113-130,共18页
Feature matching plays a key role in computer vision. However, due to the limitations of the descriptors, the putative matches are inevitably contaminated by massive outliers.This paper attempts to tackle the outlier ... Feature matching plays a key role in computer vision. However, due to the limitations of the descriptors, the putative matches are inevitably contaminated by massive outliers.This paper attempts to tackle the outlier filtering problem from two aspects. First, a robust and efficient graph interaction model,is proposed, with the assumption that matches are correlated with each other rather than independently distributed. To this end, we construct a graph based on the local relationships of matches and formulate the outlier filtering task as a binary labeling energy minimization problem, where the pairwise term encodes the interaction between matches. We further show that this formulation can be solved globally by graph cut algorithm. Our new formulation always improves the performance of previous localitybased method without noticeable deterioration in processing time,adding a few milliseconds. Second, to construct a better graph structure, a robust and geometrically meaningful topology-aware relationship is developed to capture the topology relationship between matches. The two components in sum lead to topology interaction matching(TIM), an effective and efficient method for outlier filtering. Extensive experiments on several large and diverse datasets for multiple vision tasks including general feature matching, as well as relative pose estimation, homography and fundamental matrix estimation, loop-closure detection, and multi-modal image matching, demonstrate that our TIM is more competitive than current state-of-the-art methods, in terms of generality, efficiency, and effectiveness. The source code is publicly available at http://github.com/YifanLu2000/TIM. 展开更多
关键词 Feature matching graph cut outlier filtering topology preserving
下载PDF
Distributed Matching Theory-Based Task Re-Allocating for Heterogeneous Multi-UAV Edge Computing
19
作者 Yangang Wang Xianglin Wei +3 位作者 Hai Wang Yongyang Hu Kuang Zhao Jianhua Fan 《China Communications》 SCIE CSCD 2024年第1期260-278,共19页
Many efforts have been devoted to efficient task scheduling in Multi-Unmanned Aerial Vehicle(UAV)edge computing.However,the heterogeneity of UAV computation resource,and the task re-allocating between UAVs have not be... Many efforts have been devoted to efficient task scheduling in Multi-Unmanned Aerial Vehicle(UAV)edge computing.However,the heterogeneity of UAV computation resource,and the task re-allocating between UAVs have not been fully considered yet.Moreover,most existing works neglect the fact that a task can only be executed on the UAV equipped with its desired service function(SF).In this backdrop,this paper formulates the task scheduling problem as a multi-objective task scheduling problem,which aims at maximizing the task execution success ratio while minimizing the average weighted sum of all tasks’completion time and energy consumption.Optimizing three coupled goals in a realtime manner with the dynamic arrival of tasks hinders us from adopting existing methods,like machine learning-based solutions that require a long training time and tremendous pre-knowledge about the task arrival process,or heuristic-based ones that usually incur a long decision-making time.To tackle this problem in a distributed manner,we establish a matching theory framework,in which three conflicting goals are treated as the preferences of tasks,SFs and UAVs.Then,a Distributed Matching Theory-based Re-allocating(DiMaToRe)algorithm is put forward.We formally proved that a stable matching can be achieved by our proposal.Extensive simulation results show that Di Ma To Re algorithm outperforms benchmark algorithms under diverse parameter settings and has good robustness. 展开更多
关键词 edge computing HETEROGENEITY matching theory service function unmanned aerial vehicle
下载PDF
A Time Series Short-Term Prediction Method Based on Multi-Granularity Event Matching and Alignment
20
作者 Haibo Li Yongbo Yu +1 位作者 Zhenbo Zhao Xiaokang Tang 《Computers, Materials & Continua》 SCIE EI 2024年第1期653-676,共24页
Accurate forecasting of time series is crucial across various domains.Many prediction tasks rely on effectively segmenting,matching,and time series data alignment.For instance,regardless of time series with the same g... Accurate forecasting of time series is crucial across various domains.Many prediction tasks rely on effectively segmenting,matching,and time series data alignment.For instance,regardless of time series with the same granularity,segmenting them into different granularity events can effectively mitigate the impact of varying time scales on prediction accuracy.However,these events of varying granularity frequently intersect with each other,which may possess unequal durations.Even minor differences can result in significant errors when matching time series with future trends.Besides,directly using matched events but unaligned events as state vectors in machine learning-based prediction models can lead to insufficient prediction accuracy.Therefore,this paper proposes a short-term forecasting method for time series based on a multi-granularity event,MGE-SP(multi-granularity event-based short-termprediction).First,amethodological framework for MGE-SP established guides the implementation steps.The framework consists of three key steps,including multi-granularity event matching based on the LTF(latest time first)strategy,multi-granularity event alignment using a piecewise aggregate approximation based on the compression ratio,and a short-term prediction model based on XGBoost.The data from a nationwide online car-hailing service in China ensures the method’s reliability.The average RMSE(root mean square error)and MAE(mean absolute error)of the proposed method are 3.204 and 2.360,lower than the respective values of 4.056 and 3.101 obtained using theARIMA(autoregressive integratedmoving average)method,as well as the values of 4.278 and 2.994 obtained using k-means-SVR(support vector regression)method.The other experiment is conducted on stock data froma public data set.The proposed method achieved an average RMSE and MAE of 0.836 and 0.696,lower than the respective values of 1.019 and 0.844 obtained using the ARIMA method,as well as the values of 1.350 and 1.172 obtained using the k-means-SVR method. 展开更多
关键词 Time series short-term prediction multi-granularity event ALIGNMENT event matching
下载PDF
上一页 1 2 250 下一页 到第
使用帮助 返回顶部