• 제목/요약/키워드: Softmax function

검색결과 22건 처리시간 0.027초

다각형 용기의 품질 향상을 위한 딥러닝 구조 개발 (Development of Deep Learning Structure to Improve Quality of Polygonal Containers)

  • 윤석문;이승호
    • 전기전자학회논문지
    • /
    • 제25권3호
    • /
    • pp.493-500
    • /
    • 2021
  • 본 논문에서는 다각형 용기의 품질 향상을 위한 딥러닝 구조 개발을 제안한다. 딥러닝 구조는 convolution 층, bottleneck 층, fully connect 층, softmax 층 등으로 구성된다. Convolution 층은 입력 이미지 또는 이전 층의 특징 이미지를 여러 특징 필터와 convolution 3x3 연산하여 특징 이미지를 얻어 내는 층이다. Bottleneck 층은 convolution 층을 통해 추출된 특징 이미지상의 특징들 중에서 최적의 특징들만 선별하여 convolution 1x1 ReLU로 채널을 감소시키고convolution 3x3 ReLU를 실시한다. Bottleneck 층을 거친 후에 수행되는 global average pooling 연산과정은 convolution 층을 통해 추출된 특징 이미지의 특징들 중에서 최적의 특징들만 선별하여 특징 이미지의 크기를 감소시킨다. Fully connect 층은 6개의 fully connect layer를 거쳐 출력 데이터가 산출된다. Softmax 층은 입력층 노드의 값과 연산을 진행하려는 목표 노드 사이의 가중치와 곱을 하여 합하고 활성화 함수를 통해 0~1 사이의 값으로 변환한다. 학습이 완료된 후에 인식 과정에서는 학습 과정과 마찬가지로 카메라를 이용한 이미지 획득, 측정 위치 검출, 딥러닝을 활용한 비원형 유리병 분류 등을 수행하여 비원형 유리병을 분류한다. 제안된 다각형 용기의 품질 향상을 위한 딥러닝 구조의 성능을 평가하기 위하여 공인시험기관에서 실험한 결과, 양품/불량 판별 정확도 99%로 세계최고 수준과 동일한 수준으로 산출되었다. 검사 소요 시간은 평균 1.7초로 비원형 머신비전 시스템을 사용하는 생산 공정의 가동 시간 기준 내로 산출되었다. 따라서 본 본문에서 제안한 다각형 용기의 품질 향상을 위한 딥러닝 구조의 성능의 그 효용성이 입증되었다.

Ensemble-based deep learning for autonomous bridge component and damage segmentation leveraging Nested Reg-UNet

  • Abhishek Subedi;Wen Tang;Tarutal Ghosh Mondal;Rih-Teng Wu;Mohammad R. Jahanshahi
    • Smart Structures and Systems
    • /
    • 제31권4호
    • /
    • pp.335-349
    • /
    • 2023
  • Bridges constantly undergo deterioration and damage, the most common ones being concrete damage and exposed rebar. Periodic inspection of bridges to identify damages can aid in their quick remediation. Likewise, identifying components can provide context for damage assessment and help gauge a bridge's state of interaction with its surroundings. Current inspection techniques rely on manual site visits, which can be time-consuming and costly. More recently, robotic inspection assisted by autonomous data analytics based on Computer Vision (CV) and Artificial Intelligence (AI) has been viewed as a suitable alternative to manual inspection because of its efficiency and accuracy. To aid research in this avenue, this study performs a comparative assessment of different architectures, loss functions, and ensembling strategies for the autonomous segmentation of bridge components and damages. The experiments lead to several interesting discoveries. Nested Reg-UNet architecture is found to outperform five other state-of-the-art architectures in both damage and component segmentation tasks. The architecture is built by combining a Nested UNet style dense configuration with a pretrained RegNet encoder. In terms of the mean Intersection over Union (mIoU) metric, the Nested Reg-UNet architecture provides an improvement of 2.86% on the damage segmentation task and 1.66% on the component segmentation task compared to the state-of-the-art UNet architecture. Furthermore, it is demonstrated that incorporating the Lovasz-Softmax loss function to counter class imbalance can boost performance by 3.44% in the component segmentation task over the most employed alternative, weighted Cross Entropy (wCE). Finally, weighted softmax ensembling is found to be quite effective when used synchronously with the Nested Reg-UNet architecture by providing mIoU improvement of 0.74% in the component segmentation task and 1.14% in the damage segmentation task over a single-architecture baseline. Overall, the best mIoU of 92.50% for the component segmentation task and 84.19% for the damage segmentation task validate the feasibility of these techniques for autonomous bridge component and damage segmentation using RGB images.

