• Title/Summary/Keyword: long term neural network

Search Result 395, Processing Time 0.027 seconds

Speaker Adaptation Using i-Vector Based Clustering

  • Kim, Minsoo;Jang, Gil-Jin;Kim, Ji-Hwan;Lee, Minho
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • v.14 no.7
    • /
    • pp.2785-2799
    • /
    • 2020
  • We propose a novel speaker adaptation method using acoustic model clustering. The similarity of different speakers is defined by the cosine distance between their i-vectors (intermediate vectors), and various efficient clustering algorithms are applied to obtain a number of speaker subsets with different characteristics. The speaker-independent model is then retrained with the training data of the individual speaker subsets grouped by the clustering results, and an unknown speech is recognized by the retrained model of the closest cluster. The proposed method is applied to a large-scale speech recognition system implemented by a hybrid hidden Markov model and deep neural network framework. An experiment was conducted to evaluate the word error rates using Resource Management database. When the proposed speaker adaptation method using i-vector based clustering was applied, the performance, as compared to that of the conventional speaker-independent speech recognition model, was improved relatively by as much as 12.2% for the conventional fully neural network, and by as much as 10.5% for the bidirectional long short-term memory.

Machine learning approaches for wind speed forecasting using long-term monitoring data: a comparative study

  • Ye, X.W.;Ding, Y.;Wan, H.P.
    • Smart Structures and Systems
    • /
    • v.24 no.6
    • /
    • pp.733-744
    • /
    • 2019
  • Wind speed forecasting is critical for a variety of engineering tasks, such as wind energy harvesting, scheduling of a wind power system, and dynamic control of structures (e.g., wind turbine, bridge, and building). Wind speed, which has characteristics of random, nonlinear and uncertainty, is difficult to forecast. Nowadays, machine learning approaches (generalized regression neural network (GRNN), back propagation neural network (BPNN), and extreme learning machine (ELM)) are widely used for wind speed forecasting. In this study, two schemes are proposed to improve the forecasting performance of machine learning approaches. One is that optimization algorithms, i.e., cross validation (CV), genetic algorithm (GA), and particle swarm optimization (PSO), are used to automatically find the optimal model parameters. The other is that the combination of different machine learning methods is proposed by finite mixture (FM) method. Specifically, CV-GRNN, GA-BPNN, PSO-ELM belong to optimization algorithm-assisted machine learning approaches, and FM is a hybrid machine learning approach consisting of GRNN, BPNN, and ELM. The effectiveness of these machine learning methods in wind speed forecasting are fully investigated by one-year field monitoring data, and their performance is comprehensively compared.

A Novel Parameter Initialization Technique for the Stock Price Movement Prediction Model

  • Nguyen-Thi, Thu;Yoon, Seokhoon
    • International journal of advanced smart convergence
    • /
    • v.8 no.2
    • /
    • pp.132-139
    • /
    • 2019
  • We address the problem about forecasting the direction of stock price movement in the Korea market. Recently, the deep neural network is popularly applied in this area of research. In deep neural network systems, proper parameter initialization reduces training time and improves the performance of the model. Therefore, in our study, we propose a novel parameter initialization technique and apply this technique for the stock price movement prediction model. Specifically, we design a framework which consists of two models: a base model and a main prediction model. The base model constructed with LSTM is trained by using the large data which is generated by a large amount of the stock data to achieve optimal parameters. The main prediction model with the same architecture as the base model uses the optimal parameter initialization. Thus, the main prediction model is trained by only using the data of the given stock. Moreover, the stock price movements can be affected by other related information in the stock market. For this reason, we conducted our research with two types of inputs. The first type is the stock features, and the second type is a combination of the stock features and the Korea Composite Stock Price Index (KOSPI) features. Empirical results conducted on the top five stocks in the KOSPI list in terms of market capitalization indicate that our approaches achieve better predictive accuracy and F1-score comparing to other baseline models.

