• 제목/요약/키워드: CNNs

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

Machine Learning of GCM Atmospheric Variables for Spatial Downscaling of Precipitation Data

  • Sunmin Kim;Masaharu Shibata;YasutoTachikawa
    • 한국수자원학회:학술대회논문집
    • /
    • 한국수자원학회 2023년도 학술발표회
    • /
    • pp.26-26
    • /
    • 2023
  • General circulation models (GCMs) are widely used in hydrological prediction, however their coarse grids make them unsuitable for regional analysis, therefore a downscaling method is required to utilize them in hydrological assessment. As one of the downscaling methods, convolutional neural network (CNN)-based downscaling has been proposed in recent years. The aim of this study is to generate the process of dynamic downscaling using CNNs by applying GCM output as input and RCM output as label data output. Prediction accuracy is compared between different input datasets, and model structures. Several input datasets with key atmospheric variables such as precipitation, temperature, and humidity were tested with two different formats; one is two-dimensional data and the other one is three-dimensional data. And in the model structure, the hyperparameters were tested to check the effect on model accuracy. The results of the experiments on the input dataset showed that the accuracy was higher for the input dataset without precipitation than with precipitation. The results of the experiments on the model structure showed that substantially increasing the number of convolutions resulted in higher accuracy, however increasing the size of the receptive field did not necessarily lead to higher accuracy. Though further investigation is required for the application, this paper can contribute to the development of efficient downscaling method with CNNs.

  • PDF

Comparison of estimating vegetation index for outdoor free-range pig production using convolutional neural networks

  • Sang-Hyon OH;Hee-Mun Park;Jin-Hyun Park
    • Journal of Animal Science and Technology
    • /
    • 제65권6호
    • /
    • pp.1254-1269
    • /
    • 2023
  • This study aims to predict the change in corn share according to the grazing of 20 gestational sows in a mature corn field by taking images with a camera-equipped unmanned air vehicle (UAV). Deep learning based on convolutional neural networks (CNNs) has been verified for its performance in various areas. It has also demonstrated high recognition accuracy and detection time in agricultural applications such as pest and disease diagnosis and prediction. A large amount of data is required to train CNNs effectively. Still, since UAVs capture only a limited number of images, we propose a data augmentation method that can effectively increase data. And most occupancy prediction predicts occupancy by designing a CNN-based object detector for an image and counting the number of recognized objects or calculating the number of pixels occupied by an object. These methods require complex occupancy rate calculations; the accuracy depends on whether the object features of interest are visible in the image. However, in this study, CNN is not approached as a corn object detection and classification problem but as a function approximation and regression problem so that the occupancy rate of corn objects in an image can be represented as the CNN output. The proposed method effectively estimates occupancy for a limited number of cornfield photos, shows excellent prediction accuracy, and confirms the potential and scalability of deep learning.

CNN 기법을 이용한 자동차 번호판 인식법 연구 (A Study on the Vehicle License Plate Recognition Using Convolutional Neural Networks(CNNs))

  • 응쿤드와나요 세스;채규수
    • 미래기술융합논문지
    • /
    • 제2권4호
    • /
    • pp.7-11
    • /
    • 2023
  • 본 연구에서는 Convolutional Neural Networks(CNNs) 기법을 이용하여 차량 번호판을 인식하는 방법을 제시하였다. 차량 번호판은 일반적으로 차량의 공식 식별 목적으로 사용됩니다. 대부분의 일반적인 광학 문자 인식(OCR) 기술은 문서에 인쇄된 문자를 인식하는 데는 효과적이지만 번호판의 등록 번호는 식별할 수 없다. 그리고 번호판 감지에 대한 기존 접근 방식에서는 차량이 움직이지 않고 정지해 있어야 한다. 번호판 감지에 대한 이러한 문제를 해결하기 위해 CNN 기법을 활용한 번호판 인식 기법을 제안한다. 먼저 획득된 차량 번호판 이미지의 데이터베이스를 생성하고 CNN 기법을 활용하여 자동차 번호판 문자를 인식한다. 본 연구의 결과는 주차관리 시스템과 단속 카메라 등에 유용하게 활용 될 수 있다.

