• Title/Summary/Keyword: 이미지 예측 모델

Search Result 212, Processing Time 0.032 seconds

Tea Leaf Disease Classification Using Artificial Intelligence (AI) Models (인공지능(AI) 모델을 사용한 차나무 잎의 병해 분류)

  • K.P.S. Kumaratenna;Young-Yeol Cho
    • Journal of Bio-Environment Control
    • /
    • v.33 no.1
    • /
    • pp.1-11
    • /
    • 2024
  • In this study, five artificial intelligence (AI) models: Inception v3, SqueezeNet (local), VGG-16, Painters, and DeepLoc were used to classify tea leaf diseases. Eight image categories were used: healthy, algal leaf spot, anthracnose, bird's eye spot, brown blight, gray blight, red leaf spot, and white spot. Software used in this study was Orange 3 which functions as a Python library for visual programming, that operates through an interface that generates workflows to visually manipulate and analyze the data. The precision of each AI model was recorded to select the ideal AI model. All models were trained using the Adam solver, rectified linear unit activation function, 100 neurons in the hidden layers, 200 maximum number of iterations in the neural network, and 0.0001 regularizations. To extend the functionality of Orange 3, new add-ons can be installed and, this study image analytics add-on was newly added which is required for image analysis. For the training model, the import image, image embedding, neural network, test and score, and confusion matrix widgets were used, whereas the import images, image embedding, predictions, and image viewer widgets were used for the prediction. Precisions of the neural networks of the five AI models (Inception v3, SqueezeNet (local), VGG-16, Painters, and DeepLoc) were 0.807, 0.901, 0.780, 0.800, and 0.771, respectively. Finally, the SqueezeNet (local) model was selected as the optimal AI model for the detection of tea diseases using tea leaf images owing to its high precision and good performance throughout the confusion matrix.

Multiple image classification using label mapping (레이블 매핑을 이용한 다중 이미지 분류)

  • Jeon, Seung-Je;Lee, Dong-jun;Lee, DongHwi
    • Proceedings of the Korean Institute of Information and Commucation Sciences Conference
    • /
    • 2022.05a
    • /
    • pp.367-369
    • /
    • 2022
  • In this paper, the predicted results were confirmed by label mapping for each class while implementing multi-class image classification to confirm accurate results for images in which the trained model failed classification. A CNN model was constructed and trained using Kaggle's Intel Image Classification dataset, and the mapped label values of multiple classes of images and the values classified by the model were compared by label mapping the images of the test dataset.

  • PDF

Deep Learning-based Mango Classification and Prediction System of Fruit Ripening using YOLO (딥러닝기반 YOLO를 활용한 후숙과일 분류 및 숙성 예측 시스템)

  • Kim, Yeong-Min;Park, Seung-Min
    • Proceedings of the Korean Society of Computer Information Conference
    • /
    • 2021.07a
    • /
    • pp.187-188
    • /
    • 2021
  • 본 논문에서는 실시간으로 web-cam을 이용해, 후숙과일의 불량 여부를 판단, 분류하고 불량이 없는 후숙과일의 이미지 분석을 통하여 숙성도 예측하는 시스템을 소개한다. 실시간 다중 객체인식에 탁월한 yolo모델을 활용해, 과일의 불량여부 판단 후 분류하고, 이미지를 획득한 뒤, k-mean clustering 알고리즘을 이용해, 이미지를 segmentation 한다. segmentation된 이미지에 grabcut 알고리즘의 foreground-extraction을 사용해 배경 제거를 한 뒤, cluster의 중심색상값 색상값의 면적%, 전체 면적을 이용해 현재 숙성도를 계산하고 이를 이용해 과일의 후숙 시간 데이터와 비교, 숙성이 완료될 시간을 예측한다. 기존 수작업으로 이루어지고 있는 과일의 분류작업의 인력 감소 및 정확성을 높일 수 있는 알고리즘을 제안한다.

  • PDF

