• 제목/요약/키워드: Long Short Term Memory (LSTM)

검색결과 500건 처리시간 0.031초

Classification in Different Genera by Cytochrome Oxidase Subunit I Gene Using CNN-LSTM Hybrid Model

  • Meijing Li;Dongkeun Kim
    • Journal of information and communication convergence engineering
    • /
    • 제21권2호
    • /
    • pp.159-166
    • /
    • 2023
  • The COI gene is a sequence of approximately 650 bp at the 5' terminal of the mitochondrial Cytochrome c Oxidase subunit I (COI) gene. As an effective DeoxyriboNucleic Acid (DNA) barcode, it is widely used for the taxonomic identification and evolutionary analysis of species. We created a CNN-LSTM hybrid model by combining the gene features partially extracted by the Long Short-Term Memory ( LSTM ) network with the feature maps obtained by the CNN. Compared to K-Means Clustering, Support Vector Machines (SVM), and a single CNN classification model, after training 278 samples in a training set that included 15 genera from two orders, the CNN-LSTM hybrid model achieved 94% accuracy in the test set, which contained 118 samples. We augmented the training set samples and four genera into four orders, and the classification accuracy of the test set reached 100%. This study also proposes calculating the cosine similarity between the training and test sets to initially assess the reliability of the predicted results and discover new species.

LSTM 모델의 하이퍼 파라미터가 암호화폐 가격 예측에 미치는 영향 분석 (Understanding the effect of LSTM hyperparameters tuning on Cryptocurrency Price Prediction)

  • 박재현;이동건;서영석
    • 한국정보처리학회:학술대회논문집
    • /
    • 한국정보처리학회 2021년도 춘계학술발표대회
    • /
    • pp.466-469
    • /
    • 2021
  • 최근 암호화폐가 발전함에 따라 다양한 연구들이 진행되고 있지만 그 중에서도 암호화폐의 가격 예측 연구들이 활발히 진행되고 있다. 특히 이러한 예측 분야에서도 인공지능 기술을 접목시켜 암호화폐 가격의 예측 정확도를 높이려는 노력들이 지속되고 있다. 인공지능 기반의 기법들 중 시간적 정보를 가진 데이터를 기반으로 하고 있는 LSTM(Long Short-Term Memory) 모델이 다각도로 활용되고 있으나 급등락하는 암호화폐 가격 데이터가 많을 경우에는 그 성능이 상대적으로 낮아질 수 밖에 없다. 따라서 본 논문에서는 가격이 급등락하고 있는 Bitcoin, Ethereum, Dash 암호화폐 데이터 환경에서 LSTM 모델의 예측 성능이 향상될 수 있는 세부 하이퍼 파라미터 값을 실험 및 분석하고, 그 결과의 의미에 대해 고찰한다. 이를 위해 LSTM 모델에서 향상된 예측률을 보일 수 있는 epoch, hidden layer 수, optimizer 에 대해 분석하였고, 최적의 예측 결과를 도출해 줄 수 있는 최소 training data 개수도 함께 살펴보았다.

CNN-LSTM 기반 시계열 센서 데이터를 이용한 노인 활동 인식 시스템 (Senior Activity Recognition System using Time-series sensor data based on CNN-LSTM)

  • 이선민;문남미
    • 한국정보처리학회:학술대회논문집
    • /
    • 한국정보처리학회 2023년도 추계학술발표대회
    • /
    • pp.1230-1233
    • /
    • 2023
  • 최근, 65세 이상의 1인 가구가 급증함에 따라 노인을 대상으로 한 다양한 연구 및 서비스가 활발히 이루어지고 있다. 이에 본 논문에서는 시계열 센서 데이터를 이용하여 CNN-LSTM 기반의 노인 활동 인식 시스템을 제안한다. 수집된 데이터는 3축 가속도 센서가 내장된 2개의 디바이스를 등과 허벅지에 부착하였다. 수집 주기는 50hz로 진행되었으며, 각 행동은 2초를 기준으로 산정하였다. 학습데이터의 입력값으로 사용하기 위해, 슬라이딩 윈도우를 50%로 적용하여 시퀀스를 구성하였다. 모델은 특징을 반영하기 위한 CNN(Convolutional Neural Networks)과 시계열적 특성을 반영하기 위한 LSTM(Long-Short Term Memory)을 하이브리드한 1차원 형태의 CNN-LSTM 모델을 사용한다. 행동은 4가지로 분류하였으며, 97%의 정확도를 나타내고 있다.