Combination of fuzzy models via economic management for city multi-spectral remote sensing nano imagery road target

  • Weihua Luo;Ahmed H. Janabi;Joffin Jose Ponnore;Hanadi Hakami;Hakim AL Garalleh;Riadh Marzouki;Yuanhui Yu;Hamid Assilzadeh
    • Advances in nano research
    • /
    • 제16권6호
    • /
    • pp.531-548
    • /
    • 2024
  • The study focuses on using remote sensing to gather data about the Earth's surface, particularly in urban environments, using satellites and aircraft-mounted sensors. It aims to develop a classification framework for road targets using multi-spectral imagery. By integrating Convolutional Neural Networks (CNNs) with XGBoost, the study seeks to enhance the accuracy and efficiency of road target identification, aiding urban infrastructure management and transportation planning. A novel aspect of the research is the incorporation of quantum sensors, which improve the resolution and sensitivity of the data. The model achieved high predictive accuracy with an MSE of 0.025, R-squared of 0.85, RMSE of 0.158, and MAE of 0.12. The CNN model showed excellent performance in road detection with 92% accuracy, 88% precision, 90% recall, and an f1-score of 89%. These results demonstrate the model's robustness and applicability in real-world urban planning scenarios, further enhanced by data augmentation and early stopping techniques.

Development of an Optimal Convolutional Neural Network Backbone Model for Personalized Rice Consumption Monitoring in Institutional Food Service using Feature Extraction

  • Young Hoon Park;Eun Young Choi
    • 한국식품영양학회지
    • /
    • 제37권4호
    • /
    • pp.197-210
    • /
    • 2024
  • This study aims to develop a deep learning model to monitor rice serving amounts in institutional foodservice, enhancing personalized nutrition management. The goal is to identify the best convolutional neural network (CNN) for detecting rice quantities on serving trays, addressing balanced dietary intake challenges. Both a vanilla CNN and 12 pre-trained CNNs were tested, using features extracted from images of varying rice quantities on white trays. Configurations included optimizers, image generation, dropout, feature extraction, and fine-tuning, with top-1 validation accuracy as the evaluation metric. The vanilla CNN achieved 60% top-1 validation accuracy, while pre-trained CNNs significantly improved performance, reaching up to 90% accuracy. MobileNetV2, suitable for mobile devices, achieved a minimum 76% accuracy. These results suggest the model can effectively monitor rice servings, with potential for improvement through ongoing data collection and training. This development represents a significant advancement in personalized nutrition management, with high validation accuracy indicating its potential utility in dietary management. Continuous improvement based on expanding datasets promises enhanced precision and reliability, contributing to better health outcomes.

농림위성 활용을 위한 산불 피해지 분류 딥러닝 알고리즘 평가 (Deep Learning-based Forest Fire Classification Evaluation for Application of CAS500-4)

  • 차성은;원명수;장근창;김경민;김원국;백승일;임중빈
    • 대한원격탐사학회지
    • /
    • 제38권6_1호
    • /
    • pp.1273-1283
    • /
    • 2022
  • 최근 기후변화로 인해 중대형 산불이 빈번하게 발생하여 매년 인명 및 재산피해로 이어지고 있다. 원격탐사를 활용한 산불 피해지 모니터링 기법은 신속한 정보와 대규모 피해지의 객관적인 결과를 취득할 수 있다. 본 연구에서는 산불 피해지를 분류하기 위해 Sentinel-2의 분광대역, 정규식생지수(normalized difference vegetation index, NDVI), 정규수역지수(normalized difference water index, NDWI)를 활용하여 2022년 3월 발생한 강릉·동해 산불 피해지를 대상으로 U-net 기반 convolutional neural networks (CNNs) 딥러닝 모형을 모의하였다. 산불 피해지 분류 결과 강릉·동해 산불 피해지의 경우 97.3% (f1=0.486, IoU=0.946)로 분류 정확도가 높았으나, 과적합(overfitting)의 가능성을 배제하기 어려워 울진·삼척 지역으로 동일한 모형을 적용하였다. 그 결과, 국립산림과학원에서 보고한 산불 피해 면적과의 중첩도가 74.4%로 확인되어 모형의 불확도를 고려하더라도 높은 수준의 정확도를 확인하였다. 본 연구는 농림위성과 유사한 분광대역을 선택적으로 사용하였으며, Sentinel-2 영상을 활용한 산불 피해지 분류가 정량적으로 가능함을 시사한다.

FMCW 레이더 및 CNN을 이용한 다양한 각도로 누운 자세 추정 연구 (A Study on Estimation of Lying Posture at Multiple Angles Using Single Frequency Modulated Continuous Wave (FMCW) Radar-Based CNNs)

  • 장경석;주준호;김영억
    • 한국재난정보학회:학술대회논문집
    • /
    • 한국재난정보학회 2023년 정기학술대회 논문집
    • /
    • pp.349-350
    • /
    • 2023
  • 본 논문에서는 FMCW(Frequency Modulated Continuous Wave) 레이더를 사용하여 재난 상황에서 누워 있는 사람의 다양한 각도의 자세를 통해 사람의 상태를 파악하거나 위치를 추정하고자하였다. 사람의 세 가지 누운 자세 데이터를 전처리하고 이미지로 변환한 데이터를 CNN(Convolutional Neural Network) 1D 모델로 학습시켜 누운 자세를 다양한 각도에서 구별할 수 있는지 분석하여 확인하고자하였으며, 분석 결과 CNN 1D 모델은 99.27%의 정확도를 보였다.

  • PDF

