• Title/Summary/Keyword: AI 분류 모델

Search Result 224, Processing Time 0.032 seconds

Spatialization of Unstructured Document Information Using AI (AI를 활용한 비정형 문서정보의 공간정보화)

  • Sang-Won YOON;Jeong-Woo PARK;Kwang-Woo NAM
    • Journal of the Korean Association of Geographic Information Studies
    • /
    • v.26 no.3
    • /
    • pp.37-51
    • /
    • 2023
  • Spatial information is essential for interpreting urban phenomena. Methodologies for spatializing urban information, especially when it lacks location details, have been consistently developed. Typical methods include Geocoding using structured address information or place names, spatial integration with existing geospatial data, and manual tasks utilizing reference data. However, a vast number of documents produced by administrative agencies have not been deeply dealt with due to their unstructured nature, even when there's demand for spatialization. This research utilizes the natural language processing model BERT to spatialize public documents related to urban planning. It focuses on extracting sentence elements containing addresses from documents and converting them into structured data. The study used 18 years of urban planning public announcement documents as training data to train the BERT model and enhanced its performance by manually adjusting its hyperparameters. After training, the test results showed accuracy rates of 96.6% for classifying urban planning facilities, 98.5% for address recognition, and 93.1% for address cleaning. When mapping the result data on GIS, it was possible to effectively display the change history related to specific urban planning facilities. This research provides a deep understanding of the spatial context of urban planning documents, and it is hoped that through this, stakeholders can make more effective decisions.

The Automated Scoring of Kinematics Graph Answers through the Design and Application of a Convolutional Neural Network-Based Scoring Model (합성곱 신경망 기반 채점 모델 설계 및 적용을 통한 운동학 그래프 답안 자동 채점)

  • Jae-Sang Han;Hyun-Joo Kim
    • Journal of The Korean Association For Science Education
    • /
    • v.43 no.3
    • /
    • pp.237-251
    • /
    • 2023
  • This study explores the possibility of automated scoring for scientific graph answers by designing an automated scoring model using convolutional neural networks and applying it to students' kinematics graph answers. The researchers prepared 2,200 answers, which were divided into 2,000 training data and 200 validation data. Additionally, 202 student answers were divided into 100 training data and 102 test data. First, in the process of designing an automated scoring model and validating its performance, the automated scoring model was optimized for graph image classification using the answer dataset prepared by the researchers. Next, the automated scoring model was trained using various types of training datasets, and it was used to score the student test dataset. The performance of the automated scoring model has been improved as the amount of training data increased in amount and diversity. Finally, compared to human scoring, the accuracy was 97.06%, the kappa coefficient was 0.957, and the weighted kappa coefficient was 0.968. On the other hand, in the case of answer types that were not included in the training data, the s coring was almos t identical among human s corers however, the automated scoring model performed inaccurately.

Comparison of online video(OTT) content production technology based on artificial intelligence customized recommendation service (인공지능 맞춤 추천서비스 기반 온라인 동영상(OTT) 콘텐츠 제작 기술 비교)

  • CHUN, Sanghun;SHIN, Seoung-Jung
    • The Journal of the Institute of Internet, Broadcasting and Communication
    • /
    • v.21 no.3
    • /
    • pp.99-105
    • /
    • 2021
  • In addition to the OTT video production service represented by Nexflix and YouTube, a personalized recommendation system for content with artificial intelligence has become common. YouTube's personalized recommendation service system consists of two neural networks, one neural network consisting of a recommendation candidate generation model and the other consisting of a ranking network. Netflix's video recommendation system consists of two data classification systems, divided into content-based filtering and collaborative filtering. As the online platform-led content production is activated by the Corona Pandemic, the field of virtual influencers using artificial intelligence is emerging. Virtual influencers are produced with GAN (Generative Adversarial Networks) artificial intelligence, and are unsupervised learning algorithms in which two opposing systems compete with each other. This study also researched the possibility of developing AI platform based on individual recommendation and virtual influencer (metabus) as a core content of OTT in the future.

