期刊文献+
共找到7,719篇文章
< 1 2 250 >
每页显示 20 50 100
Defect Detection Model Using Time Series Data Augmentation and Transformation 被引量:1
1
作者 Gyu-Il Kim Hyun Yoo +1 位作者 Han-Jin Cho Kyungyong Chung 《Computers, Materials & Continua》 SCIE EI 2024年第2期1713-1730,共18页
Time-series data provide important information in many fields,and their processing and analysis have been the focus of much research.However,detecting anomalies is very difficult due to data imbalance,temporal depende... Time-series data provide important information in many fields,and their processing and analysis have been the focus of much research.However,detecting anomalies is very difficult due to data imbalance,temporal dependence,and noise.Therefore,methodologies for data augmentation and conversion of time series data into images for analysis have been studied.This paper proposes a fault detection model that uses time series data augmentation and transformation to address the problems of data imbalance,temporal dependence,and robustness to noise.The method of data augmentation is set as the addition of noise.It involves adding Gaussian noise,with the noise level set to 0.002,to maximize the generalization performance of the model.In addition,we use the Markov Transition Field(MTF)method to effectively visualize the dynamic transitions of the data while converting the time series data into images.It enables the identification of patterns in time series data and assists in capturing the sequential dependencies of the data.For anomaly detection,the PatchCore model is applied to show excellent performance,and the detected anomaly areas are represented as heat maps.It allows for the detection of anomalies,and by applying an anomaly map to the original image,it is possible to capture the areas where anomalies occur.The performance evaluation shows that both F1-score and Accuracy are high when time series data is converted to images.Additionally,when processed as images rather than as time series data,there was a significant reduction in both the size of the data and the training time.The proposed method can provide an important springboard for research in the field of anomaly detection using time series data.Besides,it helps solve problems such as analyzing complex patterns in data lightweight. 展开更多
关键词 Defect detection time series deep learning data augmentation data transformation
下载PDF
Cross-Dimension Attentive Feature Fusion Network for Unsupervised Time-Series Anomaly Detection 被引量:1
2
作者 Rui Wang Yao Zhou +2 位作者 Guangchun Luo Peng Chen Dezhong Peng 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第6期3011-3027,共17页
Time series anomaly detection is crucial in various industrial applications to identify unusual behaviors within the time series data.Due to the challenges associated with annotating anomaly events,time series reconst... Time series anomaly detection is crucial in various industrial applications to identify unusual behaviors within the time series data.Due to the challenges associated with annotating anomaly events,time series reconstruction has become a prevalent approach for unsupervised anomaly detection.However,effectively learning representations and achieving accurate detection results remain challenging due to the intricate temporal patterns and dependencies in real-world time series.In this paper,we propose a cross-dimension attentive feature fusion network for time series anomaly detection,referred to as CAFFN.Specifically,a series and feature mixing block is introduced to learn representations in 1D space.Additionally,a fast Fourier transform is employed to convert the time series into 2D space,providing the capability for 2D feature extraction.Finally,a cross-dimension attentive feature fusion mechanism is designed that adaptively integrates features across different dimensions for anomaly detection.Experimental results on real-world time series datasets demonstrate that CAFFN performs better than other competing methods in time series anomaly detection. 展开更多
关键词 time series anomaly detection unsupervised feature learning feature fusion
下载PDF
Real-time Rescue Target Detection Based on UAV Imagery for Flood Emergency Response 被引量:1
3
作者 ZHAO Bofei SUI Haigang +2 位作者 ZHU Yihao LIU Chang WANG Wentao 《Journal of Geodesy and Geoinformation Science》 CSCD 2024年第1期74-89,共16页
Timely acquisition of rescue target information is critical for emergency response after a flood disaster.Unmanned Aerial Vehicles(UAVs)equipped with remote sensing capabilities offer distinct advantages,including hig... Timely acquisition of rescue target information is critical for emergency response after a flood disaster.Unmanned Aerial Vehicles(UAVs)equipped with remote sensing capabilities offer distinct advantages,including high-resolution imagery and exceptional mobility,making them well suited for monitoring flood extent and identifying rescue targets during floods.However,there are some challenges in interpreting rescue information in real time from flood images captured by UAVs,such as the complexity of the scenarios of UAV images,the lack of flood rescue target detection datasets and the limited real-time processing capabilities of the airborne on-board platform.Thus,we propose a real-time rescue target detection method for UAVs that is capable of efficiently delineating flood extent and identifying rescue targets(i.e.,pedestrians and vehicles trapped by floods).The proposed method achieves real-time rescue information extraction for UAV platforms by lightweight processing and fusion of flood extent extraction model and target detection model.The flood inundation range is extracted by the proposed method in real time and detects targets such as people and vehicles to be rescued based on this layer.Our experimental results demonstrate that the Intersection over Union(IoU)for flood water extraction reaches an impressive 80%,and the IoU for real-time flood water extraction stands at a commendable 76.4%.The information on flood stricken targets extracted by this method in real time can be used for flood emergency rescue. 展开更多
关键词 UAV flood extraction target rescue detection real time
下载PDF
Multivariate Time Series Anomaly Detection Based on Spatial-Temporal Network and Transformer in Industrial Internet of Things
4
作者 Mengmeng Zhao Haipeng Peng +1 位作者 Lixiang Li Yeqing Ren 《Computers, Materials & Continua》 SCIE EI 2024年第8期2815-2837,共23页
In the Industrial Internet of Things(IIoT),sensors generate time series data to reflect the working state.When the systems are attacked,timely identification of outliers in time series is critical to ensure security.A... In the Industrial Internet of Things(IIoT),sensors generate time series data to reflect the working state.When the systems are attacked,timely identification of outliers in time series is critical to ensure security.Although many anomaly detection methods have been proposed,the temporal correlation of the time series over the same sensor and the state(spatial)correlation between different sensors are rarely considered simultaneously in these methods.Owing to the superior capability of Transformer in learning time series features.This paper proposes a time series anomaly detection method based on a spatial-temporal network and an improved Transformer.Additionally,the methods based on graph neural networks typically include a graph structure learning module and an anomaly detection module,which are interdependent.However,in the initial phase of training,since neither of the modules has reached an optimal state,their performance may influence each other.This scenario makes the end-to-end training approach hard to effectively direct the learning trajectory of each module.This interdependence between the modules,coupled with the initial instability,may cause the model to find it hard to find the optimal solution during the training process,resulting in unsatisfactory results.We introduce an adaptive graph structure learning method to obtain the optimal model parameters and graph structure.Experiments on two publicly available datasets demonstrate that the proposed method attains higher anomaly detection results than other methods. 展开更多
关键词 Multivariate time series anomaly detection spatial-temporal network TRANSFORMER
下载PDF
A Time Series Intrusion Detection Method Based on SSAE,TCN and Bi-LSTM
5
作者 Zhenxiang He Xunxi Wang Chunwei Li 《Computers, Materials & Continua》 SCIE EI 2024年第1期845-871,共27页
In the fast-evolving landscape of digital networks,the incidence of network intrusions has escalated alarmingly.Simultaneously,the crucial role of time series data in intrusion detection remains largely underappreciat... In the fast-evolving landscape of digital networks,the incidence of network intrusions has escalated alarmingly.Simultaneously,the crucial role of time series data in intrusion detection remains largely underappreciated,with most systems failing to capture the time-bound nuances of network traffic.This leads to compromised detection accuracy and overlooked temporal patterns.Addressing this gap,we introduce a novel SSAE-TCN-BiLSTM(STL)model that integrates time series analysis,significantly enhancing detection capabilities.Our approach reduces feature dimensionalitywith a Stacked Sparse Autoencoder(SSAE)and extracts temporally relevant features through a Temporal Convolutional Network(TCN)and Bidirectional Long Short-term Memory Network(Bi-LSTM).By meticulously adjusting time steps,we underscore the significance of temporal data in bolstering detection accuracy.On the UNSW-NB15 dataset,ourmodel achieved an F1-score of 99.49%,Accuracy of 99.43%,Precision of 99.38%,Recall of 99.60%,and an inference time of 4.24 s.For the CICDS2017 dataset,we recorded an F1-score of 99.53%,Accuracy of 99.62%,Precision of 99.27%,Recall of 99.79%,and an inference time of 5.72 s.These findings not only confirm the STL model’s superior performance but also its operational efficiency,underpinning its significance in real-world cybersecurity scenarios where rapid response is paramount.Our contribution represents a significant advance in cybersecurity,proposing a model that excels in accuracy and adaptability to the dynamic nature of network traffic,setting a new benchmark for intrusion detection systems. 展开更多
关键词 Network intrusion detection bidirectional long short-term memory network time series stacked sparse autoencoder temporal convolutional network time steps
下载PDF
Preliminary research and scheme design of deep underground in situ geo-information detection experiment for Geology in Time
6
作者 Heping Xie Ru Zhang +13 位作者 Zetian Zhang Yinshuang Ai Jianhui Deng Yun Chen Yong Zhou Mingchuan Li Liqiang Liu Mingzhong Gao Zeqian Yang Weiqiang Ling Heng Gao Qijun Hao Kun Xiao Chendi Lou 《International Journal of Mining Science and Technology》 SCIE EI CAS CSCD 2024年第1期1-13,共13页
The deep earth,deep sea,and deep space are the main parts of the national“three deep”strategy,which is in the forefront of the strategic deployment clearly defined in China’s 14th Five-Year Plan(2021-2025)and the L... The deep earth,deep sea,and deep space are the main parts of the national“three deep”strategy,which is in the forefront of the strategic deployment clearly defined in China’s 14th Five-Year Plan(2021-2025)and the Long-Range Objectives Through the Year 2035.It is important to reveal the evolutionary process and mechanism of deep tectonics to understand the earth’s past,present and future.The academic con-notation of Geology in Time has been given for the first time,which refers to the multi-field evolution response process of geological bodies at different time and spatial scales caused by geological processes inside and outside the Earth.Based on the deep in situ detection space and the unique geological envi-ronment of China Jinping Underground Laboratory,the scientific issue of the correlation mechanism and law between deep internal time-varying and shallow geological response is given attention.Innovative research and frontier exploration on deep underground in situ geo-information detection experiments for Geology in Time are designed to be carried out,which will have the potential to explore the driving force of Geology in Time,reveal essential laws of deep earth science,and explore innovative technologies in deep underground engineering. 展开更多
关键词 Deep underground Geology in time China Jinping Underground Laboratory In situ detection
下载PDF
Advancing Autoencoder Architectures for Enhanced Anomaly Detection in Multivariate Industrial Time Series
7
作者 Byeongcheon Lee Sangmin Kim +2 位作者 Muazzam Maqsood Jihoon Moon Seungmin Rho 《Computers, Materials & Continua》 SCIE EI 2024年第10期1275-1300,共26页
In the context of rapid digitization in industrial environments,how effective are advanced unsupervised learning models,particularly hybrid autoencoder models,at detecting anomalies in industrial control system(ICS)da... In the context of rapid digitization in industrial environments,how effective are advanced unsupervised learning models,particularly hybrid autoencoder models,at detecting anomalies in industrial control system(ICS)datasets?This study is crucial because it addresses the challenge of identifying rare and complex anomalous patterns in the vast amounts of time series data generated by Internet of Things(IoT)devices,which can significantly improve the reliability and safety of these systems.In this paper,we propose a hybrid autoencoder model,called ConvBiLSTMAE,which combines convolutional neural network(CNN)and bidirectional long short-term memory(BiLSTM)to more effectively train complex temporal data patterns in anomaly detection.On the hardware-in-the-loopbased extended industrial control system dataset,the ConvBiLSTM-AE model demonstrated remarkable anomaly detection performance,achieving F1 scores of 0.78 and 0.41 for the first and second datasets,respectively.The results suggest that hybrid autoencoder models are not only viable,but potentially superior alternatives for unsupervised anomaly detection in complex industrial systems,offering a promising approach to improving their reliability and safety. 展开更多
关键词 Advanced anomaly detection autoencoder innovations unsupervised learning industrial security multivariate time series analysis
下载PDF
Detecting Malicious Uniform Resource Locators Using an Applied Intelligence Framework
8
作者 Simona-Vasilica Oprea Adela Bara 《Computers, Materials & Continua》 SCIE EI 2024年第6期3827-3853,共27页
The potential of text analytics is revealed by Machine Learning(ML)and Natural Language Processing(NLP)techniques.In this paper,we propose an NLP framework that is applied to multiple datasets to detect malicious Unif... The potential of text analytics is revealed by Machine Learning(ML)and Natural Language Processing(NLP)techniques.In this paper,we propose an NLP framework that is applied to multiple datasets to detect malicious Uniform Resource Locators(URLs).Three categories of features,both ML and Deep Learning(DL)algorithms and a ranking schema are included in the proposed framework.We apply frequency and prediction-based embeddings,such as hash vectorizer,Term Frequency-Inverse Dense Frequency(TF-IDF)and predictors,word to vector-word2vec(continuous bag of words,skip-gram)from Google,to extract features from text.Further,we apply more state-of-the-art methods to create vectorized features,such as GloVe.Additionally,feature engineering that is specific to URL structure is deployed to detect scams and other threats.For framework assessment,four ranking indicators are weighted:computational time and performance as accuracy,F1 score and type error II.For the computational time,we propose a new metric-Feature Building Time(FBT)as the cutting-edge feature builders(like doc2vec or GloVe)require more time.By applying the proposed assessment step,the skip-gram algorithm of word2vec surpasses other feature builders in performance.Additionally,eXtreme Gradient Boost(XGB)outperforms other classifiers.With this setup,we attain an accuracy of 99.5%and an F1 score of 0.99. 展开更多
关键词 detecting malicious URL CLASSIFIERS text to feature deep learning ranking algorithms feature building time
下载PDF
Effects of Standing Time during Pretreatment on the Nitrite Concentration Detected by Spectrophotometric Method
9
作者 Yingfei Zeng Juan Hu +2 位作者 Xianglong Bian Qianfeng Xia Tingwei Hu 《Journal of Materials Science and Chemical Engineering》 2024年第2期73-83,共11页
Food safety problems caused by excessive nitrite addition have been frequently reported and the detection of nitrite in food is particularly important. The standing time during the pretreatment of primary sample has a... Food safety problems caused by excessive nitrite addition have been frequently reported and the detection of nitrite in food is particularly important. The standing time during the pretreatment of primary sample has a great influence on the concentration of nitrite tested by spectrophotometric method. In this context, three kinds of food samples are prepared, including canned mustard, canned fish and home-made pickled water. A series of standing times are placed during the sample pretreatments and the corresponding nitrite contents in these samples are detected by spectrophotometric method based on N-ethylenediamine dihydrochloride. This study aims to find out a reasonable standing time during the pretreatment of food sample, providing influence factor for precise detection of nitrite. 展开更多
关键词 Standing time Spectrophotometric Method Nitrite detection
下载PDF
A CNN-Based Single-Stage Occlusion Real-Time Target Detection Method
10
作者 Liang Liu Nan Yang +4 位作者 Saifei Liu Yuanyuan Cao Shuowen Tian Tiancheng Liu Xun Zhao 《Journal of Intelligent Learning Systems and Applications》 2024年第1期1-11,共11页
Aiming at the problem of low accuracy of traditional target detection methods for target detection in endoscopes in substation environments, a CNN-based real-time detection method for masked targets is proposed. The m... Aiming at the problem of low accuracy of traditional target detection methods for target detection in endoscopes in substation environments, a CNN-based real-time detection method for masked targets is proposed. The method adopts the overall design of backbone network, detection network and algorithmic parameter optimisation method, completes the model training on the self-constructed occlusion target dataset, and adopts the multi-scale perception method for target detection. The HNM algorithm is used to screen positive and negative samples during the training process, and the NMS algorithm is used to post-process the prediction results during the detection process to improve the detection efficiency. After experimental validation, the obtained model has the multi-class average predicted value (mAP) of the dataset. It has general advantages over traditional target detection methods. The detection time of a single target on FDDB dataset is 39 ms, which can meet the need of real-time target detection. In addition, the project team has successfully deployed the method into substations and put it into use in many places in Beijing, which is important for achieving the anomaly of occlusion target detection. 展开更多
关键词 Real-time Mask Target CNN (Convolutional Neural Network) Single-Stage detection Multi-Scale Feature Perception
下载PDF
Fine-Grained Multivariate Time Series Anomaly Detection in IoT 被引量:1
11
作者 Shiming He Meng Guo +4 位作者 Bo Yang Osama Alfarraj Amr Tolba Pradip Kumar Sharma Xi’ai Yan 《Computers, Materials & Continua》 SCIE EI 2023年第6期5027-5047,共21页
Sensors produce a large amount of multivariate time series data to record the states of Internet of Things(IoT)systems.Multivariate time series timestamp anomaly detection(TSAD)can identify timestamps of attacks and m... Sensors produce a large amount of multivariate time series data to record the states of Internet of Things(IoT)systems.Multivariate time series timestamp anomaly detection(TSAD)can identify timestamps of attacks and malfunctions.However,it is necessary to determine which sensor or indicator is abnormal to facilitate a more detailed diagnosis,a process referred to as fine-grained anomaly detection(FGAD).Although further FGAD can be extended based on TSAD methods,existing works do not provide a quantitative evaluation,and the performance is unknown.Therefore,to tackle the FGAD problem,this paper first verifies that the TSAD methods achieve low performance when applied to the FGAD task directly because of the excessive fusion of features and the ignoring of the relationship’s dynamic changes between indicators.Accordingly,this paper proposes a mul-tivariate time series fine-grained anomaly detection(MFGAD)framework.To avoid excessive fusion of features,MFGAD constructs two sub-models to independently identify the abnormal timestamp and abnormal indicator instead of a single model and then combines the two kinds of abnormal results to detect the fine-grained anomaly.Based on this framework,an algorithm based on Graph Attention Neural Network(GAT)and Attention Convolutional Long-Short Term Memory(A-ConvLSTM)is proposed,in which GAT learns temporal features of multiple indicators to detect abnormal timestamps and A-ConvLSTM captures the dynamic relationship between indicators to identify abnormal indicators.Extensive simulations on a real-world dataset demonstrate that the proposed algorithm can achieve a higher F1 score and hit rate than the extension of existing TSAD methods with the benefit of two independent sub-models for timestamp and indicator detection. 展开更多
关键词 Multivariate time series graph attention neural network fine-grained anomaly detection
下载PDF
A new method for coseismic offset detection from GPS coordinate time series
12
作者 Zhiwei Yang Guangyu Xu +3 位作者 Tengxu Zhang Mingkai Chen FeiWu Zhiping Chen 《Geodesy and Geodynamics》 EI CSCD 2023年第6期551-558,共8页
Currently,the extraction of coseismic offset signals primarily relies on earthquake catalog data to determine the occurrence time of earthquakes.This is followed by the process of differencing the average GPS coordina... Currently,the extraction of coseismic offset signals primarily relies on earthquake catalog data to determine the occurrence time of earthquakes.This is followed by the process of differencing the average GPS coordinate time series data,with a time interval of 3 to 5 days before and after the earthquake.In the face of the huge amount of GPS coordinate time series data today,the conventional approach of relying on earthquake catalog data to assist in obtaining coseismic offset signals has become increasingly burdensome.To address this problem,we propose a new method for automatically detecting coseismic offset signals in GPS coordinate time series without an extra earthquake catalog for reference.Firstly,we pre-process the GPS coordinate time series data for filtering out stations with significant observations missing and detecting and removing outliers.Secondly,we eliminate other signals and errors in the GPS coordinate time series,such as trend and seasonal signals,leaving the coseismic offset signals as the primary signal.The resulting coordinate time series is then modeled using the first-order difference and data stacking method.The modeling method enables automatic detection of the coseismic offset signals in the GPS coordinate time series.The aforementioned method is applied to automatically detect coseismic offset signals using simulated data and the Searles Valley GPS data in California,USA.The results demonstrate the efficacy of our proposed method,successfully detecting coseismic offsets from vast amounts of GPS coordinate time series data. 展开更多
关键词 GPS Coordinate time series Coseismic offset Signal detection
下载PDF
A Memory-Guided Anomaly Detection Model with Contrastive Learning for Multivariate Time Series
13
作者 Wei Zhang Ping He +2 位作者 Ting Li Fan Yang Ying Liu 《Computers, Materials & Continua》 SCIE EI 2023年第11期1893-1910,共18页
Some reconstruction-based anomaly detection models in multivariate time series have brought impressive performance advancements but suffer from weak generalization ability and a lack of anomaly identification.These li... Some reconstruction-based anomaly detection models in multivariate time series have brought impressive performance advancements but suffer from weak generalization ability and a lack of anomaly identification.These limitations can result in the misjudgment of models,leading to a degradation in overall detection performance.This paper proposes a novel transformer-like anomaly detection model adopting a contrastive learning module and a memory block(CLME)to overcome the above limitations.The contrastive learning module tailored for time series data can learn the contextual relationships to generate temporal fine-grained representations.The memory block can record normal patterns of these representations through the utilization of attention-based addressing and reintegration mechanisms.These two modules together effectively alleviate the problem of generalization.Furthermore,this paper introduces a fusion anomaly detection strategy that comprehensively takes into account the residual and feature spaces.Such a strategy can enlarge the discrepancies between normal and abnormal data,which is more conducive to anomaly identification.The proposed CLME model not only efficiently enhances the generalization performance but also improves the ability of anomaly detection.To validate the efficacy of the proposed approach,extensive experiments are conducted on well-established benchmark datasets,including SWaT,PSM,WADI,and MSL.The results demonstrate outstanding performance,with F1 scores of 90.58%,94.83%,91.58%,and 91.75%,respectively.These findings affirm the superiority of the CLME model over existing stateof-the-art anomaly detection methodologies in terms of its ability to detect anomalies within complex datasets accurately. 展开更多
关键词 Anomaly detection multivariate time series contrastive learning memory network
下载PDF
Aviation multi-station collaborative detecting based on time-frequency correlation of data-link 被引量:1
14
作者 Bo Wang Xiaolong Liang +1 位作者 Liang Wei Pingni Liu 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2017年第5期827-840,共14页
As an important application research topic of the intelligent aviation multi-station, collaborative detecting must overcome the problem of scouting measurement with status of 'fragmentation', and the NP-hardne... As an important application research topic of the intelligent aviation multi-station, collaborative detecting must overcome the problem of scouting measurement with status of 'fragmentation', and the NP-hardness problem of matching association between target and measurement in the process of scouting to data-link, which has complicated technical architecture of network construction. In this paper, taking advantage of cooperation mechanism on signal level in the aviation multi-station sympathetic network, a method of obtaining target time difference of arrival (TDOA) measurement using multi-station collaborative detecting based on time-frequency association is proposed. The method can not only achieve matching between target and its measurement, but also obtain TDOA measurement by further evolutionary transaction through refreshing sequential pulse time of arrival (TOA) measurement matrix for matching and correlating. Simulation results show that the accuracy of TDOA measurement has significant superiority over TOA, and detection probability of false TDOA measurement introduced by noise and fake measurement can be reduced effectively. 展开更多
关键词 data-link time-frequency correlation aviation multistation synergistic detection time difference of arrival (TDOA)
下载PDF
Detecting damage to offshore platform structures using the time-domain data 被引量:1
15
作者 程远胜 王真 《Journal of Marine Science and Application》 2008年第1期7-14,共8页
A new method that uses time-domain response data under random loading is proposed for detecting damage to the structural elements of offshore platforms. In our study, a time series model with a fitting order was first... A new method that uses time-domain response data under random loading is proposed for detecting damage to the structural elements of offshore platforms. In our study, a time series model with a fitting order was first constructed using the time-domain of noise data. A sensitivity matrix consisting of the first differential of the autoregressive coefficients of the time series models with respect to the stiffness of structural elements was then obtained based on time-domain response data. Locations and severity of damage may then be estimated by solving the damage vector whose components express the degrees of damage to the structural elements. A unique aspect of this detection method is that it requires acceleration history data from only one or a few sensors. This makes it feasible for a limited array of sensors to obtain sufficient data. The efficiency and reliability of the proposed method was demonstrated by applying it to a simplified offshore platform with damage to one element. Numerical simulations show that the use of a few sensors’ acceleration history data, when compared with recorded levels of noise, is capable of detecting damage efficiently. An increase in the number of sensors helps improve the diagnosis success rate. 展开更多
关键词 offshore platform damage detection time-domain response time series analysis sensitivity analysis autoregressive coefficient
下载PDF
Unsupervised Time Series Segmentation: A Survey on Recent Advances
16
作者 Chengyu Wang Xionglve Li +1 位作者 Tongqing Zhou Zhiping Cai 《Computers, Materials & Continua》 SCIE EI 2024年第8期2657-2673,共17页
Time series segmentation has attracted more interests in recent years,which aims to segment time series into different segments,each reflects a state of the monitored objects.Although there have been many surveys on t... Time series segmentation has attracted more interests in recent years,which aims to segment time series into different segments,each reflects a state of the monitored objects.Although there have been many surveys on time series segmentation,most of them focus more on change point detection(CPD)methods and overlook the advances in boundary detection(BD)and state detection(SD)methods.In this paper,we categorize time series segmentation methods into CPD,BD,and SD methods,with a specific focus on recent advances in BD and SD methods.Within the scope of BD and SD,we subdivide the methods based on their underlying models/techniques and focus on the milestones that have shaped the development trajectory of each category.As a conclusion,we found that:(1)Existing methods failed to provide sufficient support for online working,with only a few methods supporting online deployment;(2)Most existing methods require the specification of parameters,which hinders their ability to work adaptively;(3)Existing SD methods do not attach importance to accurate detection of boundary points in evaluation,which may lead to limitations in boundary point detection.We highlight the ability to working online and adaptively as important attributes of segmentation methods,the boundary detection accuracy as a neglected metrics for SD methods. 展开更多
关键词 time series segmentation time series state detection boundary detection change point detection
下载PDF
Enhancing Fire Detection Performance Based on Fine-Tuned YOLOv10
17
作者 Trong Thua Huynh Hoang Thanh Nguyen Du Thang Phu 《Computers, Materials & Continua》 SCIE EI 2024年第11期2281-2298,共18页
In recent years,early detection and warning of fires have posed a significant challenge to environmental protection and human safety.Deep learning models such as Faster R-CNN(Faster Region based Convolutional Neural N... In recent years,early detection and warning of fires have posed a significant challenge to environmental protection and human safety.Deep learning models such as Faster R-CNN(Faster Region based Convolutional Neural Network),YOLO(You Only Look Once),and their variants have demonstrated superiority in quickly detecting objects from images and videos,creating new opportunities to enhance automatic and efficient fire detection.The YOLO model,especially newer versions like YOLOv10,stands out for its fast processing capability,making it suitable for low-latency applications.However,when applied to real-world datasets,the accuracy of fire prediction is still not high.This study improves the accuracy of YOLOv10 for real-time applications through model fine-tuning techniques and data augmentation.The core work of the research involves creating a diverse fire image dataset specifically suited for fire detection applications in buildings and factories,freezing the initial layers of the model to retain general features learned from the dataset by applying the Squeeze and Excitation attention mechanism and employing the Stochastic Gradient Descent(SGD)with a momentum optimization algorithm to enhance accuracy while ensuring real-time fire detection.Experimental results demonstrate the effectiveness of the proposed fire prediction approach,where the YOLOv10 small model exhibits the best balance compared to other YOLO family models such as nano,medium,and balanced.Additionally,the study provides an experimental evaluation to highlight the effectiveness of model fine-tuning compared to the YOLOv10 baseline,YOLOv8 and Faster R-CNN based on two criteria:accuracy and prediction time. 展开更多
关键词 Fire detection ACCURACY prediction time fine-tuning real-time YOLOv10 Faster R-CNN
下载PDF
基于Real-time PCR法检测乳粉中牛源性成分定量研究
18
作者 陈晨 史国华 +5 位作者 陈勃旭 张瑞 王玉欣 贾文珅 陈佳 周巍 《粮油食品科技》 CAS CSCD 北大核心 2024年第2期159-164,共6页
基于Real-timePCR建立了乳粉中牛源性成分相对定量检测方法,并对牛的特异性引物与探针进行了特异性、灵敏度和稳定性测试。通过模拟不同浓度牛乳粉与马乳粉混合样本,根据其△Ct值的函数关系进行线性拟合进而绘制标准曲线,建立乳粉中牛... 基于Real-timePCR建立了乳粉中牛源性成分相对定量检测方法,并对牛的特异性引物与探针进行了特异性、灵敏度和稳定性测试。通过模拟不同浓度牛乳粉与马乳粉混合样本,根据其△Ct值的函数关系进行线性拟合进而绘制标准曲线,建立乳粉中牛源性成分的相对定量检测。结果显示,该方法的最低检测限为0.00001 mg/mL,回收率为91.11%~119.2%,组间变异系数≤0.58%、组内变异系数≤1.44%。说明该方法在特异性与稳定性上适用于乳粉中牛源性成分及含量的掺假检测。 展开更多
关键词 牛乳粉 马乳粉 Real-time PCR 掺假检测
下载PDF
HQNN-SFOP:Hybrid Quantum Neural Networks with Signal Feature Overlay Projection for Drone Detection Using Radar Return Signals-A Simulation
19
作者 Wenxia Wang Jinchen Xu +4 位作者 Xiaodong Ding Zhihui Song Yizhen Huang Xin Zhou Zheng Shan 《Computers, Materials & Continua》 SCIE EI 2024年第10期1363-1390,共28页
With the wide application of drone technology,there is an increasing demand for the detection of radar return signals from drones.Existing detection methods mainly rely on time-frequency domain feature extraction and ... With the wide application of drone technology,there is an increasing demand for the detection of radar return signals from drones.Existing detection methods mainly rely on time-frequency domain feature extraction and classical machine learning algorithms for image recognition.This method suffers from the problem of large dimensionality of image features,which leads to large input data size and noise affecting learning.Therefore,this paper proposes to extract signal time-domain statistical features for radar return signals from drones and reduce the feature dimension from 512×4 to 16 dimensions.However,the downscaled feature data makes the accuracy of traditional machine learning algorithms decrease,so we propose a new hybrid quantum neural network with signal feature overlay projection(HQNN-SFOP),which reduces the dimensionality of the signal by extracting the statistical features in the time domain of the signal,introduces the signal feature overlay projection to enhance the expression ability of quantum computation on the signal features,and introduces the quantum circuits to improve the neural network’s ability to obtain the inline relationship of features,thus improving the accuracy and migration generalization ability of drone detection.In order to validate the effectiveness of the proposed method,we experimented with the method using the MM model that combines the real parameters of five commercial drones and random drones parameters to generate data to simulate a realistic environment.The results show that the method based on statistical features in the time domain of the signal is able to extract features at smaller scales and obtain higher accuracy on a dataset with an SNR of 10 dB.On the time-domain feature data set,HQNNSFOP obtains the highest accuracy compared to other conventional methods.In addition,HQNN-SFOP has good migration generalization ability on five commercial drones and random drones data at different SNR conditions.Our method verifies the feasibility and effectiveness of signal detection methods based on quantum computation and experimentally demonstrates that the advantages of quantum computation for information processing are still valid in the field of signal processing,it provides a highly efficient method for the drone detection using radar return signals. 展开更多
关键词 Quantum computing hybrid quantum neural network drone detection using radar signals time domain features
下载PDF
一种基于real-time PCR技术的TTV检测方法的建立及应用
20
作者 贾毅博 王高玉 +4 位作者 邓宛心 林彩云 杨华 陈运春 尹飞飞 《海南医学院学报》 CAS 北大核心 2024年第7期489-497,共9页
目的:本研究旨在开发一种具有更高灵敏度和特异性的TTV检测技术,为揭示TTV在多种疾病过程中的作用提供重要的技术支持。方法:为了更精确、灵敏的检测TTV,本研究分析了目前公布的所有亚型的TTV基因序列,在此基础上建立了一种基于UTR区域... 目的:本研究旨在开发一种具有更高灵敏度和特异性的TTV检测技术,为揭示TTV在多种疾病过程中的作用提供重要的技术支持。方法:为了更精确、灵敏的检测TTV,本研究分析了目前公布的所有亚型的TTV基因序列,在此基础上建立了一种基于UTR区域的real-time PCR检测方法,并与文献报道应用较为广泛的PCR检测方法进行了对比。结果:本研究建立的方法在1×10^(7)~1×10^(1) copies/μL标准品浓度范围内具有良好的线性关系,相关系数为1.000,斜率为-3.446,检测下限为1×10^(1) copies/μL。重复性试验结果显示,组内变异系数为7.22%,表明本方法重复性、稳定性较强。针对30份临床样本,使用本研究建立的real-time PCR检测方法及目前被多个研究所使用的4套引物进行对比。结果表明,本研究所建立的方法灵敏度显著高于文献中报道的4种方法(P<0.01);Sanger测序结果表明,本方法检测出的30份阳性样本均为TTV,检测特异性为100%。结论:本研究采用基于TaqMan探针的real-time PCR检测方法,检测灵敏性高、覆盖基因型范围广,尤其对于TTV病毒载量较低的情况下能够进行定量检测,对于TTV病毒的致病性及作为免疫标志物的应用提供重要的技术支持。 展开更多
关键词 Torque teno virus 基因组扩增测序 Real-time PCR检测
下载PDF
上一页 1 2 250 下一页 到第
使用帮助 返回顶部