• Title/Summary/Keyword: DNN모델

Search Result 175, Processing Time 0.026 seconds

Effective Recognition of Velopharyngeal Insufficiency (VPI) Patient's Speech Using DNN-HMM-based System (DNN-HMM 기반 시스템을 이용한 효과적인 구개인두부전증 환자 음성 인식)

  • Yoon, Ki-mu;Kim, Wooil
    • Journal of the Korea Institute of Information and Communication Engineering
    • /
    • v.23 no.1
    • /
    • pp.33-38
    • /
    • 2019
  • This paper proposes an effective recognition method of VPI patient's speech employing DNN-HMM-based speech recognition system, and evaluates the recognition performance compared to GMM-HMM-based system. The proposed method employs speaker adaptation technique to improve VPI speech recognition. This paper proposes to use simulated VPI speech for generating a prior model for speaker adaptation and selective learning of weight matrices of DNN, in order to effectively utilize the small size of VPI speech for model adaptation. We also apply Linear Input Network (LIN) based model adaptation technique for the DNN model. The proposed speaker adaptation method brings 2.35% improvement in average accuracy compared to GMM-HMM based ASR system. The experimental results demonstrate that the proposed DNN-HMM-based speech recognition system is effective for VPI speech with small-sized speech data, compared to conventional GMM-HMM system.

A Comparative Study on the Performance of Air Quality Prediction Model Based on DNN and LSTM (DNN과 LSTM 기반의 대기질 예측 모델 성능 비교 연구)

  • Jo, Sung-Jae;Kim, Junsuk;Kim, Sung-Hee;Youn, Joosang
    • Proceedings of the Korea Information Processing Society Conference
    • /
    • 2020.05a
    • /
    • pp.577-579
    • /
    • 2020
  • 최근 인공지능을 활용한 대기질 예측 모델 개발 연구가 활발히 진행 중이다. 특히 시계열 데이터 기반 예측 시스템 개발에 장점을 가진 DNN, LSTM 알고리즘을 활용한 다양한 예측 시스템이 제안되고 있다. 본 논문에서는 LSTM을 활용한 모델과 Fully-Connected 기반의 DNN 모델을 활용한 대기질 예측 시스템을 개발하고 두 모델의 예측 정확도를 비교한다. 성능 평가 결과를 보면 LSTM 모델이 DNN 모델보다 모든 면에서 좋은 결과를 보여줬다. 그리고 이산화황(SO2), 이산화질소(NO2), 초미세먼지 (PM2.5)에 대해서는 그 차이가 두드러지게 나타났다.

A Study on the Calculation of Ternary Concrete Mixing using Bidirectional DNN Analysis (양방향 DNN 해석을 이용한 삼성분계 콘크리트의 배합 산정에 관한 연구)

  • Choi, Ju-Hee;Ko, Min-Sam;Lee, Han-Seung
    • Journal of the Korea Institute of Building Construction
    • /
    • v.22 no.6
    • /
    • pp.619-630
    • /
    • 2022
  • The concrete mix design and compressive strength evaluation are used as basic data for the durability of sustainable structures. However, the recent diversification of mixing factors has created difficulties in calculating the correct mixing factor or setting the reference value concrete mixing design. The purpose of this study is to design a predictive model of bidirectional analysis that calculates the mixing elements of ternary concrete using deep learning, one of the artificial intelligence techniques. For the DNN-based predictive model for calculating the concrete mixing factor, performance evaluation and comparison were performed using a total of 8 models with the number of layers and the number of hidden neurons as variables. The combination calculation result was output. As a result of the model's performance evaluation, an average error rate of about 1.423% for the concrete compressive strength factor was achieved. and an average MAPE error of 8.22% for the prediction of the ternary concrete mixing factor was satisfied. Through comparing the performance evaluation for each structure of the DNN model, the DNN5L-2048 model showed the highest performance for all compounding factors. Using the learned DNN model, the prediction of the ternary concrete formulation table with the required compressive strength of 30 and 50 MPa was carried out. The verification process through the expansion of the data set for learning and a comparison between the actual concrete mix table and the DNN model output concrete mix table is necessary.

