• 제목/요약/키워드: Train weight

검색결과 267건 처리시간 0.026초

콘크리트 균열 탐지를 위한 딥 러닝 기반 CNN 모델 비교 (Comparison of Deep Learning-based CNN Models for Crack Detection)

  • 설동현;오지훈;김홍진
    • 대한건축학회논문집:구조계
    • /
    • 제36권3호
    • /
    • pp.113-120
    • /
    • 2020
  • The purpose of this study is to compare the models of Deep Learning-based Convolution Neural Network(CNN) for concrete crack detection. The comparison models are AlexNet, GoogLeNet, VGG16, VGG19, ResNet-18, ResNet-50, ResNet-101, and SqueezeNet which won ImageNet Large Scale Visual Recognition Challenge(ILSVRC). To train, validate and test these models, we constructed 3000 training data and 12000 validation data with 256×256 pixel resolution consisting of cracked and non-cracked images, and constructed 5 test data with 4160×3120 pixel resolution consisting of concrete images with crack. In order to increase the efficiency of the training, transfer learning was performed by taking the weight from the pre-trained network supported by MATLAB. From the trained network, the validation data is classified into crack image and non-crack image, yielding True Positive (TP), True Negative (TN), False Positive (FP), False Negative (FN), and 6 performance indicators, False Negative Rate (FNR), False Positive Rate (FPR), Error Rate, Recall, Precision, Accuracy were calculated. The test image was scanned twice with a sliding window of 256×256 pixel resolution to classify the cracks, resulting in a crack map. From the comparison of the performance indicators and the crack map, it was concluded that VGG16 and VGG19 were the most suitable for detecting concrete cracks.

단일 훈련 샘플만을 활용하는 준-지도학습 심층 도메인 적응 기반 얼굴인식 기술 개발 (Development of Semi-Supervised Deep Domain Adaptation Based Face Recognition Using Only a Single Training Sample)

  • 김경태;최재영
    • 한국멀티미디어학회논문지
    • /
    • 제25권10호
    • /
    • pp.1375-1385
    • /
    • 2022
  • In this paper, we propose a semi-supervised domain adaptation solution to deal with practical face recognition (FR) scenarios where a single face image for each target identity (to be recognized) is only available in the training phase. Main goal of the proposed method is to reduce the discrepancy between the target and the source domain face images, which ultimately improves FR performances. The proposed method is based on the Domain Adatation network (DAN) using an MMD loss function to reduce the discrepancy between domains. In order to train more effectively, we develop a novel loss function learning strategy in which MMD loss and cross-entropy loss functions are adopted by using different weights according to the progress of each epoch during the learning. The proposed weight adoptation focuses on the training of the source domain in the initial learning phase to learn facial feature information such as eyes, nose, and mouth. After the initial learning is completed, the resulting feature information is used to training a deep network using the target domain images. To evaluate the effectiveness of the proposed method, FR performances were evaluated with pretrained model trained only with CASIA-webface (source images) and fine-tuned model trained only with FERET's gallery (target images) under the same FR scenarios. The experimental results showed that the proposed semi-supervised domain adaptation can be improved by 24.78% compared to the pre-trained model and 28.42% compared to the fine-tuned model. In addition, the proposed method outperformed other state-of-the-arts domain adaptation approaches by 9.41%.

ESCPN을 이용한 초해상화 시 활성화 함수에 따른 이미지 품질의 비교 (Comparison of image quality according to activation function during Super Resolution using ESCPN)

  • 송문혁;송주명;홍연조
    • 한국정보통신학회:학술대회논문집
    • /
    • 한국정보통신학회 2022년도 춘계학술대회
    • /
    • pp.129-132
    • /
    • 2022
  • 초해상화란 저화질의 이미지를 고화질의 이미지로 변환하는 과정이다. 본 연구에서는 ESPCN 을 이용하여 연구를 진행하였다. 초해상화 심층 신경망에서 각 노드를 거칠 때 가중치를 결정하는 활성화 함수에 따라 같은 입력 데이터를 받더라도 다른 품질의 이미지가 출력될 수 있다. 따라서 활성화 함수 ReLU, ELU, Swish를 적용시켜 같은 입력 이미지에 대한 출력 이미지의 품질을 비교하여 초해상화에 가장 적합한 활성화 함수를 찾는 것이 이 연구의 목적이다. 초해상화를 위한 Dataset은 BSDS500 Dataset을 사용하였으며, 전처리 과정에서 이미지를 정사각형으로 자른 뒤 저화질화 하였다. 저화질화된 이미지는 모델의 입력 이미지에 사용되었고, 원본 이미지는 이후 출력 이미지와 비교하여 평가하는데 사용되었다. 학습 결과 머신 러닝에 주로 쓰이는 ReLU보다는 그 단점이 개선된 ELU, swish가 훈련 시간은 오래 걸렸지만 좋은 성능을 보였다.

  • PDF

