• Title/Summary/Keyword: RNN(Recurrent Neural Network)

Search Result 231, Processing Time 0.019 seconds

Deep Recurrent Neural Network for Multiple Time Slot Frequency Spectrum Predictions of Cognitive Radio

  • Tang, Zhi-ling;Li, Si-min
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • v.11 no.6
    • /
    • pp.3029-3045
    • /
    • 2017
  • The main processes of a cognitive radio system include spectrum sensing, spectrum decision, spectrum sharing, and spectrum conversion. Experimental results show that these stages introduce a time delay that affects the spectrum sensing accuracy, reducing its efficiency. To reduce the time delay, the frequency spectrum prediction was proposed to alleviate the burden on the spectrum sensing. In this paper, the deep recurrent neural network (DRNN) was proposed to predict the spectrum of multiple time slots, since the existing methods only predict the spectrum of one time slot. The continuous state of a channel is divided into a many time slots, forming a time series of the channel state. Since there are more hidden layers in the DRNN than in the RNN, the DRNN has fading memory in its bottom layer as well as in the past input. In addition, the extended Kalman filter was used to train the DRNN, which overcomes the problem of slow convergence and the vanishing gradient of the gradient descent method. The spectrum prediction based on the DRNN was verified with a WiFi signal, and the error of the prediction was analyzed. The simulation results proved that the multiple slot spectrum prediction improved the spectrum efficiency and reduced the energy consumption of spectrum sensing.

Korean Named Entity Recognition Using ELECTRA and Label Attention Network (ELECTRA와 Label Attention Network를 이용한 한국어 개체명 인식)

  • Kim, Hong-Jin;Oh, Shin-Hyeok;Kim, Hark-Soo
    • Annual Conference on Human and Language Technology
    • /
    • 2020.10a
    • /
    • pp.333-336
    • /
    • 2020
  • 개체명 인식이란 문장에서 인명, 지명, 기관명 등과 같이 고유한 의미를 갖는 단어를 찾아 개체명을 분류하는 작업이다. 딥러닝을 활용한 연구가 수행되면서 개체명 인식에 RNN(Recurrent Neural Network)과 CRF(Condition Random Fields)를 결합한 연구가 좋은 성능을 보이고 있다. 그러나 CRF는 시간 복잡도가 분류해야 하는 클래스(Class) 개수의 제곱에 비례하고, 최근 RNN과 Softmax 모델보다 낮은 성능을 보이는 연구도 있었다. 본 논문에서는 CRF의 단점을 보완한 LAN(Label Attention Network)와 사전 학습 언어 모델인 음절 단위 ELECTRA를 활용하는 개체명 인식 모델을 제안한다.

  • PDF

Time series Multilayered Random Forest Without Backpropagation and Application of Forest Fire Early Detection (역전파가 필요없는 시계열 다층 랜덤 포레스트와 산불 조기 감지의 응용)

  • Kim, Sangwon;Sanchez, Gustavo Adrian Ruiz;Ko, Byoung Chul
    • Proceedings of the Korean Society of Broadcast Engineers Conference
    • /
    • 2020.07a
    • /
    • pp.660-661
    • /
    • 2020
  • 본 논문에서는 기존 인공 신경망 기반 시계열 학습 기법인 Recurrent Neural Network (RNN)의 많은 연산량 및 고 사양 시스템 요구를 개선하기 위해 랜덤 포레스트 (Random Forest)기반의 새로운 시계열 학습 기법을 제안한다. 기존의 RNN 기반 방법들은 복잡한 연산을 통해 높은 성능을 달성하는 데 집중하고 있다. 이러한 방법들은 학습에 많은 파라미터가 필요할 뿐만 아니라 대규모의 연산을 요구하므로 실시간 시스템에 적용하는데 어려움이 있다. 따라서 본 논문에서는, 효율적이면서 빠르게 동작할 수 있는 시계열 다층 랜덤 포레스트(Time series Multilayered Random Forest)를 제안하고 산불 조기 탐지에 적용해 기존 RNN 계열의 방법들과 성능을 비교하였다. 다양한 산불화재 실험데이터에 알고리즘을 적용해본 결과 GPU 상에서 방대한 연산을 수행하는 RNN 기반 방법들과 비교해 성능적인 한계가 존재했지만 CPU 에서도 빠르게 동작 가능하므로 성능의 개선을 통해 다양한 임베디드 시스템에 적용 가능하다.

  • PDF

