• Title/Summary/Keyword: Deep Neural Network(DNN)

Search Result 255, Processing Time 0.029 seconds

Performance comparison of various deep neural network architectures using Merlin toolkit for a Korean TTS system (Merlin 툴킷을 이용한 한국어 TTS 시스템의 심층 신경망 구조 성능 비교)

  • Hong, Junyoung;Kwon, Chulhong
    • Phonetics and Speech Sciences
    • /
    • v.11 no.2
    • /
    • pp.57-64
    • /
    • 2019
  • In this paper, we construct a Korean text-to-speech system using the Merlin toolkit which is an open source system for speech synthesis. In the text-to-speech system, the HMM-based statistical parametric speech synthesis method is widely used, but it is known that the quality of synthesized speech is degraded due to limitations of the acoustic modeling scheme that includes context factors. In this paper, we propose an acoustic modeling architecture that uses deep neural network technique, which shows excellent performance in various fields. Fully connected deep feedforward neural network (DNN), recurrent neural network (RNN), gated recurrent unit (GRU), long short-term memory (LSTM), bidirectional LSTM (BLSTM) are included in the architecture. Experimental results have shown that the performance is improved by including sequence modeling in the architecture, and the architecture with LSTM or BLSTM shows the best performance. It has been also found that inclusion of delta and delta-delta components in the acoustic feature parameters is advantageous for performance improvement.

OrdinalEncoder based DNN for Natural Gas Leak Prediction (천연가스 누출 예측을 위한 OrdinalEncoder 기반 DNN)

  • Khongorzul, Dashdondov;Lee, Sang-Mu;Kim, Mi-Hye
    • Journal of the Korea Convergence Society
    • /
    • v.10 no.10
    • /
    • pp.7-13
    • /
    • 2019
  • The natural gas (NG), mostly methane leaks into the air, it is a big problem for the climate. detected NG leaks under U.S. city streets and collected data. In this paper, we introduced a Deep Neural Network (DNN) classification of prediction for a level of NS leak. The proposed method is OrdinalEncoder(OE) based K-means clustering and Multilayer Perceptron(MLP) for predicting NG leak. The 15 features are the input neurons and the using backpropagation. In this paper, we propose the OE method for labeling target data using k-means clustering and compared normalization methods performance for NG leak prediction. There five normalization methods used. We have shown that our proposed OE based MLP method is accuracy 97.7%, F1-score 96.4%, which is relatively higher than the other methods. The system has implemented SPSS and Python, including its performance, is tested on real open data.

Applying Deep Reinforcement Learning to Improve Throughput and Reduce Collision Rate in IEEE 802.11 Networks

  • Ke, Chih-Heng;Astuti, Lia
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • v.16 no.1
    • /
    • pp.334-349
    • /
    • 2022
  • The effectiveness of Wi-Fi networks is greatly influenced by the optimization of contention window (CW) parameters. Unfortunately, the conventional approach employed by IEEE 802.11 wireless networks is not scalable enough to sustain consistent performance for the increasing number of stations. Yet, it is still the default when accessing channels for single-users of 802.11 transmissions. Recently, there has been a spike in attempts to enhance network performance using a machine learning (ML) technique known as reinforcement learning (RL). Its advantage is interacting with the surrounding environment and making decisions based on its own experience. Deep RL (DRL) uses deep neural networks (DNN) to deal with more complex environments (such as continuous state spaces or actions spaces) and to get optimum rewards. As a result, we present a new approach of CW control mechanism, which is termed as contention window threshold (CWThreshold). It uses the DRL principle to define the threshold value and learn optimal settings under various network scenarios. We demonstrate our proposed method, known as a smart exponential-threshold-linear backoff algorithm with a deep Q-learning network (SETL-DQN). The simulation results show that our proposed SETL-DQN algorithm can effectively improve the throughput and reduce the collision rates.

Prediction Model Design by Concentration Type for Improving PM10 Prediction Performance (PM10 예측 성능 향상을 위한 농도별 예측 모델 설계)

  • Kyoung-Woo Cho;Yong-jin Jung;Chang-Heon Oh
    • Journal of Advanced Navigation Technology
    • /
    • v.25 no.6
    • /
    • pp.576-581
    • /
    • 2021
  • Compared to a low concentration, a high concentration clearly entails limitations in terms of predictive performance owing to differences in its frequency and environment of occurrence. To resolve this problem, in this study, an artificial intelligence neural network algorithm was used to classify low and high concentrations; furthermore, two prediction models trained using the characteristics of the classified concentration types were used for prediction. To this end, we constructed training datasets using weather and air pollutant data collected over a decade in the Cheonan region. We designed a DNN-based classification model to classify low and high concentrations; further, we designed low- and high-concentration prediction models to reflect characteristics by concentration type based on the low and high concentrations classified through the classification model. According to the results of the performance assessment of the prediction model by concentration type, the low- and high-concentration prediction accuracies were 90.38% and 96.37%, respectively.