Development of a Hybrid Deep-Learning Model for the Human Activity Recognition based on the Wristband Accelerometer Signals

  • Jeong, Seungmin;Oh, Dongik
    • Journal of Internet Computing and Services
    • /
    • v.22 no.3
    • /
    • pp.9-16
    • /
    • 2021
  • This study aims to develop a human activity recognition (HAR) system as a Deep-Learning (DL) classification model, distinguishing various human activities. We solely rely on the signals from a wristband accelerometer worn by a person for the user's convenience. 3-axis sequential acceleration signal data are gathered within a predefined time-window-slice, and they are used as input to the classification system. We are particularly interested in developing a Deep-Learning model that can outperform conventional machine learning classification performance. A total of 13 activities based on the laboratory experiments' data are used for the initial performance comparison. We have improved classification performance using the Convolutional Neural Network (CNN) combined with an auto-encoder feature reduction and parameter tuning. With various publically available HAR datasets, we could also achieve significant improvement in HAR classification. Our CNN model is also compared against Recurrent-Neural-Network(RNN) with Long Short-Term Memory(LSTM) to demonstrate its superiority. Noticeably, our model could distinguish both general activities and near-identical activities such as sitting down on the chair and floor, with almost perfect classification accuracy.

A Robust Energy Consumption Forecasting Model using ResNet-LSTM with Huber Loss

  • Albelwi, Saleh
    • International Journal of Computer Science & Network Security
    • /
    • v.22 no.7
    • /
    • pp.301-307
    • /
    • 2022
  • Energy consumption has grown alongside dramatic population increases. Statistics show that buildings in particular utilize a significant amount of energy, worldwide. Because of this, building energy prediction is crucial to best optimize utilities' energy plans and also create a predictive model for consumers. To improve energy prediction performance, this paper proposes a ResNet-LSTM model that combines residual networks (ResNets) and long short-term memory (LSTM) for energy consumption prediction. ResNets are utilized to extract complex and rich features, while LSTM has the ability to learn temporal correlation; the dense layer is used as a regression to forecast energy consumption. To make our model more robust, we employed Huber loss during the optimization process. Huber loss obtains high efficiency by handling minor errors quadratically. It also takes the absolute error for large errors to increase robustness. This makes our model less sensitive to outlier data. Our proposed system was trained on historical data to forecast energy consumption for different time series. To evaluate our proposed model, we compared our model's performance with several popular machine learning and deep learning methods such as linear regression, neural networks, decision tree, and convolutional neural networks, etc. The results show that our proposed model predicted energy consumption most accurately.

A patent application filing forecasting method based on the bidirectional LSTM (양방향 LSTM기반 시계열 특허 동향 예측 연구)

  • Seungwan, Choi;Kwangsoo, Kim;Sooyeong, Kwak
    • Journal of IKEEE
    • /
    • v.26 no.4
    • /
    • pp.545-552
    • /
    • 2022
  • The number of patent application filing for a specific technology has a good relation with the technology's life cycle and future industry development on that area. So industry and governments are highly interested in forecasting the number of patent application filing in order to take appropriate preparations in advance. In this paper, a new method based on the bidirectional long short-term memory(LSTM), a kind of recurrent neural network(RNN), is proposed to improve the forecasting accuracy compared to related methods. Compared with the Bass model which is one of conventional diffusion modeling methods, the proposed method shows the 16% higher performance with the Korean patent filing data on the five selected technology areas.

Traffic Accident Detection Based on Ego Motion and Object Tracking

  • Kim, Da-Seul;Son, Hyeon-Cheol;Si, Jong-Wook;Kim, Sung-Young
    • Journal of Advanced Information Technology and Convergence
    • /
    • v.10 no.1
    • /
    • pp.15-23
    • /
    • 2020
  • In this paper, we propose a new method to detect traffic accidents in video from vehicle-mounted cameras (vehicle black box). We use the distance between vehicles to determine whether an accident has occurred. To calculate the position of each vehicle, we use object detection and tracking method. By the way, in a crowded road environment, it is so difficult to decide an accident has occurred because of parked vehicles at the edge of the road. It is not easy to discriminate against accidents from non-accidents because a moving vehicle and a stopped vehicle are mixed on a regular downtown road. In this paper, we try to increase the accuracy of the vehicle accident detection by using not only the motion of the surrounding vehicle but also ego-motion as the input of the Recurrent Neural Network (RNN). We improved the accuracy of accident detection compared to the previous method.