객체 인식 모델을 활용한 적재 불량 화물차 탐지 시스템 (An Overloaded Vehicle Identifying System based on Object Detection Model)

  • 정우진;박진욱;박용주
    • 한국정보통신학회논문지
    • /
    • 제26권12호
    • /
    • pp.1794-1799
    • /
    • 2022
  • 최근 증가하고 있는 도로 위 적재 불량 화물차는 비정상적인 무게 중심으로 인해 물체 낙하, 도로 파손, 연쇄 추돌 등 교통안전에 위해가 되고 한번 사고가 발생하면 큰 피해가 유발할 수 있다. 하지만 이러한 비정상적인 무게 중심은 적재 불량 차량 인식을 위한 주행 중 축중 시스템으로는 검출이 불가능하다는 한계점이 있다. 본 논문에서는 이러한 사회 문제를 야기하는 적재 불량 차량을 관리하기 위한 객체 인식 기반 AI 모델을 구축하고자 한다. 또한 AI-Hub에 공개된 약 40만 장의 데이터셋을 비교 분석하여 전처리를 통해 적재 불량 차량 검지 AI 모델의 성능을 향상시키는 방법을 제시한다. 또한 객체 추적을 통해 실시간 검지를 수행하는 방법을 제안한다. 이를 통해, 원시 데이터를 활용한 학습 성능 대비 약 23% 향상된 적재 불량 차량의 검출 성능을 나타냄을 보였다. 본 연구 결과를 통해 공개 빅데이터를 보다 효율적으로 활용하여, 객체 인식 기반 적재 불량 차량 탐지 모델 개발에 적용할 수 있을 것으로 기대된다.

In-depth exploration of machine learning algorithms for predicting sidewall displacement in underground caverns

  • Hanan Samadi;Abed Alanazi;Sabih Hashim Muhodir;Shtwai Alsubai;Abdullah Alqahtani;Mehrez Marzougui
    • Geomechanics and Engineering
    • /
    • 제37권4호
    • /
    • pp.307-321
    • /
    • 2024
  • This paper delves into the critical assessment of predicting sidewall displacement in underground caverns through the application of nine distinct machine learning techniques. The accurate prediction of sidewall displacement is essential for ensuring the structural safety and stability of underground caverns, which are prone to various geological challenges. The dataset utilized in this study comprises a total of 310 data points, each containing 13 relevant parameters extracted from 10 underground cavern projects located in Iran and other regions. To facilitate a comprehensive evaluation, the dataset is evenly divided into training and testing subset. The study employs a diverse array of machine learning models, including recurrent neural network, back-propagation neural network, K-nearest neighbors, normalized and ordinary radial basis function, support vector machine, weight estimation, feed-forward stepwise regression, and fuzzy inference system. These models are leveraged to develop predictive models that can accurately forecast sidewall displacement in underground caverns. The training phase involves utilizing 80% of the dataset (248 data points) to train the models, while the remaining 20% (62 data points) are used for testing and validation purposes. The findings of the study highlight the back-propagation neural network (BPNN) model as the most effective in providing accurate predictions. The BPNN model demonstrates a remarkably high correlation coefficient (R2 = 0.99) and a low error rate (RMSE = 4.27E-05), indicating its superior performance in predicting sidewall displacement in underground caverns. This research contributes valuable insights into the application of machine learning techniques for enhancing the safety and stability of underground structures.