Influence on overfitting and reliability due to change in training data

  • Kim, Sung-Hyeock;Oh, Sang-Jin;Yoon, Geun-Young;Jung, Yong-Gyu;Kang, Min-Soo
    • International Journal of Advanced Culture Technology
    • /
    • 제5권2호
    • /
    • pp.82-89
    • /
    • 2017
  • The range of problems that can be handled by the activation of big data and the development of hardware has been rapidly expanded and machine learning such as deep learning has become a very versatile technology. In this paper, mnist data set is used as experimental data, and the Cross Entropy function is used as a loss model for evaluating the efficiency of machine learning, and the value of the loss function in the steepest descent method is We applied the GradientDescentOptimize algorithm to minimize and updated weight and bias via backpropagation. In this way we analyze optimal reliability value corresponding to the number of exercises and optimal reliability value without overfitting. And comparing the overfitting time according to the number of data changes based on the number of training times, when the training frequency was 1110 times, we obtained the result of 92%, which is the optimal reliability value without overfitting.

비디오 얼굴인식을 위한 다중 손실 함수 기반 어텐션 심층신경망 학습 제안 (Attention Deep Neural Networks Learning based on Multiple Loss functions for Video Face Recognition)

  • 김경태;유원상;최재영
    • 한국멀티미디어학회논문지
    • /
    • 제24권10호
    • /
    • pp.1380-1390
    • /
    • 2021
  • The video face recognition (FR) is one of the most popular researches in the field of computer vision due to a variety of applications. In particular, research using the attention mechanism is being actively conducted. In video face recognition, attention represents where to focus on by using the input value of the whole or a specific region, or which frame to focus on when there are many frames. In this paper, we propose a novel attention based deep learning method. Main novelties of our method are (1) the use of combining two loss functions, namely weighted Softmax loss function and a Triplet loss function and (2) the feasibility of end-to-end learning which includes the feature embedding network and attention weight computation. The feature embedding network has a positive effect on the attention weight computation by using combined loss function and end-to-end learning. To demonstrate the effectiveness of our proposed method, extensive and comparative experiments have been carried out to evaluate our method on IJB-A dataset with their standard evaluation protocols. Our proposed method represented better or comparable recognition rate compared to other state-of-the-art video FR methods.

파라미터에 따른 인공지지체 불량 탐지 모델의 성능 비교 (Performance Comparison of Scaffold Defect Detection Model by Parameters)

  • 이송연;허용정
    • 반도체디스플레이기술학회지
    • /
    • 제22권1호
    • /
    • pp.54-58
    • /
    • 2023
  • In this study, we compared the detection accuracy of the parameters of the scaffold failure detection model. A detection algorithm based on convolutional neural network was used to construct a failure detection model for scaffold. The parameter properties of the model were changed and the results were quantitatively verified. The detection accuracy of the model for each parameter was compared and the parameter with the highest accuracy was identified. We found that the activation function has a significant impact on the detection accuracy, which is 98% for softmax.

  • PDF

딥 트랜스퍼 러닝 기반의 아기 울음소리 식별 (Infant cry recognition using a deep transfer learning method)

  • 박철;이종욱;오스만;박대희;정용화
    • 한국정보처리학회:학술대회논문집
    • /
    • 한국정보처리학회 2020년도 추계학술발표대회
    • /
    • pp.971-974
    • /
    • 2020
  • Infants express their physical and emotional needs to the outside world mainly through crying. However, most of parents find it challenging to understand the reason behind their babies' cries. Failure to correctly understand the cause of a baby' cry and take appropriate actions can affect the cognitive and motor development of newborns undergoing rapid brain development. In this paper, we propose an infant cry recognition system based on deep transfer learning to help parents identify crying babies' needs the same way a specialist would. The proposed system works by transforming the waveform of the cry signal into log-mel spectrogram, then uses the VGGish model pre-trained on AudioSet to extract a 128-dimensional feature vector from the spectrogram. Finally, a softmax function is used to classify the extracted feature vector and recognize the corresponding type of cry. The experimental results show that our method achieves a good performance exceeding 0.96 in precision and recall, and f1-score.

