• Title/Summary/Keyword: Variational Autoencoder

Search Result 36, Processing Time 0.019 seconds

Detecting Abnormal Human Movements Based on Variational Autoencoder

  • Doi Thi Lan;Seokhoon Yoon
    • International Journal of Internet, Broadcasting and Communication
    • /
    • v.15 no.3
    • /
    • pp.94-102
    • /
    • 2023
  • Anomaly detection in human movements can improve safety in indoor workplaces. In this paper, we design a framework for detecting anomalous trajectories of humans in indoor spaces based on a variational autoencoder (VAE) with Bi-LSTM layers. First, the VAE is trained to capture the latent representation of normal trajectories. Then the abnormality of a new trajectory is checked using the trained VAE. In this step, the anomaly score of the trajectory is determined using the trajectory reconstruction error through the VAE. If the anomaly score exceeds a threshold, the trajectory is detected as an anomaly. To select the anomaly threshold, a new metric called D-score is proposed, which measures the difference between recall and precision. The anomaly threshold is selected according to the minimum value of the D-score on the validation set. The MIT Badge dataset, which is a real trajectory dataset of workers in indoor space, is used to evaluate the proposed framework. The experiment results show that our framework effectively identifies abnormal trajectories with 81.22% in terms of the F1-score.

Anomaly Detection System in Mechanical Facility Equipment: Using Long Short-Term Memory Variational Autoencoder (LSTM-VAE를 활용한 기계시설물 장치의 이상 탐지 시스템)

  • Seo, Jaehong;Park, Junsung;Yoo, Joonwoo;Park, Heejun
    • Journal of Korean Society for Quality Management
    • /
    • v.49 no.4
    • /
    • pp.581-594
    • /
    • 2021
  • Purpose: The purpose of this study is to compare machine learning models for anomaly detection of mechanical facility equipment and suggest an anomaly detection system for mechanical facility equipment in subway stations. It helps to predict failures and plan the maintenance of facility. Ultimately it aims to improve the quality of facility equipment. Methods: The data collected from Daejeon Metropolitan Rapid Transit Corporation was used in this experiment. The experiment was performed using Python, Scikit-learn, tensorflow 2.0 for preprocessing and machine learning. Also it was conducted in two failure states of the equipment. We compared and analyzed five unsupervised machine learning models focused on model Long Short-Term Memory Variational Autoencoder(LSTM-VAE). Results: In both experiments, change in vibration and current data was observed when there is a defect. When the rotating body failure was happened, the magnitude of vibration has increased but current has decreased. In situation of axis alignment failure, both of vibration and current have increased. In addition, model LSTM-VAE showed superior accuracy than the other four base-line models. Conclusion: According to the results, model LSTM-VAE showed outstanding performance with more than 97% of accuracy in the experiments. Thus, the quality of mechanical facility equipment will be improved if the proposed anomaly detection system is established with this model used.

Variational Autoencoder Based Dimension Reduction and Clustering for Single-Cell RNA-seq Gene Expression (단일세포 RNA-SEQ의 유전자 발현 군집화를 위한 변이 자동인코더 기반의 차원감소와 군집화)

  • Chi, Sang-Mun
    • Journal of the Korea Institute of Information and Communication Engineering
    • /
    • v.25 no.11
    • /
    • pp.1512-1518
    • /
    • 2021
  • Since single cell RNA sequencing provides the expression profiles of individual cells, it provides higher cellular differential resolution than traditional bulk RNA sequencing. Using these single cell RNA sequencing data, clustering analysis is generally conducted to find cell types and understand high level biological processes. In order to effectively process the high-dimensional single cell RNA sequencing data fir the clustering analysis, this paper uses a variational autoencoder to transform a high dimensional data space into a lower dimensional latent space, expecting to produce a latent space that can give more accurate clustering results. By clustering the features in the transformed latent space, we compare the performance of various classical clustering methods for single cell RNA sequencing data. Experimental results demonstrate that the proposed framework outperforms many state-of-the-art methods under various clustering performance metrics.

