Anomaly detection

异常检测
  • 文章类型: Journal Article
    保持一致和准确的温度对于疫苗的安全和有效储存至关重要。传统的监测方法通常缺乏实时能力,并且可能不够灵敏以检测细微的异常。本文提出了一种新颖的基于深度学习的系统,用于在用于疫苗存储的制冷系统中进行实时温度故障检测。我们的系统利用部署在资源受限的ESP32微控制器上的半监督卷积自动编码器(CAE)模型。CAE在现实世界的温度传感器数据上进行训练,以捕获时间模式并重建正常温度曲线。与重建轮廓的偏差被标记为潜在异常,实现实时故障检测。使用实时数据的评估表明,在识别温度故障方面,准确率高达92%。该系统的低能耗(0.05瓦)和内存使用量(1.2MB)使其适合在资源受限的环境中部署。这项工作为改善制冷系统中的监控和故障检测铺平了道路,最终有助于挽救生命的疫苗的可靠储存。
    Maintaining consistent and accurate temperature is critical for the safe and effective storage of vaccines. Traditional monitoring methods often lack real-time capabilities and may not be sensitive enough to detect subtle anomalies. This paper presents a novel deep learning-based system for real-time temperature fault detection in refrigeration systems used for vaccine storage. Our system utilizes a semi-supervised Convolutional Autoencoder (CAE) model deployed on a resource-constrained ESP32 microcontroller. The CAE is trained on real-world temperature sensor data to capture temporal patterns and reconstruct normal temperature profiles. Deviations from the reconstructed profiles are flagged as potential anomalies, enabling real-time fault detection. Evaluation using real-time data demonstrates an impressive 92% accuracy in identifying temperature faults. The system\'s low energy consumption (0.05 watts) and memory usage (1.2 MB) make it suitable for deployment in resource-constrained environments. This work paves the way for improved monitoring and fault detection in refrigeration systems, ultimately contributing to the reliable storage of life-saving vaccines.
    导出

    更多引用

    收藏

    翻译标题摘要

    我要上传

       PDF(Pubmed)

  • 文章类型: Journal Article
    无线传感器网络(WSN)对于广泛的应用是必不可少的,包括环境监测和智慧城市发展,由于他们能够收集和传输各种物理和环境数据。WSN的性质,再加上具有成本效益的传感器的可变性和噪声敏感性,在实现准确的数据分析和异常检测方面提出了重大挑战。为了解决这些问题,本文提出了一个新的框架,称为在线自适应卡尔曼滤波(OAKF),专为WSN中的实时异常检测而设计。该框架通过响应实时数据动态调整过滤参数和异常检测阈值而脱颖而出,确保在传感器噪声和环境变化中进行准确可靠的异常识别。通过突出计算效率和可扩展性,OAKF框架已针对资源受限的传感器节点进行了优化。对不同WSN数据集大小的验证证实了其有效性,在减少假阳性和阴性以及实现每个样品0.008s的处理时间方面显示95.4%的准确度。
    Wireless sensor networks (WSNs) are essential for a wide range of applications, including environmental monitoring and smart city developments, thanks to their ability to collect and transmit diverse physical and environmental data. The nature of WSNs, coupled with the variability and noise sensitivity of cost-effective sensors, presents significant challenges in achieving accurate data analysis and anomaly detection. To address these issues, this paper presents a new framework, called Online Adaptive Kalman Filtering (OAKF), specifically designed for real-time anomaly detection within WSNs. This framework stands out by dynamically adjusting the filtering parameters and anomaly detection threshold in response to live data, ensuring accurate and reliable anomaly identification amidst sensor noise and environmental changes. By highlighting computational efficiency and scalability, the OAKF framework is optimized for use in resource-constrained sensor nodes. Validation on different WSN dataset sizes confirmed its effectiveness, showing 95.4% accuracy in reducing false positives and negatives as well as achieving a processing time of 0.008 s per sample.
    导出

    更多引用

    收藏

    翻译标题摘要

    我要上传

       PDF(Pubmed)

  • 文章类型: Journal Article
    基于人工智能(AI)的异常检测系统已在发电厂和智能工厂等广泛的应用中显示出高性能和高效率。然而,由于人工智能系统对训练数据质量的固有依赖,它们在某些环境中仍然表现不佳。特别是在数据收集受限的危险设施中,部署这些系统仍然是一个挑战。在本文中,我们提出了使用原型网络(GAD-PN)的生成异常检测,旨在仅使用有限数量的正常样本来检测异常。GAD-PN是一种将CycleGAN与原型网络(PN)集成的结构,从类似于目标环境的元数据中学习。这种方法可以通过使用模拟或演示模型来收集在现实环境中难以收集的数据,从而提供了在理想和正常条件下学习各种环境参数的机会。在推理阶段,PN可以通过代表正常和异常特征的原型仅使用来自目标环境的少量正常数据对正常和泄漏样本进行分类。我们还通过使用在异常特征上训练的CycleGAN从正常数据中生成异常数据来补充收集异常数据的挑战。它还可以适应具有类似异常场景的各种环境,不管环境参数的差异。为了验证建议的结构,数据是专门针对管道泄漏情况收集的,这是发电厂等环境中的重大问题。此外,在三种不同的环境中,从管道喷嘴收集声学超声信号。因此,所提出的模型在所有环境中实现了超过90%的泄漏检测精度,即使只有少量的正常数据。与使用有限数据集训练的传统无监督学习模型相比,该性能平均提高了约30%。
    Anomaly detection systems based on artificial intelligence (AI) have demonstrated high performance and efficiency in a wide range of applications such as power plants and smart factories. However, due to the inherent reliance of AI systems on the quality of training data, they still demonstrate poor performance in certain environments. Especially in hazardous facilities with constrained data collection, deploying these systems remains a challenge. In this paper, we propose Generative Anomaly Detection using Prototypical Networks (GAD-PN) designed to detect anomalies using only a limited number of normal samples. GAD-PN is a structure that integrates CycleGAN with Prototypical Networks (PNs), learning from metadata similar to the target environment. This approach enables the collection of data that are difficult to gather in real-world environments by using simulation or demonstration models, thus providing opportunities to learn a variety of environmental parameters under ideal and normal conditions. During the inference phase, PNs can classify normal and leak samples using only a small number of normal data from the target environment by prototypes that represent normal and abnormal features. We also complement the challenge of collecting anomaly data by generating anomaly data from normal data using CycleGAN trained on anomaly features. It can also be adapted to various environments that have similar anomalous scenarios, regardless of differences in environmental parameters. To validate the proposed structure, data were collected specifically targeting pipe leakage scenarios, which are significant problems in environments such as power plants. In addition, acoustic ultrasound signals were collected from the pipe nozzles in three different environments. As a result, the proposed model achieved a leak detection accuracy of over 90% in all environments, even with only a small number of normal data. This performance shows an average improvement of approximately 30% compared with traditional unsupervised learning models trained with a limited dataset.
    导出

    更多引用

    收藏

    翻译标题摘要

    我要上传

       PDF(Pubmed)

  • 文章类型: Journal Article
    对于全世界65岁以上的人来说,跌倒是一个主要问题。客观的跌倒风险评估在临床实践中很少见。最常见的评估方法是耗时的观察测试(临床测试)。计算机辅助诊断可能是一个很大的帮助。一种流行的跌倒风险临床试验是坐立五次。完成测试所需的时间是识别风险最高的患者的最常用指标。然而,跟踪骨骼关节的运动可以提供更丰富的见解。我们使用无标记动作捕捉,与代表性模型结盟,识别有跌倒风险的人。我们的方法使用LSTM自动编码器来导出距离度量。使用此措施,我们引入了一个新的评分系统,允许具有不同跌倒风险的个体被放置在连续的规模上。在KINECAL数据集上评估我们的方法,我们对跌倒风险升高者的识别准确率为0.84.除了确定潜在的下跌者,我们的方法可以在康复中找到应用。这符合KINECAL数据集的目标。KINECAL包含90个人的记录,这些记录在临床评估中使用了11种运动。KINECAL被标记为消除与年龄相关的下降和跌倒风险。
    Falls are a major issue for those over the age of 65 years worldwide. Objective assessment of fall risk is rare in clinical practice. The most common methods of assessment are time-consuming observational tests (clinical tests). Computer-aided diagnosis could be a great help. A popular clinical test for fall risk is the five times sit-to-stand. The time taken to complete the test is the most commonly used metric to identify the most at-risk patients. However, tracking the movement of skeletal joints can provide much richer insights. We use markerless motion capture, allied with a representational model, to identify those at risk of falls. Our method uses an LSTM autoencoder to derive a distance measure. Using this measure, we introduce a new scoring system, allowing individuals with differing falls risks to be placed on a continuous scale. Evaluating our method on the KINECAL dataset, we achieved an accuracy of 0.84 in identifying those at elevated falls risk. In addition to identifying potential fallers, our method could find applications in rehabilitation. This aligns with the goals of the KINECAL Dataset. KINECAL contains the recordings of 90 individuals undertaking 11 movements used in clinical assessments. KINECAL is labelled to disambiguate age-related decline and falls risk.
    导出

    更多引用

    收藏

    翻译标题摘要

    我要上传

       PDF(Pubmed)

  • 文章类型: Journal Article
    光学相干断层扫描血管造影(OCTA)提供了有关视网膜血流和灌注的详细信息。异常的视网膜灌注表明可能的眼部或全身性疾病。我们提出了一种基于深度学习的异常检测模型来识别OCTA中的此类异常。它利用了两种深度学习方法。首先,使用矢量量化变分自动编码器(VQ-VAE)进行表示学习,然后进行自回归(AR)建模。第二,它利用贝叶斯U-Net的认知不确定性估计来分割OCTAen人脸图像上的脉管系统。对两个大型公共数据集的评估,DRAC和OCTA-500在这项具有挑战性的任务上展示了有效的异常检测(DRAC的AUROC为0.92,OCTA-500的AUROC为0.75)和定位(DRAC的平均Dice评分为0.61)。据我们所知,这是解决OCTA中异常检测的第一项工作。
    Optical coherence tomography angiography (OCTA) provides detailed information on retinal blood flow and perfusion. Abnormal retinal perfusion indicates possible ocular or systemic disease. We propose a deep learning-based anomaly detection model to identify such anomalies in OCTA. It utilizes two deep learning approaches. First, a representation learning with a Vector-Quantized Variational Auto-Encoder (VQ-VAE) followed by Auto-Regressive (AR) modeling. Second, it exploits epistemic uncertainty estimates from Bayesian U-Net employed to segment the vasculature on OCTA en face images. Evaluation on two large public datasets, DRAC and OCTA-500, demonstrates effective anomaly detection (an AUROC of 0.92 for the DRAC and an AUROC of 0.75 for the OCTA-500) and localization (a mean Dice score of 0.61 for the DRAC) on this challenging task. To our knowledge, this is the first work that addresses anomaly detection in OCTA.
    导出

    更多引用

    收藏

    翻译标题摘要

    我要上传

       PDF(Pubmed)

  • 文章类型: Journal Article
    自动质量控制(QC)系统对于确保流线型的头部计算机断层扫描(CT)扫描解释不影响后续图像分析至关重要。与当前的人类QC协议相比,这样的系统是有利的,这是主观和耗时的。在这项工作中,我们的目标是开发一个基于深度学习的框架,将扫描分类为可用或不可用的质量。有监督的深度学习模型在分类任务中非常有效,但是它们非常复杂,需要很大,注释的数据进行有效的训练。QC数据集的其他挑战包括-1)类不平衡-可用案例远远超过不可用案例,以及2)弱标签-扫描级别标签可能与切片级别标签不匹配。所提出的框架利用这些弱标签来增强标准的异常检测技术。具体来说,我们提出了一个由变分自动编码器(VAE)和暹罗神经网络(SNN)组成的混合模型。在对VAE进行训练以了解可用扫描的出现方式并重建输入扫描时,SNN比较此输入扫描与其重建的相似程度,并标记与阈值不太相似的那些。与依赖于基于强度的度量如均方根误差(RMSE)的典型异常检测方法相比,所提出的方法更适合于捕获两类数据之间的非线性特征结构的差异。与使用多种分类度量的最先进的异常检测方法进行比较,可以确定所提出的框架在标记劣质扫描以供放射科医师审查方面的优越性。从而减少他们的工作量并建立可靠和一致的数据流。
    An automated quality control (QC) system is essential to ensure streamlined head computed tomography (CT) scan interpretations that do not affect subsequent image analysis. Such a system is advantageous compared to current human QC protocols, which are subjective and time-consuming. In this work, we aim to develop a deep learning-based framework to classify a scan to be of usable or unusable quality. Supervised deep learning models have been highly effective in classification tasks, but they are highly complex and require large, annotated data for effective training. Additional challenges with QC datasets include - 1) class-imbalance - usable cases far exceed the unusable ones and 2) weak-labels - scan level labels may not match slice level labels. The proposed framework utilizes these weak labels to augment a standard anomaly detection technique. Specifically, we proposed a hybrid model that consists of a variational autoencoder (VAE) and a Siamese Neural Network (SNN). While the VAE is trained to learn how usable scans appear and reconstruct an input scan, the SNN compares how similar this input scan is to its reconstruction and flags the ones that are less similar than a threshold. The proposed method is more suited to capture the differences in non-linear feature structure between the two classes of data than typical anomaly detection methods that depend on intensity-based metrics like root mean square error (RMSE). Comparison with state-of-the-art anomaly detection methods using multiple classification metrics establishes superiority of the proposed framework in flagging inferior quality scans for review by radiologists, thus reducing their workload and establishing a reliable and consistent dataflow.
    导出

    更多引用

    收藏

    翻译标题摘要

    我要上传

       PDF(Pubmed)

  • 文章类型: Journal Article
    在这项研究中,建立了水力发电厂的数字孪生模型。已经创建了整个发电厂的模型,并使用可编程逻辑控制器(PLC)分析了位于工厂入口阀之后的传感器的故障情况。作为数字孪生(DT)的一个特点,对压力传感器的误差预测和预防功能进行了专门研究。将从传感器获得的数据的准确性和可靠性与从DT模型获得的数据进行比较。评估比较结果并识别错误数据。这样,确定系统中发生的故障是真正的故障还是由测量或连接错误引起的故障。在传感器故障或测量相关故障的情况下,这种情况是通过基于数字孪生的控制机制确定的。在实际失败的情况下,系统停止了,但在测量或连接错误的情况下,由于数据是通过DT模型计算的,指定区域中的值是已知的,因此不需要停止系统。这通过在错误的情况下确保系统的连续性来防止水力发电厂的生产损失。
    In this study, a digital twin model of a hydroelectric power plant has been created. Models of the entire power plant have been created and malfunction situations of a sensor located after the inlet valve of the plant have been analyzed using a programmable logic controller (PLC). As a feature of the digital twin (DT), the error prediction and prevention function has been studied specifically for the pressure sensor. The accuracy and reliability of the data obtained from the sensor are compared with the data obtained from the DT model. The comparison results are evaluated and erroneous data are identified. In this way, it is determined whether the malfunction occurring in the system is a real malfunction or a malfunction caused by measurement or connection errors. In the case of sensor failure or measurement-related malfunction, this situation is determined through the digital twin-based control mechanism. In the case of actual failure, the system is stopped, but in the case of measurement or connection errors, since the data are calculated by the DT model, the value in the specified region is known and thus there is no need to stop the system. This prevents production loss in the hydroelectric power plant by ensuring the continuity of the system in case of errors.
    导出

    更多引用

    收藏

    翻译标题摘要

    我要上传

       PDF(Pubmed)

  • 文章类型: Journal Article
    物联网(IoT)和工业物联网(IIoT)中互连设备的使用不断增加,显着提高了个人和工业环境中的效率和实用性,但也加剧了网络安全漏洞。特别是通过物联网恶意软件。本文探讨了一类分类的使用,一种无监督学习的方法,这特别适用于未标记的数据,动态环境,和恶意软件检测,这是异常检测的一种形式。我们介绍了TF-IDF方法,用于将标称特征转换为避免信息丢失并有效管理维度的数值格式,当与n-gram结合时,这对于增强模式识别至关重要。此外,我们比较了多类别与一类分类模型,包括隔离森林和深度自动编码器,使用良性和恶意NetFlow样本与只对良性NetFlow样本进行训练。我们使用单类分类在各种测试数据集上实现了100%的召回率,准确率高于80%和90%。这些模型显示了无监督学习的适应性,尤其是一类分类,物联网领域不断演变的恶意软件威胁,提供有关增强物联网安全框架的见解,并为这一关键领域的未来研究提出方向。
    The increasing usage of interconnected devices within the Internet of Things (IoT) and Industrial IoT (IIoT) has significantly enhanced efficiency and utility in both personal and industrial settings but also heightened cybersecurity vulnerabilities, particularly through IoT malware. This paper explores the use of one-class classification, a method of unsupervised learning, which is especially suitable for unlabeled data, dynamic environments, and malware detection, which is a form of anomaly detection. We introduce the TF-IDF method for transforming nominal features into numerical formats that avoid information loss and manage dimensionality effectively, which is crucial for enhancing pattern recognition when combined with n-grams. Furthermore, we compare the performance of multi-class vs. one-class classification models, including Isolation Forest and deep autoencoder, that are trained with both benign and malicious NetFlow samples vs. trained exclusively on benign NetFlow samples. We achieve 100% recall with precision rates above 80% and 90% across various test datasets using one-class classification. These models show the adaptability of unsupervised learning, especially one-class classification, to the evolving malware threats in the IoT domain, offering insights into enhancing IoT security frameworks and suggesting directions for future research in this critical area.
    导出

    更多引用

    收藏

    翻译标题摘要

    我要上传

       PDF(Pubmed)

  • 文章类型: Journal Article
    近年来,智能水传感技术在水管理中发挥了至关重要的作用,满足水资源分析有效监测和控制的迫切需要。智能水传感技术的挑战在于确保传感器收集的数据的可靠性和准确性。异常值是智能传感中众所周知的问题,因为它们会对有用分析的可行性产生负面影响,并使评估相关数据变得困难。在这项研究中,我们评估了四种传感器的性能:电导率(EC),溶解氧(DO),温度(Temp),和pH。我们实现了四种经典的机器学习模型:支持向量机(SVM),人工神经网络(ANN),决策树(DT),和基于孤立森林(iForest)的离群值检测,作为可视化数据之前的预处理步骤。该数据集是由安装在布鲁塞尔湖泊的实时智能水传感监测系统收集的,河流,池塘。得到的结果清楚地表明,支持向量机优于其他模型,显示98.38%的pH值F1得分率,温度为96.98%的F1得分率,DO的F1得分为97.88%,EC的F1得分为98.11%。此外,人工神经网络也取得了显著的成果,将其确立为可行的替代方案。
    In recent years, smart water sensing technology has played a crucial role in water management, addressing the pressing need for efficient monitoring and control of water resources analysis. The challenge in smart water sensing technology resides in ensuring the reliability and accuracy of the data collected by sensors. Outliers are a well-known problem in smart sensing as they can negatively affect the viability of useful analysis and make it difficult to evaluate pertinent data. In this study, we evaluate the performance of four sensors: electrical conductivity (EC), dissolved oxygen (DO), temperature (Temp), and pH. We implement four classical machine learning models: support vector machine (SVM), artifical neural network (ANN), decision tree (DT), and isolated forest (iForest)-based outlier detection as a pre-processing step before visualizing the data. The dataset was collected by a real-time smart water sensing monitoring system installed in Brussels\' lakes, rivers, and ponds. The obtained results clearly show that the SVM outperforms the other models, showing 98.38% F1-score rates for pH, 96.98% F1-score rates for temp, 97.88% F1-score rates for DO, and 98.11% F1-score rates for EC. Furthermore, ANN also achieves a significant results, establishing it as a viable alternative.
    导出

    更多引用

    收藏

    翻译标题摘要

    我要上传

       PDF(Pubmed)

  • 文章类型: Journal Article
    网络流量异常检测,作为一种有效的网络安全分析方法,可以识别差异化的流量信息,并在复杂多变的网络环境中提供安全的操作。在提高交通特征信息检测性能的同时,避免在处理交通数据时造成的信息丢失,提出了一种基于卷积神经网络和自动编码器的多信息融合模型。该模型使用卷积神经网络直接从原始交通数据中提取特征,和自动编码器对从原始交通数据中提取的统计特征进行编码,用于补充因裁剪而造成的信息损失。这两个功能组合在一起,形成一个新的网络流量集成功能,具有来自原始交通数据的负荷信息和来自统计特征的原始交通数据的全局信息,从而提供了网络流量中包含的信息的完整表示,提高了模型的检测性能。实验表明,利用该模型进行网络流量异常检测的分类准确率优于经典机器学习方法。
    Network traffic anomaly detection, as an effective analysis method for network security, can identify differentiated traffic information and provide secure operation in complex and changing network environments. To avoid information loss caused when handling traffic data while improving the detection performance of traffic feature information, this paper proposes a multi-information fusion model based on a convolutional neural network and AutoEncoder. The model uses a convolutional neural network to extract features directly from the raw traffic data, and a AutoEncoder to encode the statistical features extracted from the raw traffic data, which are used to supplement the information loss due to cropping. These two features are combined to form a new integrated feature for network traffic, which has the load information from the original traffic data and the global information of the original traffic data obtained from the statistical features, thus providing a complete representation of the information contained in the network traffic and improving the detection performance of the model. The experiments show that the classification accuracy of network traffic anomaly detection using this model outperforms that of classical machine learning methods.
    导出

    更多引用

    收藏

    翻译标题摘要

    我要上传

       PDF(Pubmed)

公众号