Predicting Stock Prices Based on Online News Content and Technical Indicators by Combinatorial Analysis Using CNN and LSTM with Self-attention

  • Sang Hyung Jung;Gyo Jung Gu;Dongsung Kim;Jong Woo Kim
    • Asia pacific journal of information systems
    • /
    • 제30권4호
    • /
    • pp.719-740
    • /
    • 2020
  • The stock market changes continuously as new information emerges, affecting the judgments of investors. Online news articles are valued as a traditional window to inform investors about various information that affects the stock market. This paper proposed new ways to utilize online news articles with technical indicators. The suggested hybrid model consists of three models. First, a self-attention-based convolutional neural network (CNN) model, considered to be better in interpreting the semantics of long texts, uses news content as inputs. Second, a self-attention-based, bi-long short-term memory (bi-LSTM) neural network model for short texts utilizes news titles as inputs. Third, a bi-LSTM model, considered to be better in analyzing context information and time-series models, uses 19 technical indicators as inputs. We used news articles from the previous day and technical indicators from the past seven days to predict the share price of the next day. An experiment was performed with Korean stock market data and news articles from 33 top companies over three years. Through this experiment, our proposed model showed better performance than previous approaches, which have mainly focused on news titles. This paper demonstrated that news titles and content should be treated in different ways for superior stock price prediction.

Text Classification on Social Network Platforms Based on Deep Learning Models

  • YA, Chen;Tan, Juan;Hoekyung, Jung
    • Journal of information and communication convergence engineering
    • /
    • 제21권1호
    • /
    • pp.9-16
    • /
    • 2023
  • The natural language on social network platforms has a certain front-to-back dependency in structure, and the direct conversion of Chinese text into a vector makes the dimensionality very high, thereby resulting in the low accuracy of existing text classification methods. To this end, this study establishes a deep learning model that combines a big data ultra-deep convolutional neural network (UDCNN) and long short-term memory network (LSTM). The deep structure of UDCNN is used to extract the features of text vector classification. The LSTM stores historical information to extract the context dependency of long texts, and word embedding is introduced to convert the text into low-dimensional vectors. Experiments are conducted on the social network platforms Sogou corpus and the University HowNet Chinese corpus. The research results show that compared with CNN + rand, LSTM, and other models, the neural network deep learning hybrid model can effectively improve the accuracy of text classification.

정수장에서의 에너지 관리를 위한 AI 기반 복합센서 적용 연구 (AI based complex sensor application study for energy management in WTP)

  • 홍성택;안상병;김국;성민석
    • 한국정보통신학회:학술대회논문집
    • /
    • 한국정보통신학회 2022년도 춘계학술대회
    • /
    • pp.322-323
    • /
    • 2022
  • 정수장의 최적화 운영을 위하여 가장 필요한 것은 수용가에서 사용되는 수돗물의 패턴과 양을 정확하게 예측하여 필요한 만큼의 수돗물을 펌프를 이용하여 배수지로 전달하여 저장하고, 필요한 유량이 최소의 전기에너지를 이용하여 적기에 공급되어야 한다. 정수장의 수량 예측 중 에너지 최적화 운영의 관점에서 필요한 단기 수요예측은 시계열 분석, 회귀분석 및 신경망 알고리즘을 이용하여 계절별, 주요 기간별, 지역 특성별 등을 고려하여 이루어져 왔으며, 본 논문에서는 순환적 신경회로망의 일종인 LSTM(Long Short-Term Memory), GRU(Gated Recurrent Units) 등의 AI 기반 복합센서 적용성 분석을 통한 에너지 관리 방안에 대하여 분석하였다.

  • PDF

딥 러닝을 이용한 부동산가격지수 예측 (Predicting the Real Estate Price Index Using Deep Learning)

  • 배성완;유정석
    • 부동산연구
    • /
    • 제27권3호
    • /
    • pp.71-86
    • /
    • 2017
  • 본 연구의 목적은 딥 러닝 방법을 부동산가격지수 예측에 적용해보고, 기존의 시계열분석 방법과의 비교를 통해 부동산 시장 예측의 새로운 방법으로서 활용가능성을 확인하는 것이다. 딥 러닝(deep learning)방법인 DNN(Deep Neural Networks)모형 및 LSTM(Long Shot Term Memory networks)모형과 시계열분석 방법인 ARIMA(autoregressive integrated moving average)모형을 이용하여 여러 가지 부동산가격지수에 대한 예측을 시도하였다. 연구결과 첫째, 딥 러닝 방법의 예측력이 시계열분석 방법보다 우수한 것으로 나타났다. 둘째, 딥 러닝 방법 중에서는 DNN모형의 예측력이 LSTM모형의 예측력보다 우수하나 그 정도는 미미한 수준인 것으로 나타났다. 셋째, 딥 러닝 방법과 ARIMA모형은 부동산 가격지수(real estate price index) 중 아파트 실거래가격지수(housing sales price index)에 대한 예측력이 가장 부족한 것으로 나타났다. 향후 딥 러닝 방법을 활용함으로써 부동산 시장에 대한 예측의 정확성을 제고할 수 있을 것으로 기대된다.

