• 제목/요약/키워드: DeepU-Net

검색결과 178건 처리시간 0.029초

U-Net을 이용한 화염 Segmentation 추출기법 (Flame Segmentation Extraction Method using U-Net)

  • 유수빈;신영찬;김종현
    • 한국컴퓨터정보학회:학술대회논문집
    • /
    • 한국컴퓨터정보학회 2023년도 제67차 동계학술대회논문집 31권1호
    • /
    • pp.391-394
    • /
    • 2023
  • 일반적으로 화재 감지 시스템은 정확하고 빠르게 화재를 감지하는 것은 어려운 문제 중 하나이다. 본 논문에서는 U-net을 활용하여 기존의 화재(불) 영역 추출 기법으로 Segmentation으로 보다 정밀하게 탐지하는 기법을 제안한다. 이 기법은 화재 이미지에서 연기제거 및 색상보정을 통해 이미지를 전처리하여 화염 영역을 추출한 뒤 U-Net으로 학습시켜 이미지를 입력하면 불 영역의 Segmentation을 추출하도록 한다.

  • PDF

Automatic crack detection of dam concrete structures based on deep learning

  • Zongjie Lv;Jinzhang Tian;Yantao Zhu;Yangtao Li
    • Computers and Concrete
    • /
    • 제32권6호
    • /
    • pp.615-623
    • /
    • 2023
  • Crack detection is an essential method to ensure the safety of dam concrete structures. Low-quality crack images of dam concrete structures limit the application of neural network methods in crack detection. This research proposes a modified attentional mechanism model to reduce the disturbance caused by uneven light, shadow, and water spots in crack images. Also, the focal loss function solves the small ratio of crack information. The dataset collects from the network, laboratory and actual inspection dataset of dam concrete structures. This research proposes a novel method for crack detection of dam concrete structures based on the U-Net neural network, namely AF-UNet. A mutual comparison of OTSU, Canny, region growing, DeepLab V3+, SegFormer, U-Net, and AF-UNet (proposed) verified the detection accuracy. A binocular camera detects cracks in the experimental scene. The smallest measurement width of the system is 0.27 mm. The potential goal is to achieve real-time detection and localization of cracks in dam concrete structures.

U-Net 기반의 식물 영상 분할 기법 (U-Net Based Plant Image Segmentation)

  • 이상호;김태현;김종옥
    • 한국정보통신학회:학술대회논문집
    • /
    • 한국정보통신학회 2021년도 춘계학술대회
    • /
    • pp.81-83
    • /
    • 2021
  • 본 논문에서는 주로 이미지 분할의 목적으로 활용되고 있는 end-to-end 방식의 fully convolutional network 기반의 모델인 U-Net을 사용하여 식물이 포함된 이미지에서 식물과 배경을 분할하는 방법을 제안한다. 네트워크의 훈련을 위해 수동으로 식물을 배경과 분할시킨 이진 영상들을 사용하였다. 다양한 실험을 통하여 U-Net은 식물 영상에서 식물을 정확하게 분할 가능한 것을 확인하였다.

  • PDF

Crack segmentation in high-resolution images using cascaded deep convolutional neural networks and Bayesian data fusion

  • Tang, Wen;Wu, Rih-Teng;Jahanshahi, Mohammad R.
    • Smart Structures and Systems
    • /
    • 제29권1호
    • /
    • pp.221-235
    • /
    • 2022
  • Manual inspection of steel box girders on long span bridges is time-consuming and labor-intensive. The quality of inspection relies on the subjective judgements of the inspectors. This study proposes an automated approach to detect and segment cracks in high-resolution images. An end-to-end cascaded framework is proposed to first detect the existence of cracks using a deep convolutional neural network (CNN) and then segment the crack using a modified U-Net encoder-decoder architecture. A Naïve Bayes data fusion scheme is proposed to reduce the false positives and false negatives effectively. To generate the binary crack mask, first, the original images are divided into 448 × 448 overlapping image patches where these image patches are classified as cracks versus non-cracks using a deep CNN. Next, a modified U-Net is trained from scratch using only the crack patches for segmentation. A customized loss function that consists of binary cross entropy loss and the Dice loss is introduced to enhance the segmentation performance. Additionally, a Naïve Bayes fusion strategy is employed to integrate the crack score maps from different overlapping crack patches and to decide whether a pixel is crack or not. Comprehensive experiments have demonstrated that the proposed approach achieves an 81.71% mean intersection over union (mIoU) score across 5 different training/test splits, which is 7.29% higher than the baseline reference implemented with the original U-Net.

