• Title/Summary/Keyword: CNN deep learning methods

Search Result 265, Processing Time 0.025 seconds

국가 과학기술 표준분류 체계 기반 연구보고서 문서의 자동 분류 연구 (Research on Text Classification of Research Reports using Korea National Science and Technology Standards Classification Codes)

  • 최종윤;한혁;정유철
    • 한국산학기술학회논문지
    • /
    • 제21권1호
    • /
    • pp.169-177
    • /
    • 2020
  • 과학기술 분야의 연구·개발 결과는 연구보고서 형태로 국가과학기술정보서비스(NTIS)에 제출된다. 각 연구보고서는 국가과학기술 표준 분류체계 (K-NSCC)에 따른 분류코드를 가지고 있는데, 보고서 작성자가 제출 시에 수동으로 입력하게끔 되어있다. 하지만 2000여 개가 넘는 세분류를 가지고 있기에, 분류체계에 대한 정확한 이해가 없이는 부정확한 분류코드를 선택하기 십상이다. 새로이 수집되는 연구보고서의 양과 다양성을 고려해 볼 때, 이들을 기계적으로 보다 정확하게 분류할 수 있다면 보고서 제출자의 수고를 덜어줄 수 있을 뿐만 아니라, 다른 부가 가치적인 분석 서비스들과의 연계가 수월할 것이다. 하지만, 국내에서 과학기술표준 분류체계에 기반을 둔 문서 자동 분류 연구 사례는 거의 없으며 공개된 학습데이터도 전무하다. 본 연구는 KISTI가 보유하고 있는 최근 5년간 (2013년~2017년) NTIS 연구보고서 메타정보를 활용한 최초의 시도로써, 방대한 과학기술표준 분류체계를 기반으로 하는 국내 연구보고서들을 대상으로 높은 성능을 보이는 문서 자동 분류기법을 도출하는 연구를 진행하였다. 이를 위해, 과학기술 표준분류 체계에서 과학기술 분야의 연구보고서를 분류하기에 적합한 중분류 210여 개를 선별하였으며, 연구보고서 메타 데이터의 특성을 고려한 전처리를 진행하였다. 특히, 가장 영향력 있는 필드인 과제명(제목)과 키워드만을 이용한 TK_CNN 기반의 딥러닝 기법을 제안한다. 제안 모델은 텍스트 분류에서 좋은 성능을 보이고 있는 기계학습법들 (예, Linear SVC, CNN, GRU등)과 비교하였으며, Top-3 F1점수 기준으로 1~7%에 이르는 성능 우위를 확인하였다.

고속 푸리에 변환 및 심층 신경망을 사용한 전력 품질 외란 감지 및 분류 (Power Quality Disturbances Detection and Classification using Fast Fourier Transform and Deep Neural Network)

  • 첸센폰;임창균
    • 한국전자통신학회논문지
    • /
    • 제18권1호
    • /
    • pp.115-126
    • /
    • 2023
  • 무작위 및 주기적인 변동하는 재생에너지 발전 전력 품질 교란으로 인해 발전 변환 송전 및 배전에서 더 자주 발생하게 된다. 전력 품질 교란은 장비 손상 또는 정전으로 이어질 수 있다. 따라서 서로 다른 전력 품질 외란을 실시간으로 자동감지하고 분류하는 것이 필요하다. 전통적인 PQD 식별 방법은 특징 추출 특징 선택 및 분류의 세 단계로 구성된다. 그러나 수동으로 생성한 특징은 선택 단계에서 정확성을 보장하기 힘들어서 분류 정확도를 향상하는 데에는 한계가 있다. 본 논문에서는 16가지 종류의 전력 품질 신호를 인식하기 위해 CNN(Convolution Neural Networ)과 LSTM(Long Short Term Memory)을 기반으로 시간 영역과 주파수 영역의 특징을 결합한 심층 신경망 구조를 제안하였다. 주파수 영역 데이터는 주파수 영역 특징을 효율적으로 추출할 수 있는 FFT(Fast Fourier Transform)로 얻었다. 합성 데이터와 실제 6kV 전력 시스템 데이터의 성능은 본 연구에서 제안한 방법이 다른 딥러닝 방법보다 일반화되었음을 보여주었다.