Recurrent Neural Network based Prediction System of Agricultural Photovoltaic Power Generation (영농형 태양광 발전소에서 순환신경망 기반 발전량 예측 시스템)

  • Jung, Seol-Ryung;Koh, Jin-Gwang;Lee, Sung-Keun
    • The Journal of the Korea institute of electronic communication sciences
    • /
    • v.17 no.5
    • /
    • pp.825-832
    • /
    • 2022
  • In this paper, we discuss the design and implementation of predictive and diagnostic models for realizing intelligent predictive models by collecting and storing the power output of agricultural photovoltaic power generation systems. Our model predicts the amount of photovoltaic power generation using RNN, LSTM, and GRU models, which are recurrent neural network techniques specialized for time series data, and compares and analyzes each model with different hyperparameters, and evaluates the performance. As a result, the MSE and RMSE indicators of all three models were very close to 0, and the R2 indicator showed performance close to 1. Through this, it can be seen that the proposed prediction model is a suitable model for predicting the amount of photovoltaic power generation, and using this prediction, it was shown that it can be utilized as an intelligent and efficient O&M function in an agricultural photovoltaic system.

Adaptive Antenna Muting using RNN-based Traffic Load Prediction (재귀 신경망에 기반을 둔 트래픽 부하 예측을 이용한 적응적 안테나 뮤팅)

  • Ahmadzai, Fazel Haq;Lee, Woongsup
    • Journal of the Korea Institute of Information and Communication Engineering
    • /
    • v.26 no.4
    • /
    • pp.633-636
    • /
    • 2022
  • The reduction of energy consumption at the base station (BS) has become more important recently. In this paper, we consider the adaptive muting of the antennas based on the predicted future traffic load to reduce the energy consumption where the number of active antennas is adaptively adjusted according to the predicted future traffic load. Given that traffic load is sequential data, three different RNN structures, namely long-short term memory (LSTM), gated recurrent unit (GRU), and bidirectional LSTM (Bi-LSTM) are considered for the future traffic load prediction. Through the performance evaluation based on the actual traffic load collected from the Afghanistan telecom company, we confirm that the traffic load can be estimated accurately and the overall power consumption can also be reduced significantly using the antenna musing.

New Hybrid Approach of CNN and RNN based on Encoder and Decoder (인코더와 디코더에 기반한 합성곱 신경망과 순환 신경망의 새로운 하이브리드 접근법)

  • Jongwoo Woo;Gunwoo Kim;Keunho Choi
    • Information Systems Review
    • /
    • v.25 no.1
    • /
    • pp.129-143
    • /
    • 2023
  • In the era of big data, the field of artificial intelligence is showing remarkable growth, and in particular, the image classification learning methods by deep learning are becoming an important area. Various studies have been actively conducted to further improve the performance of CNNs, which have been widely used in image classification, among which a representative method is the Convolutional Recurrent Neural Network (CRNN) algorithm. The CRNN algorithm consists of a combination of CNN for image classification and RNNs for recognizing time series elements. However, since the inputs used in the RNN area of CRNN are the flatten values extracted by applying the convolution and pooling technique to the image, pixel values in the same phase in the image appear in different order. And this makes it difficult to properly learn the sequence of arrangements in the image intended by the RNN. Therefore, this study aims to improve image classification performance by proposing a novel hybrid method of CNN and RNN applying the concepts of encoder and decoder. In this study, the effectiveness of the new hybrid method was verified through various experiments. This study has academic implications in that it broadens the applicability of encoder and decoder concepts, and the proposed method has advantages in terms of model learning time and infrastructure construction costs as it does not significantly increase complexity compared to conventional hybrid methods. In addition, this study has practical implications in that it presents the possibility of improving the quality of services provided in various fields that require accurate image classification.

A Comparative Study between BPNN and RNN on the Settlement Prediction during Soft Ground Embankment (연약지반상의 성토시 침하예측에 대한 BPNN과 RNN의 비교 연구)

  • Kim, Dong-Sik;Chae, Young-Su;Kim, Young-Su;Kim, Hyun-Dong;Kim, Seon Hyung
    • Journal of the Society of Disaster Information
    • /
    • v.3 no.1
    • /
    • pp.37-53
    • /
    • 2007
  • Various difficult problems occur due to insufficient bearing capacity or excessive settlements when constructing roads or large complexes. Accurate predictions on the final settlement and consolidation time can help in choosing the ground improvement method and thus enables to save time and expense of the whole project. Asaoka's method is probably the most frequently used for settlement prediction which are based on Terzaghi's one dimensional consolidation theory. Empirical formulae such as Hyperbolic method and Hoshino's method are also often used. However, it is known that the settlement predicted by these methods do not match with the actual settlements. Furthermore these methods cannot be used at design stage when there is no measured data. To find an elaborate method in predicting settlement in embankments using various test results and actual settlement data from domestic sites, Back-Propagation Neural Network(BPNN) and Recurrent Neural Network(RNN) were employed and the most suitable model structures were obtained. Predicted settlement values by the developed models were compared with the measured values as well as numerical analysis results. Analysis of the results showed that RNN yielded more compatible predictions with actual data than BPNN and predictions using cone penetration resistance were closer to actual data than predictions using SPT results. Also, it was found that the developed method were very competitive with the numerical analysis considering the number of input data, complexity and effort in modelling. It is believed that RNN using cone penetration test results can make a highly efficient tool in predicting settlements if enough field data can be obtained.

  • PDF