Image Augmentation of Paralichthys Olivaceus Disease Using SinGAN Deep Learning Model (SinGAN 딥러닝 모델을 이용한 넙치 질병 이미지 증강)

  • Son, Hyun Seung;Choi, Han Suk
    • The Journal of the Korea Contents Association
    • /
    • v.21 no.12
    • /
    • pp.322-330
    • /
    • 2021
  • In modern aquaculture, mass mortality is a very important issue that determines the success of aquaculture business. If a fish disease is not detected at an early stage in the farm, the disease spreads quickly because the farm is a closed environment. Therefore, early detection of diseases is crucial to prevent mass mortality of fish raised in farms. Recently deep learning-based automatic identification of fish diseases has been widely used, but there are many difficulties in identifying objects due to insufficient images of fish diseases. Therefore, this paper suggests a method to generate a large number of fish disease images by synthesizing normal images and disease images using SinGAN deep learning model in order to to solve the lack of fish disease images. We generate images from the three most frequently occurring Paralichthys Olivaceus diseases such as Scuticociliatida, Vibriosis, and Lymphocytosis and compare them with the original image. In this study, a total of 330 sheets of scutica disease, 110 sheets of vibrioemia, and 110 sheets of limphosis were made by synthesizing 10 disease patterns with 11 normal halibut images, and 1,320 images were produced by quadrupling the images.

The direction of development of the no code platform for AI model development (AI 개발을 위한 노 코드 플랫폼의 개발 방향)

  • Shin, Yujin;Yang, Huijin;Jang, Dayoung;Jang, Hyeonjun;Koh, Seokju;Han, Donghee
    • Proceedings of the Korean Society of Broadcast Engineers Conference
    • /
    • fall
    • /
    • pp.172-175
    • /
    • 2021
  • 4차 산업혁명이 시작된 이래로 다양한 산업 분야에서 AI가 활용되고 있고, 그 중에서도 컴퓨터 비전 분야에서 딥러닝 기술이 각광받고 있다. 하지만 딥러닝 기술은 높은 전문 지식이 요구되어 관련 지식이 없는 일반인들은 활용하기 어렵다. 본 논문에서는 AI 관련 배경지식이 없는 사용자들도 UI를 통해 쉽게 이미지 분류 모델을 학습시킬 수 있는 노 코드 플랫폼에 관하여 기술하고, django 프레임워크를 이용해 웹 개발과 딥러닝 모델 학습을 통합 개발을 위한 아키텍처와 방향성을 제시하고자 한다. 사용자가 웹서버에 업로드한 이미지들을 웹 인터페이스를 통해 라벨링 하여 학습 데이터를 생성한 후, 이 데이터를 사용하여 모델을 학습시킨다. CNN 모델에 데이터를 학습시키는 과정과 생성된 모델 기반으로 이미지 예측하는 모듈을 통해 전문지식이 없는 사용자가 딥러닝 기술에 대해 쉽게 이해하고 이용하는 것을 기대할 수 있다.

  • PDF