TPMP: A Privacy-Preserving Technique for DNN Prediction Using ARM TrustZone (TPMP : ARM TrustZone을 활용한 DNN 추론 과정의 기밀성 보장 기술)

  • Song, Suhyeon;Park, Seonghwan;Kwon, Donghyun
    • Journal of the Korea Institute of Information Security & Cryptology
    • /
    • v.32 no.3
    • /
    • pp.487-499
    • /
    • 2022
  • Machine learning such as deep learning have been widely used in recent years. Recently deep learning is performed in a trusted execution environment such as ARM TrustZone to improve security in edge devices and embedded devices with low computing resource. To mitigate this problem, we propose TPMP that efficiently uses the limited memory of TEE through DNN model partitioning. TPMP achieves high confidentiality of DNN by performing DNN models that could not be run with existing memory scheduling methods in TEE through optimized memory scheduling. TPMP required a similar amount of computational resources to previous methodologies.

Deep Neural Network Based Prediction of Daily Spectators for Korean Baseball League : Focused on Gwangju-KIA Champions Field (Deep Neural Network 기반 프로야구 일일 관중 수 예측 : 광주-기아 챔피언스 필드를 중심으로)

  • Park, Dong Ju;Kim, Byeong Woo;Jeong, Young-Seon;Ahn, Chang Wook
    • Smart Media Journal
    • /
    • v.7 no.1
    • /
    • pp.16-23
    • /
    • 2018
  • In this paper, we used the Deep Neural Network (DNN) to predict the number of daily spectators of Gwangju - KIA Champions Field in order to provide marketing data for the team and related businesses and for managing the inventories of the facilities in the stadium. In this study, the DNN model, which is based on an artificial neural network (ANN), was used, and four kinds of DNN model were designed along with dropout and batch normalization model to prevent overfitting. Each of four models consists of 10 DNNs, and we added extra models with ensemble model. Each model was evaluated by Root Mean Square Error (RMSE) and Mean Absolute Percentage Error (MAPE). The learning data from the model randomly selected 80% of the collected data from 2008 to 2017, and the other 20% were used as test data. With the result of 100 data selection, model configuration, and learning and prediction, we concluded that the predictive power of the DNN model with ensemble model is the best, and RMSE and MAPE are 15.17% and 14.34% higher, correspondingly, than the prediction value of the multiple linear regression model.

Model adaptation employing DNN-based estimation of noise corruption function for noise-robust speech recognition (잡음 환경 음성 인식을 위한 심층 신경망 기반의 잡음 오염 함수 예측을 통한 음향 모델 적응 기법)

  • Yoon, Ki-mu;Kim, Wooil
    • The Journal of the Acoustical Society of Korea
    • /
    • v.38 no.1
    • /
    • pp.47-50
    • /
    • 2019
  • This paper proposes an acoustic model adaptation method for effective speech recognition in noisy environments. In the proposed algorithm, the noise corruption function is estimated employing DNN (Deep Neural Network), and the function is applied to the model parameter estimation. The experimental results using the Aurora 2.0 framework and database demonstrate that the proposed model adaptation method shows more effective in known and unknown noisy environments compared to the conventional methods. In particular, the experiments of the unknown environments show 15.87 % of relative improvement in the average of WER (Word Error Rate).

A Study on Prediction of PM2.5 Concentration Using DNN (Deep Neural Network를 활용한 초미세먼지 농도 예측에 관한 연구)

  • Choi, Inho;Lee, Wonyoung;Eun, Beomjin;Heo, Jeongsook;Chang, Kwang-Hyeon;Oh, Jongmin
    • Journal of Environmental Impact Assessment
    • /
    • v.31 no.2
    • /
    • pp.83-94
    • /
    • 2022
  • In this study, DNN-based models were learned using air quality determination data for 2017, 2019, and 2020 provided by the National Measurement Network (Air Korea), and this models evaluated using data from 2016 and 2018. Based on Pearson correlation coefficient 0.2, four items (SO2, CO, NO2, PM10) were initially modeled as independent variables. In order to improve the accuracy of prediction, monthly independent modeling was carried out. The error was calculated by RMSE (Root Mean Square Error) method, and the initial model of RMSE was 5.78, which was about 46% betterthan the national moving average modelresult (10.77). In addition, the performance improvement of the independent monthly model was observed in months other than November compared to the initial model. Therefore, this study confirms that DNN modeling was effective in predicting PM2.5 concentrations based on air pollutants concentrations, and that the learning performance of the model could be improved by selecting additional independent variables.

