• 제목/요약/키워드: Deep neural network (DNN)

검색결과 255건 처리시간 0.025초

다중 노출 High Dynamic Range 이미징을 위한 경량화 네트워크 (Lightweight Network for Multi-exposure High Dynamic Range Imaging)

  • 이근택;조남익
    • 한국방송∙미디어공학회:학술대회논문집
    • /
    • 한국방송∙미디어공학회 2021년도 추계학술대회
    • /
    • pp.70-73
    • /
    • 2021
  • 최근 영상 및 비디오 분야에 심층 신경망(DNN, Deep Neural Network)을 사용한 연구가 다양하게 진행됨에 따라 High Dynamic Range (HDR) 이미징 기술에서도 기존의 방법들 보다 우수한 성능을 보이는 심층 신경망 모델들이 등장하였다. 하지만, 심층 신경망을 사용한 방법은 큰 연산량과 많은 GPU 메모리를 사용한다는 문제점이 존재하며, 이는 심층 신경망 기반 기술들의 현실 적용 가능성에 제한이 되고 있다. 이에 본 논문에서는 제한된 연산량과 GPU 메모리 조건에서도 사용 가능한 다중 노출 HDR 경량화 심층 신경망을 제안한다. Kalantari Dataset에 대해 기존 HDR 모델들과의 성능 평가를 진행해 본 결과, PSNR-µ와 PSNR-l 수치에서 GPU 메모리 사용량 대비 우수한 성능을 보임을 확인하였다.

  • PDF

딥 뉴럴 네트워크에 의한 디지털 홀로그램의 워터마킹 및 홀로그램 데이터 특성을 고려한 학습 (Watermarking for Digital Hologram by a Deep Neural Network and its Training Considering the Hologram Data Characteristics)

  • 이주원;이재은;서영호;김동욱
    • 방송공학회논문지
    • /
    • 제26권3호
    • /
    • pp.296-307
    • /
    • 2021
  • 디지털 홀로그램(digital hologram, DH)은 2차원 데이터에 3차원의 정보를 포함하는 초고부가가치의 영상 콘텐츠이다. 따라서 이 콘텐츠의 유통을 위해서는 그 지적재산권이 반드시 보호되어야 한다. 본 논문에서는 이를 위해서 최초로 딥 뉴럴 네트워크를 이용한 DH의 워터마킹 방법을 제안한다. 이 방법은 워터마크(watermark, WM)가 의 비가시성, 공격에 대한 강인성, WM 추출 시 호스트 정보를 사용하지 않는 blind 워터마킹 방법이다. 제안하는 네트워크는 호스트와 워터마크 각각의 전처리, WM 삽입, WM 추출의 네 부-네트워크로 구성된다. 이 네트워크는 고주파 성분이 강한 DH의 특성을 감안하여 호스트 데이터를 축소하지 않고 WM 데이터를 확장하여 호스트 데이터와 정합함으로써 WM를 삽입한다. 또한 이 네트워크의 학습에 있어서 DH의 데이터 분포특성에 따른 성능의 차이를 확인하고, 모든 종류의 DH에서 최고의 성능을 갖는 학습 데이터 세트를 선정하는 방법을 제시한다. 제안한 방법을 다양한 종류와 강도의 공격에 대해 실험을 수행하여 그 성능을 보인다. 또한 이 방법이 호스트 DH의 해상도와 WM 데이터에 독립적으로 동작하여 높은 실용성을 갖는다는 것을 보인다.

절단된 분포를 이용한 인공신경망에서의 초기값 설정방법 (Initialization by using truncated distributions in artificial neural network)

  • 김민종;조성철;정혜린;이영섭;임창원
    • 응용통계연구
    • /
    • 제32권5호
    • /
    • pp.693-702
    • /
    • 2019
  • 딥러닝은 대용량의 데이터의 분류 및 예측하는 방법으로 각광받고 있다. 데이터의 양이 많아지면서 신경망의 구조는 더 깊어 지고 있다. 이때 초기값이 지나치게 클 경우 층이 깊어 질수록 활성화 함수의 기울기가 매우 작아지는 포화(Saturation)현상이 발생한다. 이러한 포화현상은 가중치의 학습능력을 저하시키는 현상을 발생시키기 때문에 초기값의 중요성이 커지고 있다.이런 포화현상 문제를 해결하기 위해 Glorot과 Bengio (2010)과 He 등 (2015) 층과 층 사이에 데이터가 다양하게 흘러야 효율적인 신경망학습이 가능하고 주장했다. 데이터가 다양하게 흐르기 위해서는 각 층의 출력에 대한 분산과 입력에 대한 분산이 동일해야 한다고 제안했다. Glorot과 Bengio (2010)과 He 등 (2015)는 각 층별 활성화 값의 분산이 같다고 가정해 초기값을 설정하였다. 본 논문에서는 절단된 코쉬 분포와 절단된 정규분포를 활용하여 초기값을 설정하는 방안을 제안한다. 출력에 대한 분산과 입력에 대한 분산의 값을 동일하게 맞춰주고 그 값이 절단된 확률분포의 분산과 같게 적용함으로써 큰 초기값이 나오는 걸 제한하고 0에 가까운 값이 나오도록 분포를 조정하였다. 제안된 방법은 MNIST 데이터와 CIFAR-10 데이터를 DNN과 CNN 모델에 각각 적용하여 실험함으로써 기존의 초기값 설정방법보다 모델의 성능을 좋게 한다는 것을 보였다.