Wind field prediction through generative adversarial network (GAN) under tropical cyclones (생성적 적대 신경망 (GAN)을 통한 태풍 바람장 예측)

  • Na, Byoungjoon;Son, Sangyoung
    • Proceedings of the Korea Water Resources Association Conference
    • /
    • 2021.06a
    • /
    • pp.370-370
    • /
    • 2021
  • 태풍으로 인한 피해를 줄이기 위해 경로, 강도 및 폭풍해일의 사전 예측은 매우 중요하다. 이중, 태풍의 경로와는 달리 강도 및 폭풍해일의 예측에 있어서 바람장은 수치 모델의 초기 입력값으로 요구되기 때문에 정확한 바람장 정보는 필수적이다. 대기 바람장 예측 방법은 크게 해석적 모델링, 라디오존데 측정과 위성 사진을 통한 산출로 구분할 수 있다. Holland의 해석적 모델링은 비교적 적은 입력값이 필요하지만 정확도가 낮고, 라디오존데 측정은 정확도가 높지만 점 측정에 가깝기 때문에 이차원 바람장을 산출하기에 한계가 있다. 위성 사진을 통한 바람장 산출은 위성기술의 고도화로 관측 채널 수 및 시공간 해상도가 크게 증가하고 있기 때문에 다양한 기법들이 개발되고 있다. 본 연구에서는 생성적 적대 신경망 (Generative Adversarial Network, GAN)을 통해 일련의 연속된 과거 적외 채널 위성 사진 흐름의 패턴을 학습시켜 미래 위성 사진을 예측하고, 예측된 연속적인 위성 사진들의 교차상관 (cross-correlation)을 통해 바람장을 산출하였다. GAN을 적용함에 있어 2011년부터 2019년까지 한반도 근방에 접근했던 태풍 중에 4등급 이상인 68개의 태풍의 한 시간 간격으로 촬영된 총 15,683개의 위성 사진을 학습시켜 생성된 이미지들은 실측 위성 사진들과 매우 유사한 것으로 나타났다. 또한, 생성된 이미지들의 교차상관으로 얻어진 바람장 벡터들의 풍향, 풍속, 벡터 일관성 및 수치 모델과의 비교를 통해 각각의 벡터들의 품질 계수를 구하고 정확도가 높은 벡터들만 결과에 포함하였다. 마지막으로 국내 6개의 라디오존데 관측점에서의 실측 벡터와의 비교를 통해 본 연구 결과의 실효성을 검증하였다. 본 연구에서 확장하여, 이와 같이 AI 기법과 이미지 교차상관 기법을 사용하여 얻어진 바람장으로부터 태풍 강도예측에 필요한 요소인 태풍의 눈의 위치, 최고 속도와 태풍 반경을 직접적으로 산출할 수 있고. 이러한 위성 사진을 기반으로 한 바람장은 단순화된 해석적 바람장을 대체하여 폭풍 해일 모델링의 예측 성능 개선에 기여할 것으로 보여진다.

  • PDF

Image-adaptive lossless image compression (영상 적응형 무손실 이미지 압축)

  • OH Hyun-Jong;Won Jong-woo;Jang Euee S.
    • Proceedings of the Korean Society of Broadcast Engineers Conference
    • /
    • 2003.11a
    • /
    • pp.61-64
    • /
    • 2003
  • 무손실 이미지 압축은 (Lossless Image Compression)은 손실이미지 압축(Lossy Image Compression)에 비해, 압축률(compression ratio)은 떨어지지만, 반면 원이미지와 복원이미지가 완전히 일치하므로, 원인이미지의 품질을 그대로 유지학 수 있다. 따라서, 이미지의 품질(Quality)과 압축효율(compression ratio)은 서로 상반된 관계에 있으며, 지금도 좀 더 놀은 압축효과를 얻으려는 여러 무손실 압축 방법이 발표되고 있다. 무손실 이미지 압축은 이미지의 정확성과 정밀성이 요구되는, 의료영양분야에서 가장 널리 쓰이고 있으며, 그밖에, 원본이미지를 기본으로 다른 이미지프로세싱이 필요한 경우, 압축 복원을 반복적으로 수행할 필요가 있을 때, 기타 사진 예술분야, 원격 영상 등 정밀성이 요구되는 분양에서 쓰이고 있다. [7]. 무손실 이미지 압축의 가장 대표적인 CALIC[3]과 JPEG_LS[2]를 들 수 있다. CALIC은 비교적 높은 압축률을 나타내지만, 3-PASS의 과정을 거치는 복잡도가 지적되고 있다. 반면 JPEG-LS는 압축률은 CALIC에 미치지 못하지만 빠른 코딩/디코딩 속도를 보인다. 본 논문에서는 여거 가지의 예측 모드를 두어, 블록단위별로 주변 CONTEXT에 따라, 최상의 예측 모드를 판단하여, 이를 적용, 픽셀의 여러 값을 최소화하였다. 그 후 적응산술 부호기(Adaptive arithmetc coder)를 이용하여, 인코딩을 하였다. 이때 최대 에러값은 64를 넘지 않게 했으며, 또한 8*8블록별로 에러의 최대값을 측정하여 그 값을 $0\~7$까지의 8개의 대표값으로 양자화하는 방법을 통하여 그에 따라 8개의 보호화 심볼 모델중 알맞은 모델에 적용하였다. 이를 통해, 그 소화값의 확률 구간을 대폭 넓힘으로써, 에러 이미지가 가지고 있는 엔트로피에 좀 근접하게 코딩을 할 수 있게 되었다. 이 방법은 실제로 Arithmetic Coder를 이용하는 다른 압축 방법에 그리고 적용할 수 있다. 실험 결과 압축효율은 JPEG-LS보다 약 $5\%$의 압축 성능 개선이 있었으며, CALIC과는 대등한 압축률을 보이며, 부호화/복호화 속도는 CALIC보다 우수한 것으로 나타났다.

  • PDF

