• 제목/요약/키워드: CNN-LSTM

검색결과 218건 처리시간 0.027초

Encoding Dictionary Feature for Deep Learning-based Named Entity Recognition

  • Ronran, Chirawan;Unankard, Sayan;Lee, Seungwoo
    • International Journal of Contents
    • /
    • 제17권4호
    • /
    • pp.1-15
    • /
    • 2021
  • Named entity recognition (NER) is a crucial task for NLP, which aims to extract information from texts. To build NER systems, deep learning (DL) models are learned with dictionary features by mapping each word in the dataset to dictionary features and generating a unique index. However, this technique might generate noisy labels, which pose significant challenges for the NER task. In this paper, we proposed DL-dictionary features, and evaluated them on two datasets, including the OntoNotes 5.0 dataset and our new infectious disease outbreak dataset named GFID. We used (1) a Bidirectional Long Short-Term Memory (BiLSTM) character and (2) pre-trained embedding to concatenate with (3) our proposed features, named the Convolutional Neural Network (CNN), BiLSTM, and self-attention dictionaries, respectively. The combined features (1-3) were fed through BiLSTM - Conditional Random Field (CRF) to predict named entity classes as outputs. We compared these outputs with other predictions of the BiLSTM character, pre-trained embedding, and dictionary features from previous research, which used the exact matching and partial matching dictionary technique. The findings showed that the model employing our dictionary features outperformed other models that used existing dictionary features. We also computed the F1 score with the GFID dataset to apply this technique to extract medical or healthcare information.

CNN과 GRU를 활용한 파일 유형 식별 및 분류 (File Type Identification Using CNN and GRU)

  • 성민규;손태식
    • Journal of Platform Technology
    • /
    • 제12권2호
    • /
    • pp.12-22
    • /
    • 2024
  • 현대 사회에서의 디지털 데이터의 빠른 증가로 디지털 포렌식이 핵심적인 역할을 하고 있으며, 파일 유형 식별은 그 중에서 중요한 부분 중 하나이다. 파일 유형을 빠르고 정확하게 식별하기 위해서 인공지능을 사용한 파일 유형 식별 모델 개발 연구가 진행되고 있다. 그러나 기존 연구들은 일부 국내 점유율이 높은 파일을 식별할 수 없어, 국내에서 사용하기에 부족함이 있다. 따라서 본 논문에서는 CNN과 GRU를 활용한 더욱 정확하고 강력한 파일 유형 식별 모델을 제안한다. 기존 방법의 한계를 극복하기 위해 제안한 모델은 FFT-75 데이터셋에서 가장 우수한 성능을 보이며, 국내에서 높은 점유율을 가지는 HWP, ALZ, EGG와 같은 파일 유형도 효과적으로 식별할 수 있다. 제안한 모델과 세 개의 기존 연구 모델(CNN-CO, FiFTy, CNN-LSTM)을 서로 비교하여 모델 성능을 검증하였다. 최종적으로 CNN과 GRU 기반의 파일 유형 식별 및 분류 모델은 512바이트 파일 조각에서 68.2%의 정확도를, 4096바이트 파일 조각에서는 81.4%의 정확도를 달성하였다.

  • PDF

딥러닝 알고리즘 기반의 초미세먼지(PM2.5) 예측 성능 비교 분석 (Comparison and analysis of prediction performance of fine particulate matter(PM2.5) based on deep learning algorithm)

  • 김영희;장관종
    • 융합정보논문지
    • /
    • 제11권3호
    • /
    • pp.7-13
    • /
    • 2021
  • 본 연구는 딥러닝(Deep Learning) 알고리즘 GAN 모델을 기반으로 초미세먼지(PM2.5) 인공지능 예측시스템을 개발한다. 실험 데이터는 시계열 축으로 생성된 온도, 습도, 풍속, 기압의 기상변화와 SO2, CO, O3, NO2, PM10와 같은 대기오염물질 농도와 밀접한 관련이 있다. 데이터 특성상, 현재시간 농도가 이전시간 농도에 영향을 받기 때문에 반복지도학습(Recursive Supervised Learning) 예측 모델을 적용하였다. 기존 모델인 CNN, LSTM의 정확도(Accuracy)를 비교분석을 위해 관측값(Observation Value)과 예측값(Prediction Value)간의 차이를 분석하고 시각화했다. 성능분석 결과 제안하는 GAN이 LSTM 대비 평가항목 RMSE, MAPE, IOA에서 각각 15.8%, 10.9%, 5.5%로 향상된 것을 확인하였다.