LSTM Network with Tracking Association for Multi-Object Tracking

  • Farhodov, Xurshedjon;Moon, Kwang-Seok;Lee, Suk-Hwan;Kwon, Ki-Ryong
    • Journal of Korea Multimedia Society
    • /
    • v.23 no.10
    • /
    • pp.1236-1249
    • /
    • 2020
  • In a most recent object tracking research work, applying Convolutional Neural Network and Recurrent Neural Network-based strategies become relevant for resolving the noticeable challenges in it, like, occlusion, motion, object, and camera viewpoint variations, changing several targets, lighting variations. In this paper, the LSTM Network-based Tracking association method has proposed where the technique capable of real-time multi-object tracking by creating one of the useful LSTM networks that associated with tracking, which supports the long term tracking along with solving challenges. The LSTM network is a different neural network defined in Keras as a sequence of layers, where the Sequential classes would be a container for these layers. This purposing network structure builds with the integration of tracking association on Keras neural-network library. The tracking process has been associated with the LSTM Network feature learning output and obtained outstanding real-time detection and tracking performance. In this work, the main focus was learning trackable objects locations, appearance, and motion details, then predicting the feature location of objects on boxes according to their initial position. The performance of the joint object tracking system has shown that the LSTM network is more powerful and capable of working on a real-time multi-object tracking process.

Comparison of Power Consumption Prediction Scheme Based on Artificial Intelligence (인공지능 기반 전력량예측 기법의 비교)

  • Lee, Dong-Gu;Sun, Young-Ghyu;Kim, Soo-Hyun;Sim, Issac;Hwang, Yu-Min;Kim, Jin-Young
    • The Journal of the Institute of Internet, Broadcasting and Communication
    • /
    • v.19 no.4
    • /
    • pp.161-167
    • /
    • 2019
  • Recently, demand forecasting techniques have been actively studied due to interest in stable power supply with surging power demand, and increase in spread of smart meters that enable real-time power measurement. In this study, we proceeded the deep learning prediction model experiments which learns actual measured power usage data of home and outputs the forecasting result. And we proceeded pre-processing with moving average method. The predicted value made by the model is evaluated with the actual measured data. Through this forecasting, it is possible to lower the power supply reserve ratio and reduce the waste of the unused power. In this paper, we conducted experiments on three types of networks: Multi Layer Perceptron (MLP), Recurrent Neural Network (RNN), and Long Short Term Memory (LSTM) and we evaluate the results of each scheme. Evaluation is conducted with following method: MSE(Mean Squared Error) method and MAE(Mean Absolute Error).

Prediction of the DO concentration using the machine learning algorithm: case study in Oncheoncheon, Republic of Korea

  • Lim, Heesung;An, Hyunuk;Choi, Eunhyuk;Kim, Yeonsu
    • Korean Journal of Agricultural Science
    • /
    • v.47 no.4
    • /
    • pp.1029-1037
    • /
    • 2020
  • The machine learning algorithm has been widely used in water-related fields such as water resources, water management, hydrology, atmospheric science, water quality, water level prediction, weather forecasting, water discharge prediction, water quality forecasting, etc. However, water quality prediction studies based on the machine learning algorithm are limited compared to other water-related applications because of the limited water quality data. Most of the previous water quality prediction studies have predicted monthly water quality, which is useful information but not enough from a practical aspect. In this study, we predicted the dissolved oxygen (DO) using recurrent neural network with long short-term memory model recurrent neural network long-short term memory (RNN-LSTM) algorithms with hourly- and daily-datasets. Bugok Bridge in Oncheoncheon, located in Busan, where the data was collected in real time, was selected as the target for the DO prediction. The 10-month (temperature, wind speed, and relative humidity) data were used as time prediction inputs, and the 5-year (temperature, wind speed, relative humidity, and rainfall) data were used as the daily forecast inputs. Missing data were filled by linear interpolation. The prediction model was coded based on TensorFlow, an open-source library developed by Google. The performance of the RNN-LSTM algorithm for the hourly- or daily-based water quality prediction was tested and analyzed. Research results showed that the hourly data for the water quality is useful for machine learning, and the RNN-LSTM algorithm has potential to be used for hourly- or daily-based water quality forecasting.