• Title/Summary/Keyword: tensorflow

Search Result 116, Processing Time 0.026 seconds

The Sentence Similarity Measure Using Deep-Learning and Char2Vec (딥러닝과 Char2Vec을 이용한 문장 유사도 판별)

  • Lim, Geun-Young;Cho, Young-Bok
    • Journal of the Korea Institute of Information and Communication Engineering
    • /
    • v.22 no.10
    • /
    • pp.1300-1306
    • /
    • 2018
  • The purpose of this study is to see possibility of Char2Vec as alternative of Word2Vec that most famous word embedding model in Sentence Similarity Measure Problem by Deep-Learning. In experiment, we used the Siamese Ma-LSTM recurrent neural network architecture for measure similarity two random sentences. Siamese Ma-LSTM model was implemented with tensorflow. We train each model with 200 epoch on gpu environment and it took about 20 hours. Then we compared Word2Vec based model training result with Char2Vec based model training result. as a result, model of based with Char2Vec that initialized random weight record 75.1% validation dataset accuracy and model of based with Word2Vec that pretrained with 3 million words and phrase record 71.6% validation dataset accuracy. so Char2Vec is suitable alternate of Word2Vec to optimize high system memory requirements problem.

RNN-LSTM Based Soil Moisture Estimation Using Terra MODIS NDVI and LST (Terra MODIS NDVI 및 LST 자료와 RNN-LSTM을 활용한 토양수분 산정)

  • Jang, Wonjin;Lee, Yonggwan;Lee, Jiwan;Kim, Seongjoon
    • Journal of The Korean Society of Agricultural Engineers
    • /
    • v.61 no.6
    • /
    • pp.123-132
    • /
    • 2019
  • This study is to estimate the spatial soil moisture using Terra MODIS (Moderate Resolution Imaging Spectroradiometer) satellite data and machine learning technique. Using the 3 years (2015~2017) data of MODIS 16 days composite NDVI (Normalized Difference Vegetation Index) and daily Land Surface Temperature (LST), ground measured precipitation and sunshine hour of KMA (Korea Meteorological Administration), the RDA (Rural Development Administration) 10 cm~30 cm average TDR (Time Domain Reflectometry) measured soil moisture at 78 locations was tested. For daily analysis, the missing values of MODIS LST by clouds were interpolated by conditional merging method using KMA surface temperature observation data, and the 16 days NDVI was linearly interpolated to 1 day interval. By applying the RNN-LSTM (Recurrent Neural Network-Long Short Term Memory) artificial neural network model, 70% of the total period was trained and the rest 30% period was verified. The results showed that the coefficient of determination ($R^2$), Root Mean Square Error (RMSE), and Nash-Sutcliffe Efficiency were 0.78, 2.76%, and 0.75 respectively. In average, the clay soil moisture was estimated well comparing with the other soil types of silt, loam, and sand. This is because the clay has the intrinsic physical property for having narrow range of soil moisture variation between field capacity and wilting point.

Prediction of Water Level using Deep-Learning in Jamsu Bridge (딥러닝을 이용한 잠수교 수위예측)

  • Jung, Sung Ho;Lee, Dae Eop;Lee, Gi Ha
    • Proceedings of the Korea Water Resources Association Conference
    • /
    • 2018.05a
    • /
    • pp.135-135
    • /
    • 2018
  • 한강의 잠수교는 평상시에는 사람과 차의 통행이 가능하나 예측수위가 5.5m일 경우, 보행자통제, 6.2m일 경우, 차량통제를 실시한다. 잠수교는 국토교통부의 홍수예보 지점은 아니지만 그 특수성으로 인해 정확한 홍수위 예측을 통해 선행시간을 확보할 필요가 있다. 일반적으로 하천 홍수위 예측을 위해서는 강우-유출 모형과 하도추적을 위한 수리모형을 결합한 모델링이 요구되나 잠수교는 하류부 조위로 인한 배수 및 상류부 팔당댐 방류량의 영향을 받아 물리적 수리 수문모형의 구축이 상당히 제약적이다. 이에 본 연구에서는 딥러닝 오픈 라이브러리인 Tensorflow 기반의 LSTM 심층신경망(Deep Neural Network) 모형을 구축하여 잠수교의 수위예측을 수행한다. LSTM 모형의 학습과 검증을 위해 2011년부터 2017년까지의 10분단위의 잠수교 수위자료, 팔당댐의 방류량과 월곶관측소의 조위자료를 수집한 후, 2011년부터 2016년까지의 자료는 신경망 학습, 2017년 자료를 이용하여 학습된 모형을 검증하였다. 민감도 분석을 통해 LSTM 모형의 최적 매개변수를 추정하고, 이를 기반으로 선행시간(lead time) 1시간, 3시간, 6시간, 9시간, 12시간, 24시간에 대한 잠수교 수위를 예측하였다. LSTM을 이용한 1~6시간 선행시간에 대한 수위예측의 경우, 모형평가 지수 NSE(Nash-Sutcliffe Efficiency)가 1시간(0.99), 3시간(0.97), 6시간(0.93)과 같이 정확도가 매우 우수한 것으로 분석되었으며, 9시간, 12시간, 24시간의 경우, 각각 0.85, 0.82, 0.74로 선행시간이 길어질수록 심층신경망의 예측능력이 저하되는 것으로 나타났다. 하천수위 또는 유량과 같은 수문시계열 분석이 목적일 경우, 종속변수에 영향을 미칠 수 있는 가용한 모든 독립변수를 데이터화하여 선행 정보를 장기적으로 기억하고, 이를 예측에 반영하는 LSTM 심층신경망 모형은 수리 수문모형 구축이 제약적인 경우, 홍수예보를 위한 활용이 가능할 것으로 판단된다.

  • PDF