Distance LSTM-CNN with Layer Normalization을 이용한 음차 표기 대역 쌍 판별 (Verification of Transliteration Pairs Using Distance LSTM-CNN with Layer Normalization)

  • 이창수;천주룡;김주근;김태일;강인호
    • 한국정보과학회 언어공학연구회:학술대회논문집(한글 및 한국어 정보처리)
    • /
    • 한국정보과학회언어공학연구회 2017년도 제29회 한글 및 한국어 정보처리 학술대회
    • /
    • pp.76-81
    • /
    • 2017
  • 외국어로 구성된 용어를 발음에 기반하여 자국의 언어로 표기하는 것을 음차 표기라 한다. 국가 간의 경계가 허물어짐에 따라, 외국어에 기원을 두는 용어를 설명하기 위해 뉴스 등 다양한 웹 문서에서는 동일한 발음을 가지는 외국어 표기와 한국어 표기를 혼용하여 사용하고 있다. 이에 좋은 검색 결과를 가져오기 위해서는 외국어 표기와 더불어 사람들이 많이 사용하는 다양한 음차 표기를 함께 검색에 활용하는 것이 중요하다. 음차 표기 모델과 음차 표기 대역 쌍 추출을 통해 음차 표현을 생성하는 기존 방법 대신, 본 논문에서는 신뢰할 수 있는 다양한 음차 표현을 찾기 위해 문서에서 음차 표기 후보를 찾고, 이 음차 표기 후보가 정확한 표기인지 판별하는 방식을 제안한다. 다양한 딥러닝 모델을 비교, 검토하여 최종적으로 음차 표기 대역 쌍 판별에 특화된 모델인 Distance LSTM-CNN 모델을 제안하며, 제안하는 모델의 Batch Size 영향을 줄이고 학습 시 수렴 속도 개선을 위해 Layer Normalization을 적용하는 방법을 보인다.

  • PDF

The Method for Generating Recommended Candidates through Prediction of Multi-Criteria Ratings Using CNN-BiLSTM

  • Kim, Jinah;Park, Junhee;Shin, Minchan;Lee, Jihoon;Moon, Nammee
    • Journal of Information Processing Systems
    • /
    • 제17권4호
    • /
    • pp.707-720
    • /
    • 2021
  • To improve the accuracy of the recommendation system, multi-criteria recommendation systems have been widely researched. However, it is highly complicated to extract the preferred features of users and items from the data. To this end, subjective indicators, which indicate a user's priorities for personalized recommendations, should be derived. In this study, we propose a method for generating recommendation candidates by predicting multi-criteria ratings from reviews and using them to derive user priorities. Using a deep learning model based on convolutional neural network (CNN) and bidirectional long short-term memory (BiLSTM), multi-criteria prediction ratings were derived from reviews. These ratings were then aggregated to form a linear regression model to predict the overall rating. This model not only predicts the overall rating but also uses the training weights from the layers of the model as the user's priority. Based on this, a new score matrix for recommendation is derived by calculating the similarity between the user and the item according to the criteria, and an item suitable for the user is proposed. The experiment was conducted by collecting the actual "TripAdvisor" dataset. For performance evaluation, the proposed method was compared with a general recommendation system based on singular value decomposition. The results of the experiments demonstrate the high performance of the proposed method.

딥러닝을 이용한 풍력 발전량 예측 (Prediction of Wind Power Generation using Deep Learnning)

  • 최정곤;최효상
    • 한국전자통신학회논문지
    • /
    • 제16권2호
    • /
    • pp.329-338
    • /
    • 2021
  • 본 연구는 풍력발전의 합리적인 운영 계획과 에너지 저장창치의 용량산정을 위한 풍력 발전량을 예측한다. 예측을 위해 물리적 접근법과 통계적 접근법을 결합하여 풍력 발전량의 예측 방법을 제시하고 풍력 발전의 요인을 분석하여 변수를 선정한다. 선정된 변수들의 과거 데이터를 수집하여 딥러닝을 이용해 풍력 발전량을 예측한다. 사용된 모델은 Bidirectional LSTM(:Long short term memory)과 CNN(:Convolution neural network) 알고리즘을 결합한 하이브리드 모델을 구성하였으며, 예측 성능 비교를 위해 MLP 알고리즘으로 이루어진 모델과 오차를 비교하여, 예측 성능을 평가하고 그 결과를 제시한다.

Analysis of Odor Data Based on Mixed Neural Network of CNNs and LSTM Hybrid Model

  • Sang-Bum Kim;Sang-Hyun Lee
    • International Journal of Advanced Culture Technology
    • /
    • 제11권4호
    • /
    • pp.464-469
    • /
    • 2023
  • As modern society develops, the number of diseases caused by bad smells is increasing. As it can harm people's health, it is important to predict in advance the extent to which bad smells may occur, inform the public about this, and take preventive measures. In this paper, we propose a hybrid neural network structure of CNN and LSTM that can be used to detect or predict the occurrence of odors, which are most required in manufacturing or real life, using odor complex sensors. In addition, the proposed learning model uses a complex odor sensor to receive four types of data, including hydrogen sulfide, ammonia, benzene, and toluene, in real time, and applies this data to the inference model to detect and predict the odor state. The proposed model evaluated the prediction accuracy of the training model through performance indicators based on accuracy, and the evaluation results showed an average performance of more than 94%.