Deep Learning for Weeds' Growth Point Detection based on U-Net

  • Arsa, Dewa Made Sri;Lee, Jonghoon;Won, Okjae;Kim, Hyongsuk
    • 스마트미디어저널
    • /
    • 제11권7호
    • /
    • pp.94-103
    • /
    • 2022
  • Weeds bring disadvantages to crops since they can damage them, and a clean treatment with less pollution and contamination should be developed. Artificial intelligence gives new hope to agriculture to achieve smart farming. This study delivers an automated weeds growth point detection using deep learning. This study proposes a combination of semantic graphics for generating data annotation and U-Net with pre-trained deep learning as a backbone for locating the growth point of the weeds on the given field scene. The dataset was collected from an actual field. We measured the intersection over union, f1-score, precision, and recall to evaluate our method. Moreover, Mobilenet V2 was chosen as the backbone and compared with Resnet 34. The results showed that the proposed method was accurate enough to detect the growth point and handle the brightness variation. The best performance was achieved by Mobilenet V2 as a backbone with IoU 96.81%, precision 97.77%, recall 98.97%, and f1-score 97.30%.

딥러닝 모델을 이용한 휴대용 무선 초음파 영상에서의 경동맥 내중막 두께 자동 분할 알고리즘 개발 (Development of Automatic Segmentation Algorithm of Intima-media Thickness of Carotid Artery in Portable Ultrasound Image Based on Deep Learning)

  • 최자영;김영재;유경민;장영우;정욱진;김광기
    • 대한의용생체공학회:의공학회지
    • /
    • 제42권3호
    • /
    • pp.100-106
    • /
    • 2021
  • Measuring Intima-media thickness (IMT) with ultrasound images can help early detection of coronary artery disease. As a result, numerous machine learning studies have been conducted to measure IMT. However, most of these studies require several steps of pre-treatment to extract the boundary, and some require manual intervention, so they are not suitable for on-site treatment in urgent situations. in this paper, we propose to use deep learning networks U-Net, Attention U-Net, and Pretrained U-Net to automatically segment the intima-media complex. This study also applied the HE, HS, and CLAHE preprocessing technique to wireless portable ultrasound diagnostic device images. As a result, The average dice coefficient of HE applied Models is 71% and CLAHE applied Models is 70%, while the HS applied Models have improved as 72% dice coefficient. Among them, Pretrained U-Net showed the highest performance with an average of 74%. When comparing this with the mean value of IMT measured by Conventional wired ultrasound equipment, the highest correlation coefficient value was shown in the HS applied pretrained U-Net.

유방 영상에서 딥러닝 기반의 유방 종괴 자동 분할 연구 (An Automatic Breast Mass Segmentation based on Deep Learning on Mammogram)

  • 권소윤;김영재;김광기
    • 한국멀티미디어학회논문지
    • /
    • 제21권12호
    • /
    • pp.1363-1369
    • /
    • 2018
  • Breast cancer is one of the most common cancers in women worldwide. In Korea, breast cancer is most common cancer in women followed by thyroid cancer. The purpose of this study is to evaluate the possibility of using deep - run model for segmentation of breast masses and to identify the best deep-run model for breast mass segmentation. In this study, data of patients with breast masses were collected at Asan Medical Center. We used 596 images of mammography and 596 images of gold standard. In the area of interest of the medical image, it was cut into a rectangular shape with a margin of about 10% up and down, and then converted into an 8-bit image by adjusting the window width and level. Also, the size of the image was resampled to $150{\times}150$. In Deconvolution net, the average accuracy is 91.78%. In U-net, the average accuracy is 90.09%. Deconvolution net showed slightly better performance than U-net in this study, so it is expected that deconvolution net will be better for breast mass segmentation. However, because of few cases, there are a few images that are not accurately segmented. Therefore, more research is needed with various training data.