Effects of PTO gear face width on safety factors

  • Jang, Jeong-Hoon;Chung, Sun-Ok;Choi, Chang-Hyun;Park, Young-Jun;Chun, Won-Ki;Kim, Seon-Il;Kwon, Oh-Won;Kim, Chang-Won;Hong, Soon-Jung;Kim, Yong-Joo
    • 농업과학연구
    • /
    • 제43권4호
    • /
    • pp.650-655
    • /
    • 2016
  • Gears are components of transmission which transmit the power of an engine to a machine and offer numerous speed ratios, a compact structure, and high efficiency of power transmission. Gear train design in the automotive industry uses simulation software. However, PTO (Power Take-Off) gear design for agricultural applications uses the empirical method because of the wide range of load fluctuations in agricultural fields. The PTO is an important part of agricultural tractors which transmits the power to various tractor implements. Therefore, a simulation was essential to the optimal design of the PTO. When the PTO gear is optimally designed, there are many advantages such as low cost, reduced size, and light weight. In this study, we conducted the bending and contact safety factor simulation for the PTO gear of an agricultural tractor. The bending and contact safety factors were calculated on ISO 6336 : 2006 by decreasing the face widths of the PTO pinion and wheel gear from 18 mm at an interval of 1 mm. The safety factor of the PTO gear decreased as the face width decreased. The contact safety factors of the pinion and wheel gear were 1.45 and 1.53, respectively, when the face width was 18 mm. The simulation results showed that the face width of the PTO gear should be greater than 9 mm to maintain the bending and contact safety factors higher than 1. It would be possible to reduce the weight of the PTO gear for different uses and working conditions. This study suggests that the possibility of designing an optimal PTO gear decreases as its face width decreases.

1.57 BRAIN MRI검사에서의 작동제어모드를 통한 두부 SAR측정과 변화인자에 관한 고찰 (Implementation about measurement of the head SAR and variable parameter according to operation control mode in brain MR study with 1.5Tesia)

  • 이규수;심현;문지훈;오재철
    • 대한전기학회:학술대회논문집
    • /
    • 대한전기학회 2007년도 심포지엄 논문집 정보 및 제어부문
    • /
    • pp.58-60
    • /
    • 2007
  • Magnetic Resonance Imaging(MRI) has become a very widely used medical procedur e. Clo.sed and open systems are typically used with static magnetic fields at or below 2 Tesla. BWhole body SAR(specific absorbsion rate) is the value of SAR averaged over the entire body of the patient over any period of 15 minutes. Head SAR is the value of SAR averaged over the head of the patient for any period of 10 minutes. SAR is a measure of the absorption of electromagnetic energy in the body' (typically in watts per kilogram (W/kg)). The normal operating mode comprises values of head SAR not higher than 3 W/kg. The second level controlled operating mode comprises values higher than 3 W/kg. Current FDA guidance limits the SAR in the whole body. including the head to a range of 1.5 to 4.0 W/kg, depending on the patient's clinical condition. SAR, limit restrictions are incorporated in all MRI systems. and domestic' s guidance limits the SAR in a part body. including the head to 3.2w/kg and less. The purpose of this study is to evaluate on change of head SAR in using MRI pulse sequence and to check if exceed 3.2(w/kg) level in domestic a part exposure through measured head SAR. 23 patient's the average head SAR of pulse sequence is that T2WI sagittal is 0.5375. T2WI axial(FSE) is 0.4817, T1WI axial(SE) is, 0.8179. FLAIR axial is 0.4580. GRE axial is 0.0077, Diffusion is 0.0824w/kg. The head SAR exposed per patient was proved 2.3845w/kg less than the international standard. Coefficient of correlation for the relations body weight and SAR or for the relations ETL(echo train length) and SAR is 1 value. Coefficient of correlation for the relations between TR(time to repeat) and SAR is -0.602 value. so SAR increased relative to weight body and ETL. But the relations between TR and SAR is negative definite.

  • PDF

인공 신경경망과 사례기반추론을 혼합한 지능형 진단 시스템 (The hybrid of artificial neural networks and case-based reasoning for intelligent diagnosis system)

  • 이길재;김창주;안병렬;김문현
    • 정보처리학회논문지B
    • /
    • 제15B권1호
    • /
    • pp.45-52
    • /
    • 2008
  • 최근 IT 서비스 발달과 함께 고장제어, 고장의 원인분석 등의 복잡한 문제에 대하여 적합한 해결책을 제시할 수 있는 효과적인 진단시스템의 필요성이 커지고 있다. 따라서 본 논문에서는 지능형 진단 시스템분야에서의 시스템의 성능을 향상시키고, 최적의 진단을 수행하고자 사례기반추론과 인공신경망을 혼합한 지능형 진단 시스템을 제안 한다. 사례기반추론은 과거의 사례(경험)를 통해 현재의 제시된 문제를 해결하는 추론방식으로, 지식 획득이 덜 복잡하고, 정형화되기 어려운 규칙이나 문제영역이 불분명한 분야를 효율적으로 추론할 수 있다. 하지만 사례기반추론만을 이용해 추론된 사례는 증상에 대해 다수의 원인을 추론하게 된다. 이때 추론된 증상에 따른 다수의 원인은 동일한 가중치를 가져 불필요한 원인까지 진단해야 하는 문제점이 있다. 이러한 문제를 해결하고자 인공신경망의 오류역전파 학습 알고리즘을 이용하여 증상에 대한 원인들의 쌍을 학습 시킨 후 각각의 증상에 대한 원인의 가중치를 구해 제시된 증상에 대해 가장 발생 가능성이 높은 원인을 찾아내어, 보다 명확하고 신뢰성 있는 진단을 하는 데 그 목적이 있다.