Development of Deep Learning AI Model and RGB Imagery Analysis Using Pre-sieved Soil (입경 분류된 토양의 RGB 영상 분석 및 딥러닝 기법을 활용한 AI 모델 개발)

  • Kim, Dongseok;Song, Jisu;Jeong, Eunji;Hwang, Hyunjung;Park, Jaesung
    • Journal of The Korean Society of Agricultural Engineers
    • /
    • v.66 no.4
    • /
    • pp.27-39
    • /
    • 2024
  • Soil texture is determined by the proportions of sand, silt, and clay within the soil, which influence characteristics such as porosity, water retention capacity, electrical conductivity (EC), and pH. Traditional classification of soil texture requires significant sample preparation including oven drying to remove organic matter and moisture, a process that is both time-consuming and costly. This study aims to explore an alternative method by developing an AI model capable of predicting soil texture from images of pre-sorted soil samples using computer vision and deep learning technologies. Soil samples collected from agricultural fields were pre-processed using sieve analysis and the images of each sample were acquired in a controlled studio environment using a smartphone camera. Color distribution ratios based on RGB values of the images were analyzed using the OpenCV library in Python. A convolutional neural network (CNN) model, built on PyTorch, was enhanced using Digital Image Processing (DIP) techniques and then trained across nine distinct conditions to evaluate its robustness and accuracy. The model has achieved an accuracy of over 80% in classifying the images of pre-sorted soil samples, as validated by the components of the confusion matrix and measurements of the F1 score, demonstrating its potential to replace traditional experimental methods for soil texture classification. By utilizing an easily accessible tool, significant time and cost savings can be expected compared to traditional methods.

An Adversarial Attack Type Classification Method Using Linear Discriminant Analysis and k-means Algorithm (선형 판별 분석 및 k-means 알고리즘을 이용한 적대적 공격 유형 분류 방안)

  • Choi, Seok-Hwan;Kim, Hyeong-Geon;Choi, Yoon-Ho
    • Journal of the Korea Institute of Information Security & Cryptology
    • /
    • v.31 no.6
    • /
    • pp.1215-1225
    • /
    • 2021
  • Although Artificial Intelligence (AI) techniques have shown impressive performance in various fields, they are vulnerable to adversarial examples which induce misclassification by adding human-imperceptible perturbations to the input. Previous studies to defend the adversarial examples can be classified into three categories: (1) model retraining methods; (2) input transformation methods; and (3) adversarial examples detection methods. However, even though the defense methods against adversarial examples have constantly been proposed, there is no research to classify the type of adversarial attack. In this paper, we proposed an adversarial attack family classification method based on dimensionality reduction and clustering. Specifically, after extracting adversarial perturbation from adversarial example, we performed Linear Discriminant Analysis (LDA) to reduce the dimensionality of adversarial perturbation and performed K-means algorithm to classify the type of adversarial attack family. From the experimental results using MNIST dataset and CIFAR-10 dataset, we show that the proposed method can efficiently classify five tyeps of adversarial attack(FGSM, BIM, PGD, DeepFool, C&W). We also show that the proposed method provides good classification performance even in a situation where the legitimate input to the adversarial example is unknown.

Comparative Analysis of CNN Deep Learning Model Performance Based on Quantification Application for High-Speed Marine Object Classification (고속 해상 객체 분류를 위한 양자화 적용 기반 CNN 딥러닝 모델 성능 비교 분석)

  • Lee, Seong-Ju;Lee, Hyo-Chan;Song, Hyun-Hak;Jeon, Ho-Seok;Im, Tae-ho
    • Journal of Internet Computing and Services
    • /
    • v.22 no.2
    • /
    • pp.59-68
    • /
    • 2021
  • As artificial intelligence(AI) technologies, which have made rapid growth recently, began to be applied to the marine environment such as ships, there have been active researches on the application of CNN-based models specialized for digital videos. In E-Navigation service, which is combined with various technologies to detect floating objects of clash risk to reduce human errors and prevent fires inside ships, real-time processing is of huge importance. More functions added, however, mean a need for high-performance processes, which raises prices and poses a cost burden on shipowners. This study thus set out to propose a method capable of processing information at a high rate while maintaining the accuracy by applying Quantization techniques of a deep learning model. First, videos were pre-processed fit for the detection of floating matters in the sea to ensure the efficient transmission of video data to the deep learning entry. Secondly, the quantization technique, one of lightweight techniques for a deep learning model, was applied to reduce the usage rate of memory and increase the processing speed. Finally, the proposed deep learning model to which video pre-processing and quantization were applied was applied to various embedded boards to measure its accuracy and processing speed and test its performance. The proposed method was able to reduce the usage of memory capacity four times and improve the processing speed about four to five times while maintaining the old accuracy of recognition.