연상 메모리 기능을 수행하는 셀룰라 신경망의 설계 방법론 (A Design Methodology for CNN-based Associative Memories)

  • 박연묵;김혜연;박주영;이성환
    • 한국정보과학회논문지:소프트웨어및응용
    • /
    • 제27권5호
    • /
    • pp.463-472
    • /
    • 2000
  • 본 논문에서는 연상 메모리 기능을 수행하는 셀룰라 신경망(Cellular Neural Network)의 설계를 위한 새로운 방법론을 제안한다. 먼저, 셀룰라 신경망 모델의 기본적 특성들을 소개한 후, 최적 성능을 가지고 이진 원형 패턴들을 저장할 수 있는 셀룰라 신경망 모델의 설계 방법을 제약 조건이 가해진 최적화 문제로 공식화한다. 다음으로 이 문제의 제약 조건을 선형 행렬 부등식(Linear Matrix Inequalities)을 포함하는 부등식의 형태로 변환시킬 수 있음을 관찰한다. 마지막으로 셀룰라 신경망 최적 설계 문제를 내부점 방법(interior point method)에 의해 효율적으로 풀릴 수 있는 일반화된 고유값 문제(Genaralized EigenValue Problem)로 변환한다. 본 논문에서 제시하는 셀룰라 신경망 설계 방법론은 공간 변형 형판 셀룰라 신경망과 공간 불변 형판 셀룰라 신경망 설계에 모두 적용될 수 있다. 설계 예제를 통해 제안된 방법의 유효성을 검증한다.

  • PDF

고밀도 그리드 모델과 앵커모델을 이용한 동적 객체검지 향상에 관한 연구 (A Study on Improvement of Dynamic Object Detection using Dense Grid Model and Anchor Model)

  • 윤보른;이선우;최경호;이상민;권장우
    • 한국ITS학회 논문지
    • /
    • 제17권3호
    • /
    • pp.98-110
    • /
    • 2018
  • 본 논문은, 동적인 객체의 인식률 향상을 위해 고밀도 그리드 모델과 앵커 모델을 제안하였다. 두 가지 실험은 수행하여 제안하는 CNN 모델들을 제안하였다. 첫 번째 실험에 있어서, YOLO-v2모델을 KITTI 데이터 셋에 적용시켜 보았고, 고밀도 그리드 모델과 앵커 모델을 기존 YOLO-v2와 비교하였다. 실험에 있어서, 본 논문에서 제안하는 두 가지 모델은 기존의 YOLO-v2모델에 비하여 '어려움' 난이도의 자동차 검지에 있어서 6.26%에서 10.99%까지 우수한 성능을 나타낸 것을 확인하였다. 두 번째 실험에 있어서는 새로운 데이터 셋을 학습하였고, 두 가지 모델은 기존의 YOLO-v2모델보다 22.4%까지 '어려움' 난이도의 자동차 인식률 향상이 있음을 확인할 수 있었다.

어종 분류를 위한 CNN의 적용 (Application of CNN for Fish Species Classification)

  • 박진현;황광복;박희문;최영규
    • 한국정보통신학회논문지
    • /
    • 제23권1호
    • /
    • pp.39-46
    • /
    • 2019
  • 본 연구에서 외래어종 퇴치를 위한 시스템 개발에 앞서 물 안의 어류 이미지를 CNN으로 학습하여 어종을 분류하는 알고리즘을 제안하고자 한다. CNN 학습을 위한 원데이터(raw data)는 각 어종에 대해 직접 촬영한 영상을 사용하였으며, 어종 분류성능을 높이기 위해 영상 이미지의 개수를 늘린 데이터세트 1과 최대한 자연환경과 가까운 영상 이미지를 구현한 데이터세트 2를 구성하여 학습 및 테스트 데이터로 사용하였다. 4가지 CNN의 분류성능은 데이터세트 1에 대해 99.97%, 데이터세트 2에 대해 99.5% 이상을 나타내었으며, 특히 데이터세트 2를 사용하여 학습한 CNNs이 자연환경과 유사한 어류 이미지에 대해서도 만족할 만한 성능을 가짐을 확인하였다. 그리고 4가지 CNN 중 AlexNet이 성능에서도 만족스러운 결과를 도출하였으며, 수행시간과 학습시간 역시 가장 짧아 외래어종 퇴치를 위한 시스템 개발에 가장 적합한 구조임을 확인하였다.