LSTM - MLP 인공신경망 앙상블을 이용한 장기 강우유출모의 (Long-term runoff simulation using rainfall LSTM-MLP artificial neural network ensemble)

  • 안성욱;강동호;성장현;김병식
    • 한국수자원학회논문집
    • /
    • 제57권2호
    • /
    • pp.127-137
    • /
    • 2024
  • 수자원 관리를 위해 주로 사용되는 물리 모형은 입력자료의 구축과 구동이 어렵고 사용자의 주관적 견해가 개입될 수 있다. 최근 수자원 분야에서 이러한 문제점을 보완하기 위해 기계학습과 같은 자료기반 모델을 이용한 연구가 활발히 진행되고 있다. 본 연구에서는 관측자료만을 이용하여 강원도 삼척시 오십천 유역의 장기강우유출모의를 수행했다. 이를 위해 기상자료로 3개의 입력자료군(기상관측요소, 일 강수량 및 잠재증발산량, 일강수량 - 잠재증발산량)을 구성하고 LSTM (Long Short-term Memory)인공신경망 모델에 각각 학습시킨 결과를 비교 및 분석했다. 그 결과 기상관측요소만을 이용한 LSTM-Model 1의 성능이 가장 높았으며, 여기에 MLP 인공신경망을 더한 6개의 LSTM-MLP 앙상블 모델을 구축하여 오십천 유역의 장기유출을 모의했다. LSTM 모델과 LSTM-MLP 모형을 비교한 결과 두 모델 모두 대체적으로 비슷한 결과를 보였지만 LSTM 모델에 비해 LSTM-MLP의 MAE, MSE, RMSE가 감소했고 특히 저유량 부분이 개선되었다. LSTM-MLP의 결과에서 저유량 부분의 개선을 보임에 따라 향후 LSTM-MLP 모델 이외에 CNN등 다양한 앙상블 모형을 이용해 물리적 모델 구축 및 구동 시간이 오래 걸리는 대유역과 입력 자료가 부족한 미계측 유역의 유황곡선 작성 등에 활용성이 높을 것으로 판단된다.

Text Classification Method Using Deep Learning Model Fusion and Its Application

  • 신성윤;조광현;조승표;이현창
    • 한국정보통신학회:학술대회논문집
    • /
    • 한국정보통신학회 2022년도 추계학술대회
    • /
    • pp.409-410
    • /
    • 2022
  • 본 논문은 LSTM(Long-Short Term Memory) 네트워크와 CNN 딥러닝 기법을 기반으로 하는 융합 모델을 제안하고 다중 카테고리 뉴스 데이터 세트에 적용하여 좋은 결과를 얻었다. 실험에 따르면 딥 러닝 기반의 융합 모델이 텍스트 감정 분류의 정밀도와 정확도를 크게 향상시켰다. 이 방법은 모델을 최적화하고 모델의 성능을 향상시키는 중요한 방법이 될 것이다.

  • PDF

CNN-LSTM 딥러닝 기반 캠퍼스 전력 예측 모델 최적화 단계 제시 (Proposal of a Step-by-Step Optimized Campus Power Forecast Model using CNN-LSTM Deep Learning)

  • 김예인;이세은;권용성
    • 한국산학기술학회논문지
    • /
    • 제21권10호
    • /
    • pp.8-15
    • /
    • 2020
  • 딥러닝을 사용한 예측 방법은 동일한 예측 모델과 파라미터를 사용한다 하더라도 데이터셋의 특성에 따라 결과가 일정하지 않다. 예를 들면, 데이터셋 A에 최적화된 예측 모델 X를 다른 특성을 가진 데이터셋 B에 적용하면 데이터셋 A와 같이 좋은 예측 결과를 기대하기 어렵다. 따라서 높은 정확도를 갖는 예측 모델을 구현하기 위해서는 데이터셋의 성격을 고려하여 예측 모델을 최적화하는 것이 필요하다. 본 논문에서는 하루 대학 캠퍼스 전력사용량을 1시간 단위로 예측하기 위해 데이터셋의 특성이 고려된 예측 모델이 도출되는 일련의 방법을 단계적으로 제시한다. 데이터 전처리 과정을 시작으로, 이상치 제거와 데이터셋 분류 과정 그리고 합성곱 신경망과 장기-단기 기억 신경망이 결합된 알고리즘(CNN-LSTM: Convolutional Neural Networks-Long Short-Term Memory Networks) 기반 하이퍼파라미터 튜닝 과정을 소개한다. 본 논문에서 제안하는 예측 모델은, 각 시간별 24개 포인트에서 2%의 평균 절대비율 오차(MAPE: Mean Absolute Percentage Error)를 보인다. 단순히 예측 알고리즘만을 적용한 모델과는 달리, 단계적 방법을 통해 최적화된 예측 모델을 사용하여 단일 전력 입력 변수만을 사용해서 높은 예측 정확도를 도출한다. 이 예측 모델은 모바일 에너지관리시스템(Energy Management System: EMS) 어플리케이션에 적용되어 관리자나 소비자에게 최적의 전력사용 방안을 제시할 수 있으며 전력 사용 효율 개선에 크게 기여할 것으로 기대된다.