크로스홀 형태의 동적 콘 관입기를 이용한 노반의 강성특성 평가 (Stiffness Characterization of Subgrade using Crosshole-Type Dynamic Cone Penetrometer)

  • 홍원택;최찬용;임유진;이종섭
    • 한국지반공학회논문집
    • /
    • 제34권2호
    • /
    • pp.55-63
    • /
    • 2018
  • 열차의 하중을 적절한 강성으로 지지하기 위하여 다짐시공된 노반의 효과적인 강성특성 평가 기법에 대한 연구가 요구된다. 본 연구에서는 상부노반에 대하여 크로스홀 형태의 동적 콘 관입기(CDCP)를 적용함으로써 심도에 따른 강성특성을 평가하고자 하였다. CDCP의 적용을 위하여 세 단면의 다짐시공 완료된 상부노반이 대상 현장으로 선택되었으며, 각각의 개소에 대하여 CDCP 관입실험 및 들밀도시험, 동평판재하시험(LFWD)이 수행되었다. CDCP 관입실험 결과, 심도에 따른 탄성파 발신시간 및 전단파 수신시간을 획득하였으며, 이를 이용하여 노반의 전단파속도 주상도를 획득하였다. 또한, 동일 개소에서 들밀도시험으로부터 획득한 노반의 밀도 및 전단파속도 주상도를 이용하여 심도에 따른 최대전단강성계수($G_{max}$)를 평가할 수 있었다. CDCP 관입실험 및 들밀도시험으로부터 평가된 최대전단강성계수와 LFWD시험으로부터 획득한 동탄성계수($E_{vd}$)를 상호비교한 결과 매우 우수한 선형관계를 보이므로, CDCP 관입실험으로부터 유효한 강성특성을 평가할 수 있을 것이라 판단되었다. 또한, CDCP 관입실험으로부터 도출되는 결과는 일정 심도에 대한 대표 강성특성이 아닌 심도에 따른 연속적인 강성특성 이므로 노반의 강성특성 평가에 효과적으로 이용될 수 있을 것이라 기대된다.

유도 당기기.후리기 훈련 및 측정 장비 개발 (The Instrumental Development for Pulling.Reaping Training & Measuring in Judo)

  • 김의환;최은수;남덕현;김정섭;정재욱;김태완
    • 한국운동역학회지
    • /
    • 제18권1호
    • /
    • pp.213-226
    • /
    • 2008
  • 본 연구의 목적은 유도의 기본 기술인 당기기, 후리기 훈련 및 측정이 가능한 사람-받기(파트너) 역할을 대신할 수 있는 장비인 유도 인형(doll-uke, 장비-받기)을 개발하는데 있다. 기본 방향은 사람-받기와 최대한 유사한 구조와 기능을 갖도록 하고, 절차는 [기본 모형 설계-제작-평가(1)-모형(2) 평가(2)-1차 제작-보완-2차 제작-보완-평가(3)-완성(최종 제작)- 데이터 취득 장치 연결-완성]의 단계를 거쳤다. 평가는 사람-받기와 장비-받기를 상대로 하는 경우, 당기기 밧다리후리기 동작에 대한 역학적 유사성을 위해 각 변인의 상대수준차를 계산하였으며, 선수들과 지도자의 설문 평가 단계를 거쳤다. 개발된 장비-받기의 구조는 크게 유도인형(doll-uke)과 힘 측정시스템(doll-uke fore system)이다. 밧다리후리기 발휘, 시 사람을 대신한 장비-받기의 역학적 변인들에서 재현율이 관찰되었으며, 동작 패턴이 사람-받기의 유사함과 설문 평가에서도 유용성이 인정되었다. 사람-받기를 대신할 훈련 및 측정 장비인 유도 인형(doll-uke)을 이용함으로서 당기기 밀기 후리기 등의 기술 강화는 물론, 동작 시 발휘되는 힘의 정량적 데이터를 용이하게 얻어 선수들에게 피드백을 제공해줌으로써, 정성적 정량적 분석을 통한 훈련 현장의 과학화, 경기력 향상을 기대할 수 있겠다.