Development of hybrid activation function to improve accuracy of water elevation prediction algorithm (수위예측 알고리즘 정확도 향상을 위한 Hybrid 활성화 함수 개발)

  • Yoo, Hyung Ju;Lee, Seung Oh
    • Proceedings of the Korea Water Resources Association Conference
    • /
    • 2019.05a
    • /
    • pp.363-363
    • /
    • 2019
  • 활성화 함수(activation function)는 기계학습(machine learning)의 학습과정에 비선형성을 도입하여 심층적인 학습을 용이하게 하고 예측의 정확도를 높이는 중요한 요소 중 하나이다(Roy et al., 2019). 일반적으로 기계학습에서 사용되고 있는 활성화 함수의 종류에는 계단 함수(step function), 시그모이드 함수(sigmoid 함수), 쌍곡 탄젠트 함수(hyperbolic tangent function), ReLU 함수(Rectified Linear Unit function) 등이 있으며, 예측의 정확도 향상을 위하여 다양한 형태의 활성화 함수가 제시되고 있다. 본 연구에서는 기계학습을 통하여 수위예측 시 정확도 향상을 위하여 Hybrid 활성화 함수를 제안하였다. 연구대상지는 조수간만의 영향을 받는 한강을 대상으로 선정하였으며, 2009년 ~ 2018년까지 10년간의 수문자료를 활용하였다. 수위예측 알고리즘은 Python 내 Tensorflow의 RNN (Recurrent Neural Networks) 모델을 이용하였으며, 강수량, 수위, 조위, 댐 방류량, 하천 유량의 수문자료를 학습시켜 3시간 및 6시간 후의 수위를 예측하였다. 예측정확도 향상을 위하여 입력 데이터는 정규화(Normalization)를 시켰으며, 민감도 분석을 통하여 신경망모델의 은닉층 개수, 학습률의 최적 값을 도출하였다. Hybrid 활성화 함수는 쌍곡 탄젠트 함수와 ReLU 함수를 혼합한 형태로 각각의 가중치($w_1,w_2,w_1+w_2=1$)를 변경하여 정확도를 평가하였다. 그 결과 가중치의 비($w_1/w_2$)에 따라서 예측 결과의 RMSE(Roote Mean Square Error)가 최소가 되고 NSE (Nash-Sutcliffe model Efficiency coefficient)가 최대가 되는 지점과 Peak 수위의 예측정확도가 최대가 되는 지점을 확인할 수 있었다. 본 연구는 현재 Data modeling을 통한 수위예측의 정확도 향상을 위해 기초가 되는 연구이나, 향후 다양한 형태의 활성화 함수를 제안하여 정확도를 향상시킨다면 예측 결과를 통하여 침수예보에 대한 의사결정이 가능할 것으로 기대된다.

  • PDF

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.

A Study on the Analysis of Background Object Using Deep Learning in Augmented Reality Game (증강현실 게임에서 딥러닝을 활용한 배경객체 분석에 관한 연구)

  • Kim, Han-Ho;Lee, Dong-Lyeor
    • Journal of Convergence for Information Technology
    • /
    • v.11 no.11
    • /
    • pp.38-43
    • /
    • 2021
  • As the number of augmented reality games using augmented reality technology increases, the demands of users are also increasing. Game technologies used in augmented reality games are mainly games using MARKER, MARKERLESS, GPS, etc. Games using this technology can augment the background and other objects. To solve this problem, we want to help develop augmented reality games by analyzing objects in the background, which is an important element of augmented reality. To analyze the background in the augmented reality game, the background object was analyzed by applying a deep learning model using TensorFlow Lite in the UNITY engine. Using this result, we obtained the result that augmented objects can be placed in the game according to the types of objects analyzed in the background. By utilizing this research, it will be possible to develop advanced augmented reality games by augmenting objects that fit the background.