로지스틱 회기를 이용한 아크 검출 (Arc Detection using Logistic Regression)

  • 김만배
    • 방송공학회논문지
    • /
    • 제26권5호
    • /
    • pp.566-574
    • /
    • 2021
  • 전기화재의 원인중의 하나는 직렬 아크이다. 최근까지 아크 신호를 검출하기 위해 다양한 기법들이 진행되고 있다. 시간 신호에 푸리에 변환, 웨이블릿 변환, 또는 통계적 특징 등을 활용하여 아크 검출을 하는 방법들이 소개되었지만, 변환 및 특징 추출은 부가적인 처리 시간이 요구되는 단점이 있다. 반면에 최근의 딥러닝 모델은 종단간 학습으로 특징 추출 과정없이 직접 원시 데이터를 활용한다. 그러나, 딥러닝의 문제는 연산 복잡도가 높다는 것이다. 이 문제는 단말기에 딥러닝 연산 모듈을 넣기가 어렵게 한다. 따라서 본 논문에서는 복잡도가 상대적으로 낮은 기계학습 기법중에 로지스틱회기 (logistic regression)를 이용하여 아크 검출을 하는 기법을 제안한다.

Assessment of wall convergence for tunnels using machine learning techniques

  • Mahmoodzadeh, Arsalan;Nejati, Hamid Reza;Mohammadi, Mokhtar;Ibrahim, Hawkar Hashim;Mohammed, Adil Hussein;Rashidi, Shima
    • Geomechanics and Engineering
    • /
    • 제31권3호
    • /
    • pp.265-279
    • /
    • 2022
  • Tunnel convergence prediction is essential for the safe construction and design of tunnels. This study proposes five machine learning models of deep neural network (DNN), K-nearest neighbors (KNN), Gaussian process regression (GPR), support vector regression (SVR), and decision trees (DT) to predict the convergence phenomenon during or shortly after the excavation of tunnels. In this respect, a database including 650 datasets (440 for training, 110 for validation, and 100 for test) was gathered from the previously constructed tunnels. In the database, 12 effective parameters on the tunnel convergence and a target of tunnel wall convergence were considered. Both 5-fold and hold-out cross validation methods were used to analyze the predicted outcomes in the ML models. Finally, the DNN method was proposed as the most robust model. Also, to assess each parameter's contribution to the prediction problem, the backward selection method was used. The results showed that the highest and lowest impact parameters for tunnel convergence are tunnel depth and tunnel width, respectively.

Speaker Adaptation Using i-Vector Based Clustering

  • Kim, Minsoo;Jang, Gil-Jin;Kim, Ji-Hwan;Lee, Minho
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제14권7호
    • /
    • pp.2785-2799
    • /
    • 2020
  • We propose a novel speaker adaptation method using acoustic model clustering. The similarity of different speakers is defined by the cosine distance between their i-vectors (intermediate vectors), and various efficient clustering algorithms are applied to obtain a number of speaker subsets with different characteristics. The speaker-independent model is then retrained with the training data of the individual speaker subsets grouped by the clustering results, and an unknown speech is recognized by the retrained model of the closest cluster. The proposed method is applied to a large-scale speech recognition system implemented by a hybrid hidden Markov model and deep neural network framework. An experiment was conducted to evaluate the word error rates using Resource Management database. When the proposed speaker adaptation method using i-vector based clustering was applied, the performance, as compared to that of the conventional speaker-independent speech recognition model, was improved relatively by as much as 12.2% for the conventional fully neural network, and by as much as 10.5% for the bidirectional long short-term memory.

Deep learning-based anomaly detection in acceleration data of long-span cable-stayed bridges

  • Seungjun Lee;Jaebeom Lee;Minsun Kim;Sangmok Lee;Young-Joo Lee
    • Smart Structures and Systems
    • /
    • 제33권2호
    • /
    • pp.93-103
    • /
    • 2024
  • Despite the rapid development of sensors, structural health monitoring (SHM) still faces challenges in monitoring due to the degradation of devices and harsh environmental loads. These challenges can lead to measurement errors, missing data, or outliers, which can affect the accuracy and reliability of SHM systems. To address this problem, this study proposes a classification method that detects anomaly patterns in sensor data. The proposed classification method involves several steps. First, data scaling is conducted to adjust the scale of the raw data, which may have different magnitudes and ranges. This step ensures that the data is on the same scale, facilitating the comparison of data across different sensors. Next, informative features in the time and frequency domains are extracted and used as input for a deep neural network model. The model can effectively detect the most probable anomaly pattern, allowing for the timely identification of potential issues. To demonstrate the effectiveness of the proposed method, it was applied to actual data obtained from a long-span cable-stayed bridge in China. The results of the study have successfully verified the proposed method's applicability to practical SHM systems for civil infrastructures. The method has the potential to significantly enhance the safety and reliability of civil infrastructures by detecting potential issues and anomalies at an early stage.