Transformer Based Deep Learning Techniques for HVAC System Anomaly Detection (HVAC 시스템의 이상 탐지를 위한 Transformer 기반 딥러닝 기법)

  • Changjoon Park;Junhwi Park;Namjung Kim;Jaehyun Lee;Jeonghwan Gwak
    • Proceedings of the Korean Society of Computer Information Conference
    • /
    • 2024.01a
    • /
    • pp.47-48
    • /
    • 2024
  • Heating, Ventilating, and Air Conditioning(HVAC) 시스템은 난방(Heating), 환기(Ventilating), 공기조화(Air Conditioning)를 제공하는 공조시스템으로, 실내 환경의 온도, 습도 조절 및 지속적인 순환 및 여과를 통해 실내 공기 질을 개선한다. 이러한 HVAC 시스템에 이상이 생기는 경우 공기 여과율이 낮아지며, COVID-19와 같은 법정 감염병 예방에 취약해진다. 또한 장비의 과부하를 유발하여, 시스템의 효율성 저하 및 에너지 낭비를 불러올 수 있다. 따라서 본 논문에서는 HVAC 시스템의 이상 탐지 및 조기 조치를 위한 Transformer 기반 이상 탐지 기법의 적용을 제안한다. Transformer는 기존 시계열 데이터 처리를 위한 기법인 Recurrent Neural Network(RNN)기반 모델의 구조적 한계점을 극복함에 따라 Long Term Dependency 문제를 해결하고, 병렬처리를 통해 효율적인 Feature 추출이 가능하다. Transformer 모델이 HVAC 시스템의 이상 탐지에서 RNN 기반의 비교군 모델보다 약 1.31%의 향상을 보이며, Transformer 모델을 통한 HVAC의 이상 탐지에 효율적임을 확인하였다.

  • PDF

Analysis of wind farm power prediction sensitivity for wind speed error using LSTM deep learning model (LSTM 딥러닝 신경망 모델을 이용한 풍력발전단지 풍속 오차에 따른 출력 예측 민감도 분석)

  • Minsang Kang;Eunkuk Son;Jinjae Lee;Seungjin Kang
    • Journal of Wind Energy
    • /
    • v.15 no.2
    • /
    • pp.10-22
    • /
    • 2024
  • This research is a comprehensive analysis of wind power prediction sensitivity using a Long Short-Term Memory (LSTM) deep learning neural network model, accounting for the inherent uncertainties in wind speed estimation. Utilizing a year's worth of operational data from an operational wind farm, the study forecasts the power output of both individual wind turbines and the farm collectively. Predictions were made daily at intervals of 10 minutes and 1 hour over a span of three months. The model's forecast accuracy was evaluated by comparing the root mean square error (RMSE), normalized RMSE (NRMSE), and correlation coefficients with actual power output data. Moreover, the research investigated how inaccuracies in wind speed inputs affect the power prediction sensitivity of the model. By simulating wind speed errors within a normal distribution range of 1% to 15%, the study analyzed their influence on the accuracy of power predictions. This investigation provided insights into the required wind speed prediction error rate to achieve an 8% power prediction error threshold, meeting the incentive standards for forecasting systems in renewable energy generation.

Prediction Model for Solar Power Generation Using Measured Data (측정 데이터를 이용한 태양광 발전량 예측 모델)

  • Yeongseo Park;Sangmin kang;Juseok Moon;Seongjun Cho;Jonghwan Lee
    • Journal of the Semiconductor & Display Technology
    • /
    • v.23 no.3
    • /
    • pp.102-107
    • /
    • 2024
  • Previous research on solar power generation forecasting has generally relied on meteorological data, leading to lower prediction accuracy. This study, in contrast, uses actual measured power generation data to train various ANN (Artificial Neural Network) models and compares their prediction performance. Additionally, it describes the characteristics and advantages of each ANN model. The paper defines the principles of solar power generation, the characteristics of solar panels, and the model equations, and it also explains the I-V characteristics of solar cells. The results include a comparison between calculated and actual measured power generation, along with an evaluation of the accuracy of power generation predictions using artificial intelligence. The findings confirm that the LSTM (Long Short-Term Memory) model performs better than the MLP (Multi- Layer Perceptron) model in handling time-series data.

  • PDF