인공지능을 이용한 주진단 S코드의 낙상환자 예측모델 개발 (Development of a Prediction Model for Fall Patients in the Main Diagnostic S Code Using Artificial Intelligence)

  • 박예지;최은미;방소현;정진형
    • 한국정보전자통신기술학회논문지
    • /
    • 제16권6호
    • /
    • pp.526-532
    • /
    • 2023
  • 낙상사고는 세계적으로 매년 42만 건 이상 발생하는 치명적인 사고이다. 따라서, 낙상 환자를 연구하고자 낙상환자의 손상외인코드와 주진단 S코드의 연관성을 찾고, 낙상 환자의 주진단 S코드 데이터를 가지고 손상외인코드를 예측할 수 있는 예측모델을 개발하였다. 본 연구에서는 강원특별자치도 강릉시에 있는 A 기관의 2020~2021년 2년간의 데이터를 받아 낙상에 관련된 손상외인코드 W00~W19까지 데이터만 추출하고, 낙상 손상외인코드 중 예측모형을 개발할 정도의 주진단 S코드를 가지고 있는 W01, W10, W13, W18 데이터를 가지고 예측모형 개발하였다. 데이터 중 80%는 훈련용 데이터, 20%는 테스트용 데이터로 분류하였다. 모형 개발은 MLP(Multi-Layer Perceptron)을 이용하여 6개의 변수(성별, 나이, 주진단S코드, 수술유무, 입원유무, 음주유무)를 입력층에 64개의 노드를 가진 2개의 은닉층, 출력층은 softmax 활성화 함수를 이용하여 손상외인코드 W01, W10, W13, W18 총 4개의 노드를 가진 출력층으로 구성하여 개발하였다. 학습결과 첫 번째 학습했을 때 31.2%의 정확도를 가졌지만, 30번째는 87.5%의 정확도를 나타냈고 이를 통해 낙상환자의 낙상외인코드와 주진단 S코드의 연관성을 확인할 수 있었다.

모돈 생체 반응 신호의 주파수 영역 Feature selection을 통한 DNN 모델링 연구 (Research on DNN Modeling using Feature Selection on Frequency Domain for Vital Reaction of Breeding Pig)

  • 조진호;오종우;이동훈
    • 한국농업기계학회:학술대회논문집
    • /
    • 한국농업기계학회 2017년도 춘계공동학술대회
    • /
    • pp.166-166
    • /
    • 2017
  • 모돈의 건강 상태를 정량 지수화 하기 위한 연구를 수행 중이다. 지제이상, 섭식 불량, 수면 패턴 등의 운동 특성 분석을 위하여 복수의 초음파 센서를 이용하였다. 시계열 계측 신호를 분석하여 정량 지수화를 수행하는 과정에서 주파수 도메인 분석을 시도하였다. 이 과정에서 주파수 도메인의 분해능에 따른 편차 극복을 위한 비선형 모델링을 수행하였다. 또한 인접한 시계열 데이터 구간 간의 상관성 분석이 가능하면 대용량 데이터의 실시간 처리로 인한 지연 시간 극복 및 기대되는 예후에 대한 조기 진단이 가능할 것이다. 본 연구에서는 구글에서 제공하는 Tensorflow와 NVIDIA에서 제공하는 CUDA 엔진을 동시 적용한 심층 학습 시스템을 이용하였다. 전 처리를 위하여 주파수 분해능 (2분, 3분, 5분, 7분, 11분, 13분, 17분, 19분)에 따른 데이터 집합을 1단계로 두고, 상위 10 순위 안에 드는 파워 스펙트럼 밀도의 크기를 2단계로 하여, 총 2~10개의 입력 노드를 순차적으로 선정하였고, 동일한 방식으로 인접한 시계열의 파워 스펙터럼 밀도를 순위를 변화시켜 지정하였다. 대표적인 심층학습 모델인 Softmax regression with a multilayer convolutional network를 이용하여 Recursive feature selection 경우의 수를 $8{\times}9{\times}9$로 총 648 가지 선정하고, Epoch는 10,000회로 지정하였다. Calibration 모델링의 경우 Cost function이 10% 이하인 경우 해당 경우의 학습을 중단하였으며, 모델 간 상호 교차 검증을 수행하기 위하여 $_8C_2{\times}_8C_2{\times}_8C_2$ 경우의 수에 대한 Verification test를 수행하였다. Calibration 과정 상 모든 경우에 대하여 10% 이하의 Cost function 값을 보였으나, 검증 테스트 과정에서 모든 경우에 대하여 $r^2$ < 0.5 인 결정 계수 값이 나타났다. 단적으로 심층학습 모델의 과도한 적합(Over fitting) 방식의 한계를 보인 것이라 판단할 수 있다. 적합한 Feature selection 및 심층 학습 모델에 대한 지속적이고 추가적인 고려를 통해 과도적합을 해소함과 동시에 실효적이고 활용 가능한 Classification을 위한 입, 출력 노드 단의 전후 Indexing, Quantization에 대한 고려가 필요할 것이다. 이를 통해 모돈 생체 정보 정량화를 위한 지능형 현장 진단 기술 연구를 지속할 것이다.

  • PDF