Automatic Augmentation Technique of an Autoencoder-based Numerical Training Data (오토인코더 기반 수치형 학습데이터의 자동 증강 기법)

  • Jeong, Ju-Eun;Kim, Han-Joon;Chun, Jong-Hoon
    • The Journal of the Institute of Internet, Broadcasting and Communication
    • /
    • v.22 no.5
    • /
    • pp.75-86
    • /
    • 2022
  • This study aims to solve the problem of class imbalance in numerical data by using a deep learning-based Variational AutoEncoder and to improve the performance of the learning model by augmenting the learning data. We propose 'D-VAE' to artificially increase the number of records for a given table data. The main features of the proposed technique go through discretization and feature selection in the preprocessing process to optimize the data. In the discretization process, K-means are applied and grouped, and then converted into one-hot vectors by one-hot encoding technique. Subsequently, for memory efficiency, sample data are generated with Variational AutoEncoder using only features that help predict with RFECV among feature selection techniques. To verify the performance of the proposed model, we demonstrate its validity by conducting experiments by data augmentation ratio.

Long-term prediction of safety parameters with uncertainty estimation in emergency situations at nuclear power plants

  • Hyojin Kim;Jonghyun Kim
    • Nuclear Engineering and Technology
    • /
    • v.55 no.5
    • /
    • pp.1630-1643
    • /
    • 2023
  • The correct situation awareness (SA) of operators is important for managing nuclear power plants (NPPs), particularly in accident-related situations. Among the three levels of SA suggested by Ensley, Level 3 SA (i.e., projection of the future status of the situation) is challenging because of the complexity of NPPs as well as the uncertainty of accidents. Hence, several prediction methods using artificial intelligence techniques have been proposed to assist operators in accident prediction. However, these methods only predict short-term plant status (e.g., the status after a few minutes) and do not provide information regarding the uncertainty associated with the prediction. This paper proposes an algorithm that can predict the multivariate and long-term behavior of plant parameters for 2 h with 120 steps and provide the uncertainty of the prediction. The algorithm applies bidirectional long short-term memory and an attention mechanism, which enable the algorithm to predict the precise long-term trends of the parameters with high prediction accuracy. A conditional variational autoencoder was used to provide uncertainty information about the network prediction. The algorithm was trained, optimized, and validated using a compact nuclear simulator for a Westinghouse 900 MWe NPP.

3D Object Generation and Renderer System based on VAE ResNet-GAN

  • Min-Su Yu;Tae-Won Jung;GyoungHyun Kim;Soonchul Kwon;Kye-Dong Jung
    • International journal of advanced smart convergence
    • /
    • v.12 no.4
    • /
    • pp.142-146
    • /
    • 2023
  • We present a method for generating 3D structures and rendering objects by combining VAE (Variational Autoencoder) and GAN (Generative Adversarial Network). This approach focuses on generating and rendering 3D models with improved quality using residual learning as the learning method for the encoder. We deep stack the encoder layers to accurately reflect the features of the image and apply residual blocks to solve the problems of deep layers to improve the encoder performance. This solves the problems of gradient vanishing and exploding, which are problems when constructing a deep neural network, and creates a 3D model of improved quality. To accurately extract image features, we construct deep layers of the encoder model and apply the residual function to learning to model with more detailed information. The generated model has more detailed voxels for more accurate representation, is rendered by adding materials and lighting, and is finally converted into a mesh model. 3D models have excellent visual quality and accuracy, making them useful in various fields such as virtual reality, game development, and metaverse.

Variational autoencoder for prosody-based speaker recognition

  • Starlet Ben Alex;Leena Mary
    • ETRI Journal
    • /
    • v.45 no.4
    • /
    • pp.678-689
    • /
    • 2023
  • This paper describes a novel end-to-end deep generative model-based speaker recognition system using prosodic features. The usefulness of variational autoencoders (VAE) in learning the speaker-specific prosody representations for the speaker recognition task is examined herein for the first time. The speech signal is first automatically segmented into syllable-like units using vowel onset points (VOP) and energy valleys. Prosodic features, such as the dynamics of duration, energy, and fundamental frequency (F0), are then extracted at the syllable level and used to train/adapt a speaker-dependent VAE from a universal VAE. The initial comparative studies on VAEs and traditional autoencoders (AE) suggest that the former can efficiently learn speaker representations. Investigations on the impact of gender information in speaker recognition also point out that gender-dependent impostor banks lead to higher accuracies. Finally, the evaluation on the NIST SRE 2010 dataset demonstrates the usefulness of the proposed approach for speaker recognition.