A TBM data-based ground prediction using deep neural network (심층 신경망을 이용한 TBM 데이터 기반의 굴착 지반 예측 연구)

  • Kim, Tae-Hwan;Kwak, No-Sang;Kim, Taek Kon;Jung, Sabum;Ko, Tae Young
    • Journal of Korean Tunnelling and Underground Space Association
    • /
    • v.23 no.1
    • /
    • pp.13-24
    • /
    • 2021
  • Tunnel boring machine (TBM) is widely used for tunnel excavation in hard rock and soft ground. In the perspective of TBM-based tunneling, one of the main challenges is to drive the machine optimally according to varying geological conditions, which could significantly lead to saving highly expensive costs by reducing the total operation time. Generally, drilling investigations are conducted to survey the geological ground before the TBM tunneling. However, it is difficult to provide the precise ground information over the whole tunnel path to operators because it acquires insufficient samples around the path sparsely and irregularly. To overcome this issue, in this study, we proposed a geological type classification system using the TBM operating data recorded in a 5 s sampling rate. We first categorized the various geological conditions (here, we limit to granite) as three geological types (i.e., rock, soil, and mixed type). Then, we applied the preprocessing methods including outlier rejection, normalization, and extracting input features, etc. We adopted a deep neural network (DNN), which has 6 hidden layers, to classify the geological types based on TBM operating data. We evaluated the classification system using the 10-fold cross-validation. Average classification accuracy presents the 75.4% (here, the total number of data were 388,639 samples). Our experimental results still need to improve accuracy but show that geology information classification technique based on TBM operating data could be utilized in the real environment to complement the sparse ground information.

A Comparative Study of Machine Learning Algorithms Based on Tensorflow for Data Prediction (데이터 예측을 위한 텐서플로우 기반 기계학습 알고리즘 비교 연구)

  • Abbas, Qalab E.;Jang, Sung-Bong
    • KIPS Transactions on Computer and Communication Systems
    • /
    • v.10 no.3
    • /
    • pp.71-80
    • /
    • 2021
  • The selection of an appropriate neural network algorithm is an important step for accurate data prediction in machine learning. Many algorithms based on basic artificial neural networks have been devised to efficiently predict future data. These networks include deep neural networks (DNNs), recurrent neural networks (RNNs), long short-term memory (LSTM) networks, and gated recurrent unit (GRU) neural networks. Developers face difficulties when choosing among these networks because sufficient information on their performance is unavailable. To alleviate this difficulty, we evaluated the performance of each algorithm by comparing their errors and processing times. Each neural network model was trained using a tax dataset, and the trained model was used for data prediction to compare accuracies among the various algorithms. Furthermore, the effects of activation functions and various optimizers on the performance of the models were analyzed The experimental results show that the GRU and LSTM algorithms yields the lowest prediction error with an average RMSE of 0.12 and an average R2 score of 0.78 and 0.75 respectively, and the basic DNN model achieves the lowest processing time but highest average RMSE of 0.163. Furthermore, the Adam optimizer yields the best performance (with DNN, GRU, and LSTM) in terms of error and the worst performance in terms of processing time. The findings of this study are thus expected to be useful for scientists and developers.

Fault state detection and remaining useful life prediction in AC powered solenoid operated valves based on traditional machine learning and deep neural networks

  • Utah, M.N.;Jung, J.C.
    • Nuclear Engineering and Technology
    • /
    • v.52 no.9
    • /
    • pp.1998-2008
    • /
    • 2020
  • Solenoid operated valves (SOV) play important roles in industrial process to control the flow of fluids. Solenoid valves can be found in so many industries as well as the nuclear plant. The ability to be able to detect the presence of faults and predicting the remaining useful life (RUL) of the SOV is important in maintenance planning and also prevent unexpected interruptions in the flow of process fluids. This paper proposes a fault diagnosis method for the alternating current (AC) powered SOV. Previous research work have been focused on direct current (DC) powered SOV where the current waveform or vibrations are monitored. There are many features hidden in the AC waveform that require further signal analysis. The analysis of the AC powered SOV waveform was done in the time and frequency domain. A total of sixteen features were obtained and these were used to classify the different operating modes of the SOV by applying a machine learning technique for classification. Also, a deep neural network (DNN) was developed for the prediction of RUL based on the failure modes of the SOV. The results of this paper can be used to improve on the condition based monitoring of the SOV.