합성곱 순환 신경망 구조를 이용한 지진 이벤트 분류 기법 (Earthquake events classification using convolutional recurrent neural network)

  • 구본화;김관태;장수;고한석
    • 한국음향학회지
    • /
    • 제39권6호
    • /
    • pp.592-599
    • /
    • 2020
  • 본 논문은 다양한 지진 이벤트 분류를 위해 지진 데이터의 정적인 특성과 동적인 특성을 동시에 반영할 수 있는 합성곱 순환 신경망(Convolutional Recurrent Neural Net, CRNN) 구조를 제안한다. 중규모 지진뿐만 아니라 미소 지진, 인공 지진을 포함한 지진 이벤트 분류 문제를 해결하려면 효과적인 특징 추출 및 분류 방법이 필요하다. 본 논문에서는 먼저 주의 기반 합성곱 레이어를 통해 지진 데이터의 정적 특성을 추출 하게 된다. 추출된 특징은 다중 입력 단일 출력 장단기메모리(Long Short-Term Memory, LSTM) 네트워크 구조에 순차적으로 입력되어 다양한 지진 이벤트 분류를 위한 동적 특성을 추출하게 되며 완전 연결 레이어와 소프트맥스 함수를 통해 지진 이벤트 분류를 수행한다. 국내외 지진을 이용한 모의 실험 결과 제안된 모델은 다양한 지진 이벤트 분류에 효과적인 모습을 보여 주었다.

Weather Recognition Based on 3C-CNN

  • Tan, Ling;Xuan, Dawei;Xia, Jingming;Wang, Chao
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제14권8호
    • /
    • pp.3567-3582
    • /
    • 2020
  • Human activities are often affected by weather conditions. Automatic weather recognition is meaningful to traffic alerting, driving assistance, and intelligent traffic. With the boost of deep learning and AI, deep convolutional neural networks (CNN) are utilized to identify weather situations. In this paper, a three-channel convolutional neural network (3C-CNN) model is proposed on the basis of ResNet50.The model extracts global weather features from the whole image through the ResNet50 branch, and extracts the sky and ground features from the top and bottom regions by two CNN5 branches. Then the global features and the local features are merged by the Concat function. Finally, the weather image is classified by Softmax classifier and the identification result is output. In addition, a medium-scale dataset containing 6,185 outdoor weather images named WeatherDataset-6 is established. 3C-CNN is used to train and test both on the Two-class Weather Images and WeatherDataset-6. The experimental results show that 3C-CNN achieves best on both datasets, with the average recognition accuracy up to 94.35% and 95.81% respectively, which is superior to other classic convolutional neural networks such as AlexNet, VGG16, and ResNet50. It is prospected that our method can also work well for images taken at night with further improvement.