Prediction of pollution loads in the Geum River upstream using the recurrent neural network algorithm

  • Lim, Heesung;An, Hyunuk;Kim, Haedo;Lee, Jeaju
    • Korean Journal of Agricultural Science
    • /
    • v.46 no.1
    • /
    • pp.67-78
    • /
    • 2019
  • The purpose of this study was to predict the water quality using the RNN (recurrent neutral network) and LSTM (long short-term memory). These are advanced forms of machine learning algorithms that are better suited for time series learning compared to artificial neural networks; however, they have not been investigated before for water quality prediction. Three water quality indexes, the BOD (biochemical oxygen demand), COD (chemical oxygen demand), and SS (suspended solids) are predicted by the RNN and LSTM. TensorFlow, an open source library developed by Google, was used to implement the machine learning algorithm. The Okcheon observation point in the Geum River basin in the Republic of Korea was selected as the target point for the prediction of the water quality. Ten years of daily observed meteorological (daily temperature and daily wind speed) and hydrological (water level and flow discharge) data were used as the inputs, and irregularly observed water quality (BOD, COD, and SS) data were used as the learning materials. The irregularly observed water quality data were converted into daily data with the linear interpolation method. The water quality after one day was predicted by the machine learning algorithm, and it was found that a water quality prediction is possible with high accuracy compared to existing physical modeling results in the prediction of the BOD, COD, and SS, which are very non-linear. The sequence length and iteration were changed to compare the performances of the algorithms.

Automatic Object Extraction from Electronic Documents Using Deep Neural Network (심층 신경망을 활용한 전자문서 내 객체의 자동 추출 방법 연구)

  • Jang, Heejin;Chae, Yeonghun;Lee, Sangwon;Jo, Jinyong
    • KIPS Transactions on Software and Data Engineering
    • /
    • v.7 no.11
    • /
    • pp.411-418
    • /
    • 2018
  • With the proliferation of artificial intelligence technology, it is becoming important to obtain, store, and utilize scientific data in research and science sectors. A number of methods for extracting meaningful objects such as graphs and tables from research articles have been proposed to eventually obtain scientific data. Existing extraction methods using heuristic approaches are hardly applicable to electronic documents having heterogeneous manuscript formats because they are designed to work properly for some targeted manuscripts. This paper proposes a prototype of an object extraction system which exploits a recent deep-learning technology so as to overcome the inflexibility of the heuristic approaches. We implemented our trained model, based on the Faster R-CNN algorithm, using the Google TensorFlow Object Detection API and also composed an annotated data set from 100 research articles for training and evaluation. Finally, a performance evaluation shows that the proposed system outperforms a comparator adopting heuristic approaches by 5.2%.

Remote Control System using Face and Gesture Recognition based on Deep Learning (딥러닝 기반의 얼굴과 제스처 인식을 활용한 원격 제어)

  • Hwang, Kitae;Lee, Jae-Moon;Jung, Inhwan
    • The Journal of the Institute of Internet, Broadcasting and Communication
    • /
    • v.20 no.6
    • /
    • pp.115-121
    • /
    • 2020
  • With the spread of IoT technology, various IoT applications using facial recognition are emerging. This paper describes the design and implementation of a remote control system using deep learning-based face recognition and hand gesture recognition. In general, an application system using face recognition consists of a part that takes an image in real time from a camera, a part that recognizes a face from the image, and a part that utilizes the recognized result. Raspberry PI, a single board computer that can be mounted anywhere, has been used to shoot images in real time, and face recognition software has been developed using tensorflow's FaceNet model for server computers and hand gesture recognition software using OpenCV. We classified users into three groups: Known users, Danger users, and Unknown users, and designed and implemented an application that opens automatic door locks only for Known users who have passed both face recognition and hand gestures.

A Study on GAN Algorithm for Restoration of Cultural Property (pagoda)

  • Yoon, Jin-Hyun;Lee, Byong-Kwon;Kim, Byung-Wan
    • Journal of the Korea Society of Computer and Information
    • /
    • v.26 no.1
    • /
    • pp.77-84
    • /
    • 2021
  • Today, the restoration of cultural properties is done by applying the latest IT technology from relying on existing data and experts. However, there are cases where new data are released and the original restoration is incorrect. Also, sometimes it takes too long to restore. And there is a possibility that the results will be different than expected. Therefore, we aim to quickly restore cultural properties using DeepLearning. Recently, so the algorithm DcGAN made in GANs algorithm, and image creation, restoring sectors are constantly evolving. We try to find the optimal GAN algorithm for the restoration of cultural properties among various GAN algorithms. Because the GAN algorithm is used in various fields. In the field of restoring cultural properties, it will show that it can be applied in practice by obtaining meaningful results. As a result of experimenting with the DCGAN and Style GAN algorithms among the GAN algorithms, it was confirmed that the DCGAN algorithm generates a top image with a low resolution.