Development of Augmentation Method of Ballistic Missile Trajectory using Variational Autoencoder (변이형 오토인코더를 이용한 탄도미사일 궤적 증강기법 개발)

  • Dong Kyu Lee;Dong Wg Hong
    • Journal of the Korean Society of Systems Engineering
    • /
    • v.19 no.2
    • /
    • pp.145-156
    • /
    • 2023
  • Trajectory of ballistic missile is defined by inherent flight dynamics, which decided range and maneuvering characteristics. It is crucial to predict range and maneuvering characteristics of ballistic missile in KAMD (Korea Air and Missile Defense) to minimize damage due to ballistic missile attacks, Nowadays, needs for applying AI(Artificial Intelligence) technologies are increasing due to rapid developments of DNN(Deep Neural Networks) technologies. To apply these DNN technologies amount of data are required for superviesed learning, but trajectory data of ballistic missiles is limited because of security issues. Trajectory data could be considered as multivariate time series including many variables. And augmentation in time series data is a developing area of research. In this paper, we tried to augment trajectory data of ballistic missiles using recently developed methods. We used TimeVAE(Time Variational AutoEncoder) method and TimeGAN(Time Generative Adversarial Networks) to synthesize missile trajectory data. We also compare the results of two methods and analyse for future works.

Hydrodynamic scene separation from video imagery of ocean wave using autoencoder (오토인코더를 이용한 파랑 비디오 영상에서의 수리동역학적 장면 분리 연구)

  • Kim, Taekyung;Kim, Jaeil;Kim, Jinah
    • Journal of the Korea Computer Graphics Society
    • /
    • v.25 no.4
    • /
    • pp.9-16
    • /
    • 2019
  • In this paper, we propose a hydrodynamic scene separation method for wave propagation from video imagery using autoencoder. In the coastal area, image analysis methods such as particle tracking and optical flow with video imagery are usually applied to measure ocean waves owing to some difficulties of direct wave observation using sensors. However, external factors such as ambient light and weather conditions considerably hamper accurate wave analysis in coastal video imagery. The proposed method extracts hydrodynamic scenes by separating only the wave motions through minimizing the effect of ambient light during wave propagation. We have visually confirmed that the separation of hydrodynamic scenes is reasonably well extracted from the ambient light and backgrounds in the two videos datasets acquired from real beach and wave flume experiments. In addition, the latent representation of the original video imagery obtained through the latent representation learning by the variational autoencoder was dominantly determined by ambient light and backgrounds, while the hydrodynamic scenes of wave propagation independently expressed well regardless of the external factors.

Anomaly Detection of Generative Adversarial Networks considering Quality and Distortion of Images (이미지의 질과 왜곡을 고려한 적대적 생성 신경망과 이를 이용한 비정상 검출)

  • Seo, Tae-Moon;Kang, Min-Guk;Kang, Dong-Joong
    • The Journal of the Institute of Internet, Broadcasting and Communication
    • /
    • v.20 no.3
    • /
    • pp.171-179
    • /
    • 2020
  • Recently, studies have shown that convolution neural networks are achieving the best performance in image classification, object detection, and image generation. Vision based defect inspection which is more economical than other defect inspection, is a very important for a factory automation. Although supervised anomaly detection algorithm has far exceeded the performance of traditional machine learning based method, it is inefficient for real industrial field due to its tedious annotation work, In this paper, we propose ADGAN, a unsupervised anomaly detection architecture using the variational autoencoder and the generative adversarial network which give great results in image generation task, and demonstrate whether the proposed network architecture identifies anomalous images well on MNIST benchmark dataset as well as our own welding defect dataset.