Performance Analysis of Cloud-Net with Cross-sensor Training Dataset for Satellite Image-based Cloud Detection

  • Kim, Mi-Jeong;Ko, Yun-Ho
    • 대한원격탐사학회지
    • /
    • 제38권1호
    • /
    • pp.103-110
    • /
    • 2022
  • Since satellite images generally include clouds in the atmosphere, it is essential to detect or mask clouds before satellite image processing. Clouds were detected using physical characteristics of clouds in previous research. Cloud detection methods using deep learning techniques such as CNN or the modified U-Net in image segmentation field have been studied recently. Since image segmentation is the process of assigning a label to every pixel in an image, precise pixel-based dataset is required for cloud detection. Obtaining accurate training datasets is more important than a network configuration in image segmentation for cloud detection. Existing deep learning techniques used different training datasets. And test datasets were extracted from intra-dataset which were acquired by same sensor and procedure as training dataset. Different datasets make it difficult to determine which network shows a better overall performance. To verify the effectiveness of the cloud detection network such as Cloud-Net, two types of networks were trained using the cloud dataset from KOMPSAT-3 images provided by the AIHUB site and the L8-Cloud dataset from Landsat8 images which was publicly opened by a Cloud-Net author. Test data from intra-dataset of KOMPSAT-3 cloud dataset were used for validating the network. The simulation results show that the network trained with KOMPSAT-3 cloud dataset shows good performance on the network trained with L8-Cloud dataset. Because Landsat8 and KOMPSAT-3 satellite images have different GSDs, making it difficult to achieve good results from cross-sensor validation. The network could be superior for intra-dataset, but it could be inferior for cross-sensor data. It is necessary to study techniques that show good results in cross-senor validation dataset in the future.

A Detailed Review on Recognition of Plant Disease Using Intelligent Image Retrieval Techniques

  • Gulbir Singh;Kuldeep Kumar Yogi
    • International Journal of Computer Science & Network Security
    • /
    • 제23권9호
    • /
    • pp.77-90
    • /
    • 2023
  • Today, crops face many characteristics/diseases. Insect damage is one of the main characteristics/diseases. Insecticides are not always effective because they can be toxic to some birds. It will also disrupt the natural food chain for animals. A common practice of plant scientists is to visually assess plant damage (leaves, stems) due to disease based on the percentage of disease. Plants suffer from various diseases at any stage of their development. For farmers and agricultural professionals, disease management is a critical issue that requires immediate attention. It requires urgent diagnosis and preventive measures to maintain quality and minimize losses. Many researchers have provided plant disease detection techniques to support rapid disease diagnosis. In this review paper, we mainly focus on artificial intelligence (AI) technology, image processing technology (IP), deep learning technology (DL), vector machine (SVM) technology, the network Convergent neuronal (CNN) content Detailed description of the identification of different types of diseases in tomato and potato plants based on image retrieval technology (CBIR). It also includes the various types of diseases that typically exist in tomato and potato. Content-based Image Retrieval (CBIR) technologies should be used as a supplementary tool to enhance search accuracy by encouraging you to access collections of extra knowledge so that it can be useful. CBIR systems mainly use colour, form, and texture as core features, such that they work on the first level of the lowest level. This is the most sophisticated methods used to diagnose diseases of tomato plants.

funcGNN과 Siamese Network의 코드 유사성 분석 성능비교 (Comparison of Code Similarity Analysis Performance of funcGNN and Siamese Network)

  • 최동빈;조인수;박용범
    • 반도체디스플레이기술학회지
    • /
    • 제20권3호
    • /
    • pp.113-116
    • /
    • 2021
  • As artificial intelligence technologies, including deep learning, develop, these technologies are being introduced to code similarity analysis. In the traditional analysis method of calculating the graph edit distance (GED) after converting the source code into a control flow graph (CFG), there are studies that calculate the GED through a trained graph neural network (GNN) with the converted CFG, Methods for analyzing code similarity through CNN by imaging CFG are also being studied. In this paper, to determine which approach will be effective and efficient in researching code similarity analysis methods using artificial intelligence in the future, code similarity is measured through funcGNN, which measures code similarity using GNN, and Siamese Network, which is an image similarity analysis model. The accuracy was compared and analyzed. As a result of the analysis, the error rate (0.0458) of the Siamese network was bigger than that of the funcGNN (0.0362).