CNN-ViT Hybrid Aesthetic Evaluation Model Based on Quantification of Cognitive Features in Images (이미지의 인지적 특징 정량화를 통한 CNN-ViT 하이브리드 미학 평가 모델)

  • Soo-Eun Kim;Joon-Shik Lim
    • Journal of IKEEE
    • /
    • v.28 no.3
    • /
    • pp.352-359
    • /
    • 2024
  • This paper proposes a CNN-ViT hybrid model that automatically evaluates the aesthetic quality of images by combining local and global features. In this approach, CNN is used to extract local features such as color and object placement, while ViT is employed to analyze the aesthetic value of the image by reflecting global features. Color composition is derived by extracting the primary colors from the input image, creating a color palette, and then passing it through the CNN. The Rule of Thirds is quantified by calculating how closely objects in the image are positioned near the thirds intersection points. These values provide the model with critical information about the color balance and spatial harmony of the image. The model then analyzes the relationship between these factors to predict scores that align closely with human judgment. Experimental results on the AADB image database show that the proposed model achieved a Spearman's Rank Correlation Coefficient (SRCC) of 0.716, indicating more consistent rank predictions, and a Pearson Correlation Coefficient (LCC) of 0.72, which is 2~4% higher than existing models.

Interpretable Visual Question Answering via Explain Sentence Generation (설명 문장 생성을 통한 해석 가능한 시각적 질의응답 모델 분석)

  • Kim, Danil;Han, Bohyung
    • Proceedings of the Korean Society of Computer Information Conference
    • /
    • 2020.07a
    • /
    • pp.359-362
    • /
    • 2020
  • 본 연구에서는 설명 문장 생성을 통한 해석 가능한 시각적 질의응답 모델을 설계하고 학습 방법을 제시한다. 설명 문장은 시각적 질의응답 모델이 응답을 예측하는 데에 필요한 이미지 및 질문 정보와 적절한 논리적인 정보의 조합 및 정답 추론 과정이 함의되어 있을 것으로 기대한다. 설명 문장 생성 과정이 포함된 시각적 질의응답의 기본적인 모델을 기반으로 여러 가지 학습방법을 통해 설명 문장 생성 과정과 응답 예측 과정간의 상호관계를 분석한다. 이러한 상호작용을 적극적으로 활용할 수 있는 보다 개선 시각적 질의응답 모델을 제안한다. 또한 학습한 결과를 바탕으로 설명 문장의 특성을 활용하여 시각적 질의응답 추론 과정을 개선함으로써 시각적 질의응답 모델의 발전 방향을 논의한다. 본 실험을 통해서 응답 예측에 적절한 설명 문장을 제시하는 해석 가능한 시각적 질의응답 모델을 제공한다.

  • PDF

Development of Location Image Analysis System design using Deep Learning

  • Jang, Jin-Wook
    • Journal of the Korea Society of Computer and Information
    • /
    • v.27 no.1
    • /
    • pp.77-82
    • /
    • 2022
  • The research study was conducted for development of the advanced image analysis service system based on deep learning. CNN(Convolutional Neural Network) is built in this system to extract learning data collected from Google and Instagram. The service gets a place image of Jeju as an input and provides relevant location information of it based on its own learning data. Accuracy improvement plans are applied throughout this study. In conclusion, the implemented system shows about 79.2 of prediction accuracy. When the system has plenty of learning data, it is expected to predict various places more accurately.