Improved Network Intrusion Detection Model through Hybrid Feature Selection and Data Balancing (Hybrid Feature Selection과 Data Balancing을 통한 효율적인 네트워크 침입 탐지 모델)

  • Min, Byeongjun;Ryu, Jihun;Shin, Dongkyoo;Shin, Dongil
    • KIPS Transactions on Software and Data Engineering
    • /
    • v.10 no.2
    • /
    • pp.65-72
    • /
    • 2021
  • Recently, attacks on the network environment have been rapidly escalating and intelligent. Thus, the signature-based network intrusion detection system is becoming clear about its limitations. To solve these problems, research on machine learning-based intrusion detection systems is being conducted in many ways, but two problems are encountered to use machine learning for intrusion detection. The first is to find important features associated with learning for real-time detection, and the second is the imbalance of data used in learning. This problem is fatal because the performance of machine learning algorithms is data-dependent. In this paper, we propose the HSF-DNN, a network intrusion detection model based on a deep neural network to solve the problems presented above. The proposed HFS-DNN was learned through the NSL-KDD data set and performs performance comparisons with existing classification models. Experiments have confirmed that the proposed Hybrid Feature Selection algorithm does not degrade performance, and in an experiment between learning models that solved the imbalance problem, the model proposed in this paper showed the best performance.

Artificial intelligence as an aid to predict the motion problem in sport

  • Yongyong Wang;Qixia Jia;Tingting Deng;H. Elhosiny Ali
    • Earthquakes and Structures
    • /
    • v.24 no.2
    • /
    • pp.111-126
    • /
    • 2023
  • Highly reliable and versatile methods artificial intelligence (AI) have found multiple application in the different fields of science, engineering and health care system. In the present study, we aim to utilize AI method to investigated vibrations in the human leg bone. In this regard, the bone geometry is simplified as a thick cylindrical shell structure. The deep neural network (DNN) is selected for prediction of natural frequency and critical buckling load of the bone cylindrical model. Training of the network is conducted with results of the numerical solution of the governing equations of the bone structure. A suitable optimization algorithm is selected for minimizing the loss function of the DNN. Generalized differential quadrature method (GDQM), and Hamilton's principle are used for solving and obtaining the governing equations of the system. As well as this, in the results section, with the aid of AI some predictions for improving the behaviors of the various sport systems will be given in detail.

Anomaly Classification of Railway Point Machine Using Sound Information and DNN (소리정보와 DNN을 이용한 선로전환기의 비정상 상황 분류)

  • Noh, Byeongjoon;Lee, Jonguk;Park, Daihee;Chung, Yonghwa;Kim, Heeyoung;Yoon, SukHan
    • Proceedings of the Korea Information Processing Society Conference
    • /
    • 2016.10a
    • /
    • pp.611-614
    • /
    • 2016
  • 최근 철도 산업의 비중이 증가함에 따라 열차의 안정적인 주행이 그 어느 때보다 중요한 이슈로 부각되고있다. 특히, 열차의 진로 변경을 위한 핵심 요소인 선로전환기의 결함은 열차의 사고와 직결되는 장비 중 하나로써, 그 이상 여부를 사전에 인지하여 선로전환기의 안정성을 확보하기 위한 유지보수의 지능화 시스템이 필요하다. 본 논문에서는 선로전환기의 작동 시 발생하는 소리정보를 활용하여 선로전환기의 비정상 상황을 분류하는 시스템을 제안한다. 제안하는 시스템은 먼저, 선로전환기의 상황별 소리를 수집하고, 다양한 소리정보를 추출하여 특징 벡터를 생성한다. 다음으로, 딥러닝 모델 중 하나인 DNN(Deep Neural Network)을 이용하여 선로전환기의 비정상 상황을 분류한다. 실제 선로전환기의 전환 시 발생하는 소리 데이터를 기반으로 DNN의 파라미터에 따른 다양한 실험을 수행한 결과, 약 93.10%의 정확도를 갖는 안정적인 DNN 모델을 설계하였다.