k-NN Query Optimization Scheme Based on Machine Learning Using a DNN Model (DNN 모델을 이용한 기계 학습 기반 k-최근접 질의 처리 최적화 기법)

  • We, Ji-Won;Choi, Do-Jin;Lee, Hyeon-Byeong;Lim, Jong-Tae;Lim, Hun-Jin;Bok, Kyoung-Soo;Yoo, Jae-Soo
    • The Journal of the Korea Contents Association
    • /
    • v.20 no.10
    • /
    • pp.715-725
    • /
    • 2020
  • In this paper, we propose an optimization scheme for a k-Nearest Neighbor(k-NN) query, which finds k objects closest to the query in the high dimensional feature vectors. The k-NN query is converted and processed into a range query based on the range that is likely to contain k data. In this paper, we propose an optimization scheme using DNN model to derive an optimal range that can reduce processing cost and accelerate search speed. The entire system of the proposed scheme is composed of online and offline modules. In the online module, a query is actually processed when it is issued from a client. In the offline module, an optimal range is derived for the query by using the DNN model and is delivered to the online module. It is shown through various performance evaluations that the proposed scheme outperforms the existing schemes.

Implementation of Real Time Facial Expression and Speech Emotion Analyzer based on Haar Cascade and DNN (Haar Cascade와 DNN 기반의 실시간 얼굴 표정 및 음성 감정 분석기 구현)

  • Yu, Chan-Young;Seo, Duck-Kyu;Jung, Yuchul
    • Proceedings of the Korean Society of Computer Information Conference
    • /
    • 2021.01a
    • /
    • pp.33-36
    • /
    • 2021
  • 본 논문에서는 인간의 표정과 목소리를 기반으로 한 감정 분석기를 제안한다. 제안하는 분석기들은 수많은 인간의 표정 중 뚜렷한 특징을 가진 표정 7가지를 별도의 클래스로 구성하며, DNN 모델을 수정하여 사용하였다. 또한, 음성 데이터는 학습 데이터 증식을 위한 Data Augmentation을 하였으며, 학습 도중 과적합을 방지하기 위해 콜백 함수를 사용하여 가장 최적의 성능에 도달했을 때, Early-stop 되도록 설정했다. 제안하는 표정 감정 분석 모델의 학습 결과는 val loss값이 0.94, val accuracy 값은 0.66이고, 음성 감정 분석 모델의 학습 결과는 val loss 결과값이 0.89, val accuracy 값은 0.65로, OpenCV 라이브러리를 사용한 모델 테스트는 안정적인 결과를 도출하였다.

  • PDF

Implementation of Face Recognition Pipeline Model using Caffe (Caffe를 이용한 얼굴 인식 파이프라인 모델 구현)

  • Park, Jin-Hwan;Kim, Chang-Bok
    • Journal of Advanced Navigation Technology
    • /
    • v.24 no.5
    • /
    • pp.430-437
    • /
    • 2020
  • The proposed model implements a model that improves the face prediction rate and recognition rate through learning with an artificial neural network using face detection, landmark and face recognition algorithms. After landmarking in the face images of a specific person, the proposed model use the previously learned Caffe model to extract face detection and embedding vector 128D. The learning is learned by building machine learning algorithms such as support vector machine (SVM) and deep neural network (DNN). Face recognition is tested with a face image different from the learned figure using the learned model. As a result of the experiment, the result of learning with DNN rather than SVM showed better prediction rate and recognition rate. However, when the hidden layer of DNN is increased, the prediction rate increases but the recognition rate decreases. This is judged as overfitting caused by a small number of objects to be recognized. As a result of learning by adding a clear face image to the proposed model, it is confirmed that the result of high prediction rate and recognition rate can be obtained. This research will be able to obtain better recognition and prediction rates through effective deep learning establishment by utilizing more face image data.