문서 주제에 따른 문장 생성을 위한 LSTM 기반 언어 학습 모델 (LSTM based Language Model for Topic-focused Sentence Generation)

  • 김다해;이지형
    • 한국컴퓨터정보학회:학술대회논문집
    • /
    • 한국컴퓨터정보학회 2016년도 제54차 하계학술대회논문집 24권2호
    • /
    • pp.17-20
    • /
    • 2016
  • 딥러닝 기법이 발달함에 따라 텍스트에 내재된 의미 및 구문을 어떠한 벡터 공간 상에 표현하기 위한 언어 모델이 활발히 연구되어 왔다. 이를 통해 자연어 처리를 기반으로 하는 감성 분석 및 문서 분류, 기계 번역 등의 분야가 진보되었다. 그러나 대부분의 언어 모델들은 텍스트에 나타나는 단어들의 일반적인 패턴을 학습하는 것을 기반으로 하기 때문에, 문서 요약이나 스토리텔링, 의역된 문장 판별 등과 같이 보다 고도화된 자연어의 이해를 필요로 하는 연구들의 경우 주어진 텍스트의 주제 및 의미를 고려하기에 한계점이 있다. 이와 같은 한계점을 고려하기 위하여, 본 연구에서는 기존의 LSTM 모델을 변형하여 문서 주제와 해당 주제에서 단어가 가지는 문맥적인 의미를 단어 벡터 표현에 반영할 수 있는 새로운 언어 학습 모델을 제안하고, 본 제안 모델이 문서의 주제를 고려하여 문장을 자동으로 생성할 수 있음을 보이고자 한다.

  • PDF

공장전력 사용량 데이터 기반 LSTM을 이용한 공장전력 사용량 예측모델 (Factory power usage prediciton model using LSTM based on factory power usage data)

  • 고병길;성종훈;조영식
    • 한국정보처리학회:학술대회논문집
    • /
    • 한국정보처리학회 2019년도 추계학술발표대회
    • /
    • pp.817-819
    • /
    • 2019
  • 다양한 학습 모델이 발전하고 있는 지금, 학습을 통한 다양한 시도가 진행되고 있다. 이중 에너지 분야에서 많은 연구가 진행 중에 있으며, 대표적으로 BEMS(Building energy Management System)를 볼 수 있다. BEMS의 경우 건물을 기준으로 건물에서 생성되는 다양한 DATA를 이용하여, 에너지 예측 및 제어하는 다양한 기술이 발전해가고 있다. 하지만 FEMS(Factory Energy Management System)에 관련된 연구는 많이 발전하지 못했으며, 이는 BEMS와 FEAMS의 차이에서 비롯된다. 본 연구에서는 실제 공장에서 수집한 DATA를 기반으로 하여, 전력량 예측을 하였으며 예측을 위한 기술로 시계열 DATA 분석 방법인 LSTM 알고리즘을 이용하여 진행하였다.

LSTM 신경망과 Du-CNN을 융합한 적외선 방사특성 예측 및 표적과 클러터 구분을 위한 CR-DuNN 알고리듬 연구 (A Study of CR-DuNN based on the LSTM and Du-CNN to Predict Infrared Target Feature and Classify Targets from the Clutters)

  • 이주영
    • 전기학회논문지
    • /
    • 제68권1호
    • /
    • pp.153-158
    • /
    • 2019
  • In this paper, we analyze the infrared feature for the small coast targets according to the surrounding environment for autonomous flight device equipped with an infrared imaging sensor and we propose Cross Duality of Neural Network (CR-DuNN) method which can classify the target and clutter in coastal environment. In coastal environment, there are various property according to diverse change of air temperature, sea temperature, deferent seasons. And small coast target have various infrared feature according to diverse change of environment. In this various environment, it is very important thing that we analyze and classify targets from the clutters to improve target detection accuracy. Thus, we propose infrared feature learning algorithm through LSTM neural network and also propose CR-DuNN algorithm that integrate LSTM prediction network with Du-CNN classification network to classify targets from the clutters.