블록체인 기반의 시계열 정보를 이용한 클라우드 엣지 환경의 효율적인 AIoT 정보 연계 처리 기법 (Efficient AIOT Information Link Processing in Cloud Edge Environment Using Blockchain-Based Time Series Information)

  • 정윤수
    • 한국융합학회논문지
    • /
    • 제12권3호
    • /
    • pp.9-15
    • /
    • 2021
  • 최근 5G와 인공지능 기술이 발전하면서 클라우드 엣지 환경에서 정보를 수집/처리/분석 하기 위한 AIoT 기술에 많은 관심을 갖고 있다. AIoT 기술은 다양한 스마트 환경에 적용되고 있지만 수집된 정보의 정확한 분석을 통해 빠른 대응처리를 수행할 수 있는 연구가 필요하다. 본 논문에서는 스마트 환경에서 수집된 정보를 AIoT에서 빠른 처리와 정확한 분석/예측을 통해 AIoT 정보들간 연계 처리를 블록 처리함으써 대역폭 및 처리시간을 최소화할 수 있는 기법을 제안한다. 제안 기법은 블록체인으로 수집된 정보를 다중 연계하여 AIoT 장치에서 데이터 인덱스에 대한 시드를 생성하여 수집정보와 함께 블록처리하여 데이터 센터로 전달한다. 이 때, 클라우드와 AIoT 장치사이는 DNN(Deep Neural Network) 모델을 배치하여 네트워크 오버헤드를 줄이도록 하였다. 그리고, 서버/데이터센터에서는 전달된 분석 및 예측된 결과를 통해 정확하지 못한 AIoT 정보의 정확도를 개선하여 지연시간을 최소화하도록 하였다. 또한, 제안기법은 AIoT 정보에 가중치를 적용하여 블록체인으로 그룹핑하기 때문에 계층화된 다층 네트워크로 분할 가능하도록 하여 데이터 지연시간을 최소화하였다.

심층학습 기법을 활용한 효과적인 타이어 마모도 분류 및 손상 부위 검출 알고리즘 (Efficient Tire Wear and Defect Detection Algorithm Based on Deep Learning)

  • 박혜진;이영운;김병규
    • 한국멀티미디어학회논문지
    • /
    • 제24권8호
    • /
    • pp.1026-1034
    • /
    • 2021
  • Tire wear and defect are important factors for safe driving condition. These defects are generally inspected by some specialized experts or very expensive equipments such as stereo depth camera and depth gauge. In this paper, we propose tire safety vision inspector based on deep neural network (DNN). The status of tire wear is categorized into three: 'safety', 'warning', and 'danger' based on depth of tire tread. We propose an attention mechanism for emphasizing the feature of tread area. The attention-based feature is concatenated to output feature maps of the last convolution layer of ResNet-101 to extract more robust feature. Through experiments, the proposed tire wear classification model improves 1.8% of accuracy compared to the existing ResNet-101 model. For detecting the tire defections, the developed tire defect detection model shows up-to 91% of accuracy using the Mask R-CNN model. From these results, we can see that the suggested models are useful for checking on the safety condition of working tire in real environment.

하천 범람 및 차량 침수 가능성 예측을 통한 딥러닝 기반 차수막 자동화 시스템 (Deep-Learning-Based Water Shield Automation System by Predicting River Overflow and Vehicle Flooding Possibility)

  • 함승재;강민수;정성우;유준혁
    • 대한임베디드공학회논문지
    • /
    • 제18권3호
    • /
    • pp.133-139
    • /
    • 2023
  • This paper proposes a two-stage Water Shield Automation System (WSAS) to predict the possibility of river overflow and vehicle flooding due to sudden rainfall. The WSAS uses a two-stage Deep Neural Network (DNN) model. First, a river overflow prediction module is designed with LSTM to decide whether the river is flooded by predicting the river's water level rise. Second, a vehicle flooding prediction module predicts flooding of underground parking lots by detecting flooded tires with YOLOv5 from CCTV images. Finally, the WSAS automatically installs the water barrier whenever the river overflow and vehicle flooding events happen in the underground parking lots. The only constraint to implementing is that collecting training data for flooded vehicle tires is challenging. This paper exploits the Image C&S data augmentation technique to synthesize flooded tire images. Experimental results validate the superiority of WSAS by showing that the river overflow prediction module can reduce RMSE by three times compared with the previous method, and the vehicle flooding detection module can increase mAP by 20% compared with the naive detection method, respectively.