Dilated U-Net에 기반한 이미지 복원 기법을 이용한 콘크리트 균열 탐지 개선 방안 (Improvement of concrete crack detection using Dilated U-Net based image inpainting technique)

  • 김수민;손정모;김도수
    • 한국컴퓨터정보학회:학술대회논문집
    • /
    • 한국컴퓨터정보학회 2021년도 제63차 동계학술대회논문집 29권1호
    • /
    • pp.65-68
    • /
    • 2021
  • 본 연구에서는 Dilated U-Net 기반의 이미지 복원기법을 통해 콘크리트 균열 추출 성능 개선 방안을 제안한다. 콘크리트 균열은 구조물의 미관상의 문제뿐 아니라 추후 큰 안전사고의 원인이 될 수 있어 초기대응이 중요하다. 현재는 점검자가 직접 육안으로 검사하는 외관 검사법이 주로 사용되고 있지만, 이는 정확성 및 비용, 시간, 그리고 안전성 면에서 한계를 갖고 있다. 이에 콘크리트 구조물 표면에 대해 획득한 영상 처리 기법을 사용한 검사 방식 도입의 관심이 늘어나고 있다. 또한, 딥러닝 기술의 발달로 딥러닝을 적용한 영상처리의 연구 역시 활발하게 진행되고 있다. 본 연구는 콘크리트 균열 추개선출 성능 개선을 위해 Dilated U-Net 기반의 이미지 복원기법을 적용하는 방안을 제안하였고 성능 검증 결과, 기존 U-Net 기반의 정확도가 98.78%, 조화평균 82.67%였던 것에 비해 정확도 99.199%, 조화평균 88.722%로 성능이 되었음을 확인하였다.

  • PDF

Multi-class Classification of Histopathology Images using Fine-Tuning Techniques of Transfer Learning

  • Ikromjanov, Kobiljon;Bhattacharjee, Subrata;Hwang, Yeong-Byn;Kim, Hee-Cheol;Choi, Heung-Kook
    • 한국멀티미디어학회논문지
    • /
    • 제24권7호
    • /
    • pp.849-859
    • /
    • 2021
  • Prostate cancer (PCa) is a fatal disease that occurs in men. In general, PCa cells are found in the prostate gland. Early diagnosis is the key to prevent the spreading of cancers to other parts of the body. In this case, deep learning-based systems can detect and distinguish histological patterns in microscopy images. The histological grades used for the analysis were benign, grade 3, grade 4, and grade 5. In this study, we attempt to use transfer learning and fine-tuning methods as well as different model architectures to develop and compare the models. We implemented MobileNet, ResNet50, and DenseNet121 models and used three different strategies of freezing layers techniques of fine-tuning, to get various pre-trained weights to improve accuracy. Finally, transfer learning using MobileNet with the half-layer frozen showed the best results among the nine models, and 90% accuracy was obtained on the test data set.

딥러닝 기반 초음파 홀로그램 생성 알고리즘 개발 (Development of deep learning-based holographic ultrasound generation algorithm)

  • 이문환;황재윤
    • 한국음향학회지
    • /
    • 제40권2호
    • /
    • pp.169-175
    • /
    • 2021
  • 최근 입자 조작, 신경 자극 등을 위해 초음파 홀로그램과 그 응용에 대해 연구가 활발히 되고 있다. 하지만 홀로그램을 생성할 송신 신호 위상의 결정은 이전의 시간 소모적인 반복 최적화 방법에서 크게 벗어나지 않고 있다. 이에 본 연구에서는 광학 홀로그램 생성을 위해 활용된 바 있는 딥러닝 기법을 초음파 홀로그램 생성을 위해 적용하여 소개한다. U-Net을 기반으로 알고리즘을 구성하였으며 원 모양의 데이터셋에 대해 학습하고 영어 알파벳에 대해 평가함으로써 그 일반화 가능성을 검증하였다. 또한 시뮬레이션을 통해 기존 알고리즘과 계산속도, 정확도, 균일도 측면에서 비교하였다. 결과적으로 정확도와 균일도는 기존에 비해 다소 떨어지지만 계산속도가 약 190배 빨라졌다. 따라서, 이 결과를 통해 딥러닝 기반 초음파 홀로그램 생성 알고리즘은 기존 방법보다 초음파 홀로그램을 빠르게 형성할 수 있는 것을 확인할 수 있었다.