딥러닝 기반 온라인 리뷰를 활용한 추천 모델 개발: 레스토랑 산업을 중심으로 (Developing a deep learning-based recommendation model using online reviews for predicting consumer preferences: Evidence from the restaurant industry)

  • 김동언;장동수;엄금철;이가은
    • 지능정보연구
    • /
    • 제29권4호
    • /
    • pp.31-49
    • /
    • 2023
  • 레스토랑 산업의 성장과 함께 레스토랑 오프라인 매장 수는 점차 증가하지만, 소비자는 자신의 선호도에 적합한 레스토랑을 선택하는 데 어려움을 경험하고 있다. 따라서 소비자의 선호도에 맞는 레스토랑을 추천하는 개인화된 추천 서비스의 필요성이 대두하고 있다. 기존 연구에서는 설문조사 및 평점 정보를 활용하여 소비자 선호도를 조사했으나, 이는 소비자의 구체적인 선호도를 효과적으로 반영하는데 어려움이 존재한다. 이러한 배경하에 온라인 리뷰는 방문 동기, 음식 평가 등 레스토랑에 대한 소비자 구체적인 선호도를 효과적으로 반영하기 때문에 필수적인 정보이다. 한편, 일부 연구에서는 리뷰 텍스트에 전통적인 기계학습 기법을 적용하여 소비자의 선호도를 측정하였다. 그러나 이러한 접근 방식은 주변 단어나 맥락을 고려하지 못하는 한계점이 존재한다. 따라서 본 연구는 딥러닝을 효과적으로 활용하여 온라인 리뷰에서 소비자의 선호도를 정교하게 추출하는 리뷰 텍스트 기반 레스토랑 추천 모델을 제안한다. 본 연구에서 제안된 모델은 추출된 높은 수준의 의미론적 표현과 소비자-레스토랑 상호작용을 연결하여 소비자의 선호도를 정확하고 효과적으로 예측한다. 실험 결과에 따르면 본 연구에서 제안된 추천 모델은 기존 연구에서 제안된 여러 모델에 비해 우수한 추천 성능을 보이는 것으로 나타났다.

봇 프레임워크를 활용한 챗봇 구현 방안 (Method of ChatBot Implementation Using Bot Framework)

  • 김기영
    • 한국정보전자통신기술학회논문지
    • /
    • 제15권1호
    • /
    • pp.56-61
    • /
    • 2022
  • 본 논문에서 챗봇에서 사용하는 AI알고리즘과 자연어처리 방법을 분류하고 제시하고 챗봇 구현에 사용할 수 있는 프레임워크에 대해서도 기술한다. 챗봇은 사용자 인터페이스를 대화방식으로 구성하여 입력된 문자열을 해석하고 입력된 문자열에 적절한 답을 학습된 데이터에서 선택하여 출력하는 구조의 시스템이다. 최근 콜센터와 주문 업무에 적용하여 인건비를 감소하고 정확한 업무를 할 수 있는 장점이 있다. 하지만 질문에 대한 적정한 답변 집합을 생성하기 위해 학습이 필요하며 이를 위해 상당한 계산 기능을 갖는 하드웨어가 필요하다. 개발을 하는 업체는 물론 AI분야 개발을 학습하는 학생들의 실습은 한계가 있다. 현재 챗봇은 기존의 전통적인 업무를 대체하고 있으며 시스템을 이해하고 구현하는 실습과정이 필요한 실정이다. 정형화되어 있는 데이터에 대해서만 응답을 하는 수준을 넘어 딥러닝 등의 기술을 적용하여 비정형 데이터를 학습시켜 질문에 대한 응답의 정확성을 높이기 위해 RNN과 Char-CNN 등을 사용해야한다. 챗봇을 구현하기 위해서는 이와 같은 이론을 이해하고 있어야한다. 본 논문에서는 단기간에 챗봇 코딩교육에 활용할 수 있는 방안과 기존 개발자, 학생들이 챗봇 구현을 할 수 있는 플랫폼을 활용하여 학생들이 전체시스템을 구현 예를 제시하였다.