Development of Risk Prediction Index in Water Distribution System (상수관로 위험도 예측을 위한 평가 지표 개발)

  • Ye Ji Choi;Han Na Jung;Dong Woo Jang
    • Proceedings of the Korea Water Resources Association Conference
    • /
    • 2023.05a
    • /
    • pp.402-402
    • /
    • 2023
  • 상수관망은 충분한 양질의 수돗물을 공급하기 위한 사회기반 시설물이다. 상수관로의 노후화, 누수 등은 수도 사고 발생의 가능성을 증가시키고, 수돗물 안전성에 대한 신뢰도를 감소시킨다. 수돗물 공급 전 과정을 인공지능(AI), 정보통신기술(ICT)과 결합한 지능형 상수도관 예측 및 관리 시스템을 구축하여, 상수도 수질 사고를 조기에 감지하고 사전에 취약지점을 예측할 필요가 있다. 이를 위해서는 상수관로의 위험도를 평가하기 위한 체계적인 데이터와 기준이 필요하다. 본 연구에서는 상수관로의 위험도 예측모델을 개발하기 위해 상수관로 위험도와 관련된 평가 인자를 선정하고 분류하였으며, 각 인자의 명확한 기준을 제시하였다. 국내·외 상수도 위험도 평가 항목에 대한 자료를 비교 및 분석하였고, 전문가 자문을 통해 인자를 정립하여 상수관로 위험도 평가 지표를 개발하였다. 개발된 평가 지표의 현장 적용성과 실효성 검증을 위해 정량적인 데이터 확보가 가능하고 상태를 평가할 수 있는 대상 지역을 선정하였다. 문헌 자료의 평가항목들과 전문가 의견을 바탕으로 상수관로 위험도 평가 인자를 31개의 직접 인자와 5개의 간접 인자로 구분하였고, 인자별 평가 기준을 제시하였다. 직접 인자는 노후화 정도를 파악할 수 있는 노후도 평가 항목, 지역 특성을 반영한 토양 부식성 항목, 실시간으로 측정하여 결과를 제공하는 실시간 계측 항목, 직접적인 수질 결과를 제공하는 정수장 수질 항목, 상수관로의 건전성을 평가하는 자산관리 항목으로 분류하였다. 추후, 위험도 평가 운용을 위한 알고리즘을 개발하면 상수도 사고 위험에 대한 예방 및 대응 전략을 수립할 수 있을 것으로 기대된다.

  • PDF

A Research of Optimized Metadata Extraction and Classification of in Audio (미디어에서의 오디오 메타데이터 최적화 추출 및 분류 방안에 대한 연구)

  • Yoon, Min-hee;Park, Hyo-gyeong;Moon, Il-Young
    • Proceedings of the Korean Institute of Information and Commucation Sciences Conference
    • /
    • 2021.05a
    • /
    • pp.147-149
    • /
    • 2021
  • Recently, the rapid growth of the media market and the expectations of users have been increasing. In this research, tags are extracted through media-derived audio and classified into specific categories using artificial intelligence. This category is a type of emotion including joy, anger, sadness, love, hatred, desire, etc. We use JupyterNotebook to conduct the corresponding study, analyze voice data using the LiBROSA library within JupyterNotebook, and use Neural Network using keras and layer models.

  • PDF

Real-time traffic light information recognition based on object detection models (객체 인식 모델 기반 실시간 교통신호 정보 인식)

  • Joo, eun-oh;Kim, Min-Soo
    • Journal of Cadastre & Land InformatiX
    • /
    • v.52 no.1
    • /
    • pp.81-93
    • /
    • 2022
  • Recently, there have been many studies on object recognition around the vehicle and recognition of traffic signs and traffic lights in autonomous driving. In particular, such the recognition of traffic lights is one of the core technologies in autonomous driving. Therefore, many studies for such the recognition of traffic lights have been performed, the studies based on various deep learning models have increased significantly in recent. In addition, as a high-quality AI training data set for voice, vision, and autonomous driving is released on AIHub, it makes it possible to develop a recognition model for traffic lights suitable for the domestic environment using the data set. In this study, we developed a recognition model for traffic lights that can be used in Korea using the AIHub's training data set. In particular, in order to improve the recognition performance, we used various models of YOLOv4 and YOLOv5, and performed our recognition experiments by defining various classes for the training data. In conclusion, we could see that YOLOv5 shows better performance in the recognition than YOLOv4 and could confirm the reason from the architecture comparison of the two models.

A Method of Supervised Learning for Optimized Household Waste Detection based on Vision AI (비전 인공지능 기반 생활폐기물 선별에서 성능최적화를 위한 감독학습 기법)

  • Park, Sang-Hee;Lee, Bbun-Byul;Jung, Joong-Eun
    • Annual Conference of KIPS
    • /
    • 2021.11a
    • /
    • pp.637-639
    • /
    • 2021
  • 인공지능 기반의 생활폐기물의 인식 및 선별에서, 선별 정확도의 저하는 인식 대상의 형태적 다양성과 학습데이터 부족 및 불균등성에 기인한다. 본 연구에서는 비전 인공지능 기반의 효과적인 폐기물 선별을 위한 인식 시스템 및 감독학습 기반의 인공지능 학습 기법을 제안한다. 생활폐기물 중 순환자원적 가치가 높은 CAN, PET, 그리고 이와 형상적으로 유사한 폐기물에 대해 본 연구에서 제안된 시스템에서 물체원형 및 훼손된 형태의 총 18 종 이미지 데이터를 대상으로, 감독학습기반의 인공지능 모델 제작에서 최적의 데이터 레이블링을 위한 분류체계를 제시한다.