적응형 채널 어텐션 모듈을 활용한 복합 열화 복원 네트워크 (Image Restoration Network with Adaptive Channel Attention Modules for Combined Distortions)

  • 이해윤;조성현
    • 한국컴퓨터그래픽스학회논문지
    • /
    • 제25권3호
    • /
    • pp.1-9
    • /
    • 2019
  • 자율 주행 자동차나 소방 로봇과 같은 시스템에서 영상을 얻을 때 다양한 요인들로 인해 잡음, 블러와 같은 열화가 발생한다. 이런 열화된 영상에 직접 영상 분류와 같은 기술을 적용하기 어려워 열화 제거가 불가피하나 이러한 시스템들은 영상의 열화를 인식할 수 없어서 열화된 영상을 복원하는데 어려움이 있다. 본 논문에서는 영상에 적용된 열화를 인지하지 못하는 상황에서 여러 방법들로 열화된 영상으로부터 자연스럽고 선명한 영상을 복원하는 방법을 제안한다. 우리가 제안한 방법은 딥러닝 모델에 채널 어텐션 모듈과 스킵 커넥션을 사용하여 영상에 적용된 열화에 따라 복원에 필요한 채널에 높은 가중치를 적용해 복합 열화 영상의 복원을 진행한다. 이 방법은 다른 복합 열화 복원 방법에 비해 학습이 간단하고 기존의 다른 방법들에 비해 높은 복합 열화 복원 성능을 낸다.

EDNN based prediction of strength and durability properties of HPC using fibres & copper slag

  • Gupta, Mohit;Raj, Ritu;Sahu, Anil Kumar
    • Advances in concrete construction
    • /
    • 제14권3호
    • /
    • pp.185-194
    • /
    • 2022
  • For producing cement and concrete, the construction field has been encouraged by the usage of industrial soil waste (or) secondary materials since it decreases the utilization of natural resources. Simultaneously, for ensuring the quality, the analyses of the strength along with durability properties of that sort of cement and concrete are required. The prediction of strength along with other properties of High-Performance Concrete (HPC) by optimization and machine learning algorithms are focused by already available research methods. However, an error and accuracy issue are possessed. Therefore, the Enhanced Deep Neural Network (EDNN) based strength along with durability prediction of HPC was utilized by this research method. Initially, the data is gathered in the proposed work. Then, the data's pre-processing is done by the elimination of missing data along with normalization. Next, from the pre-processed data, the features are extracted. Hence, the data input to the EDNN algorithm which predicts the strength along with durability properties of the specific mixing input designs. Using the Switched Multi-Objective Jellyfish Optimization (SMOJO) algorithm, the weight value is initialized in the EDNN. The Gaussian radial function is utilized as the activation function. The proposed EDNN's performance is examined with the already available algorithms in the experimental analysis. Based on the RMSE, MAE, MAPE, and R2 metrics, the performance of the proposed EDNN is compared to the existing DNN, CNN, ANN, and SVM methods. Further, according to the metrices, the proposed EDNN performs better. Moreover, the effectiveness of proposed EDNN is examined based on the accuracy, precision, recall, and F-Measure metrics. With the already-existing algorithms i.e., JO, GWO, PSO, and GA, the fitness for the proposed SMOJO algorithm is also examined. The proposed SMOJO algorithm achieves a higher fitness value than the already available algorithm.

Towards Low Complexity Model for Audio Event Detection

  • Saleem, Muhammad;Shah, Syed Muhammad Shehram;Saba, Erum;Pirzada, Nasrullah;Ahmed, Masood
    • International Journal of Computer Science & Network Security
    • /
    • 제22권9호
    • /
    • pp.175-182
    • /
    • 2022
  • In our daily life, we come across different types of information, for example in the format of multimedia and text. We all need different types of information for our common routines as watching/reading the news, listening to the radio, and watching different types of videos. However, sometimes we could run into problems when a certain type of information is required. For example, someone is listening to the radio and wants to listen to jazz, and unfortunately, all the radio channels play pop music mixed with advertisements. The listener gets stuck with pop music and gives up searching for jazz. So, the above example can be solved with an automatic audio classification system. Deep Learning (DL) models could make human life easy by using audio classifications, but it is expensive and difficult to deploy such models at edge devices like nano BLE sense raspberry pi, because these models require huge computational power like graphics processing unit (G.P.U), to solve the problem, we proposed DL model. In our proposed work, we had gone for a low complexity model for Audio Event Detection (AED), we extracted Mel-spectrograms of dimension 128×431×1 from audio signals and applied normalization. A total of 3 data augmentation methods were applied as follows: frequency masking, time masking, and mixup. In addition, we designed Convolutional Neural Network (CNN) with spatial dropout, batch normalization, and separable 2D inspired by VGGnet [1]. In addition, we reduced the model size by using model quantization of float16 to the trained model. Experiments were conducted on the updated dataset provided by the Detection and Classification of Acoustic Events and Scenes (DCASE) 2020 challenge. We confirm that our model achieved a val_loss of 0.33 and an accuracy of 90.34% within the 132.50KB model size.