• 제목/요약/키워드: hidden layer

검색결과 511건 처리시간 0.022초

깊은 신경망을 이용한 오디오 이벤트 분류 (Audio Event Classification Using Deep Neural Networks)

  • 임민규;이동현;김광호;김지환
    • 말소리와 음성과학
    • /
    • 제7권4호
    • /
    • pp.27-33
    • /
    • 2015
  • This paper proposes an audio event classification method using Deep Neural Networks (DNN). The proposed method applies Feed Forward Neural Network (FFNN) to generate event probabilities of ten audio events (dog barks, engine idling, and so on) for each frame. For each frame, mel scale filter bank features of its consecutive frames are used as the input vector of the FFNN. These event probabilities are accumulated for the events and the classification result is determined as the event with the highest accumulated probability. For the same dataset, the best accuracy of previous studies was reported as about 70% when the Support Vector Machine (SVM) was applied. The best accuracy of the proposed method achieves as 79.23% for the UrbanSound8K dataset when 80 mel scale filter bank features each from 7 consecutive frames (in total 560) were implemented as the input vector for the FFNN with two hidden layers and 2,000 neurons per hidden layer. In this configuration, the rectified linear unit was suggested as its activation function.

신경 회로망에 의한 로보트 매니퓰레이터의 PTP 운동에 관한 연구 (A Study on the PTP Motion of Robot Manipulators by Neural Networks)

  • 경계현;고명삼;이범희
    • 대한전기학회:학술대회논문집
    • /
    • 대한전기학회 1989년도 하계종합학술대회 논문집
    • /
    • pp.679-684
    • /
    • 1989
  • In this paper, we describe the PTP notion of robot manipulators by neural networks. The PTP motion requires the inverse kinematic redline and the joint trajectory generation algorithm. We use the multi-layered Perceptron neural networks and the Error Back Propagation(EBP) learning rule for inverse kinematic problems. Varying the number of hidden layers and the neurons of each hidden layer, we investigate the performance of the neural networks. Increasing the number of learning sweeps, we also discuss the performance of the neural networks. We propose a method for solving the inverse kinematic problems by adding the error compensation neural networks(ECNN). And, we implement the neural networks proposed by Grossberg et al. for automatic trajectory generation and discuss the problems in detail. Applying the neural networks to the current trajectory generation problems, we can refute the computation time for trajectory generation.

  • PDF

스케일링-웨이블렛 신경회로망 구조 (The Structure of Scaling-Wavelet Neural Network)

  • 김성주;서재용;김용택;조현찬;전홍태
    • 한국지능시스템학회:학술대회논문집
    • /
    • 한국퍼지및지능시스템학회 2001년도 춘계학술대회 학술발표 논문집
    • /
    • pp.65-68
    • /
    • 2001
  • RBFN has some problem that because the basis function isnt orthogonal to each others the number of used basis function goes to big. In this reason, the Wavelet Neural Network which uses the orthogonal basis function in the hidden node appears. In this paper, we propose the composition method of the actual function in hidden layer with the scaling function which can represent the region by which the several wavelet can be represented. In this method, we can decrease the size of the network with the pure several wavelet function. In addition to, when we determine the parameters of the scaling function we can process rough approximation and then the network becomes more stable. The other wavelets can be determined by the global solutions which is suitable for the suggested problem using the genetic algorithm and also, we use the back-propagation algorithm in the learning of the weights. In this step, we approximate the target function with fine tuning level. The complex neural network suggested in this paper is a new structure and important simultaneously in the point of handling the determination problem in the wavelet initialization.

  • PDF

RBFN을 이용한 음소인식에 관한 연구 (A study on the phoneme recognition using radial basis function network)

  • 김주성;김수훈;허강인
    • 한국통신학회논문지
    • /
    • 제22권5호
    • /
    • pp.1026-1035
    • /
    • 1997
  • 본 연구는 RBFN의 일종인 GPFN과 PNN을 이용한 음소인식에 관한 연구이다. RBFN의 구조는 계층형 신경망의 구조와 유사하지만, hidden층에서 활성화함수, 참조벡터 및 학습알고리듬의 선택이 다르다. 특히 PNN은 시그모이드 함수가 지수를 포함한 함수들의 한 분류로 대체된다는 것이며, 학습이 필요없으므로 전체계산 시간이 빠르게 수행된다. 5모음, 12자음을 대상으로 한 음소인식 실험에서 평가데이터, VQ와 LVQ에 의한 코드북 데이터를 사용한 경우에 음성의 통계적 특성을 잘 반영하고 있는 RBFN의 일종인 GPFN과 PNN의 인식결과가 MLP보다 우수하였다.

  • PDF

DNN을 활용한 건설현장 품질관리 시스템 개발을 위한 기초연구 (A Preliminary Study of the Development of DNN-Based Prediction Model for Quality Management)

  • 석장환;권우빈;이학주;이찬우;조훈희
    • 한국건축시공학회:학술대회논문집
    • /
    • 한국건축시공학회 2022년도 가을 학술논문 발표대회
    • /
    • pp.223-224
    • /
    • 2022
  • The occurrence of defect, one of the major risk elements, gives rise to construction delays and additional costs. Although construction companies generally prefer to use a method of identifying and classifying the causes of defects, a system for predicting the rise of defects becomes important matter to reduce this harmful issue. However, the currently used methods are kinds of reactive systems that are focused on the defects which occurred already, and there are few studies on the occurrence of defects with prediction systems. This paper is about preliminary study on the development of judgemental algorithm that informs us whether additional works related to defect issue are needed or not. Among machine learning techniques, deep neural network was utilized as prediction model which is a major component of algorithm. It is the most suitable model to be applied to the algorithm when there are 8 hidden layers and the average number of nodes in each hidden layer is 70. Ultimately, the algorithm can identify and defects that may arise in later and contribute to minimize defect frequency.

  • PDF

Area-wise relational knowledge distillation

  • Sungchul Cho;Sangje Park;Changwon Lim
    • Communications for Statistical Applications and Methods
    • /
    • 제30권5호
    • /
    • pp.501-516
    • /
    • 2023
  • Knowledge distillation (KD) refers to extracting knowledge from a large and complex model (teacher) and transferring it to a relatively small model (student). This can be done by training the teacher model to obtain the activation function values of the hidden or the output layers and then retraining the student model using the same training data with the obtained values. Recently, relational KD (RKD) has been proposed to extract knowledge about relative differences in training data. This method improved the performance of the student model compared to conventional KDs. In this paper, we propose a new method for RKD by introducing a new loss function for RKD. The proposed loss function is defined using the area difference between the teacher model and the student model in a specific hidden layer, and it is shown that the model can be successfully compressed, and the generalization performance of the model can be improved. We demonstrate that the accuracy of the model applying the method proposed in the study of model compression of audio data is up to 1.8% higher than that of the existing method. For the study of model generalization, we demonstrate that the model has up to 0.5% better performance in accuracy when introducing the RKD method to self-KD using image data.

상관 계수를 이용한 다층퍼셉트론의 계층별 학습 (A Layer-by-Layer Learning Algorithm using Correlation Coefficient for Multilayer Perceptrons)

  • 곽영태
    • 한국컴퓨터정보학회논문지
    • /
    • 제16권8호
    • /
    • pp.39-47
    • /
    • 2011
  • 다층퍼셉트론의 계층별 학습 방법의 하나인 Ergezinger 방법은 출력 노드가 1개로 구성되어 있고, 출력층의 가중치를 최소자승법으로 학습하기 때문에 출력층의 가중치에 조기포화 현상이 발생할 수 있다. 이런 조기 포화현상은 학습 시간과 수렴 속도에 장애가 된다. 따라서, 본 논문은 Ergezinger의 학습 방법을 출력층에서 벡터 형태로 학습할 수 있는 알고리즘으로 확대하고 학습 시간과수렴 속도를 개선하기 위해서 학습 상수를 도입한다. 학습상수는 은닉층 가중치 조정 시, 새로이 계산된 가중치와 기존 가중치의 상관 관계를 계산하여 학습 상수에 반영하는 가변적인 방법이다. 실험은 제안된 방법과 기존 방법의 비교를 위해서 iris 문제와 비선형 근사화 문제를 대상으로 실험하였다. 실험에서, 제안 방법은 기존 Ergezinger 방법보다 학습 시간과 수렴 속도에서 우수한 결과를 얻었으며, 상관 관계를 고려한 CPU time 측정에서도 제안한 방법이 기존 방법보다 약 35%의 시간을 절약할 수 있었다.

Classification of Premature Ventricular Contraction using Error Back-Propagation

  • Jeon, Eunkwang;Jung, Bong-Keun;Nam, Yunyoung;Lee, HwaMin
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제12권2호
    • /
    • pp.988-1001
    • /
    • 2018
  • Arrhythmia has recently emerged as one of the major causes of death in Koreans. Premature Ventricular Contraction (PVC) is the most common arrhythmia that can be found in clinical practice, and it may be a precursor to dangerous arrhythmias, such as paroxysmal insomnia, ventricular fibrillation, and coronary artery disease. Therefore, we need for a method that can detect an abnormal heart beat and diagnose arrhythmia early. We extracted the features corresponding to the QRS pattern from the subject's ECG signal and classify the premature ventricular contraction waveform using the features. We modified the weighting and bias values based on the error back-propagation algorithm through learning data. We classify the normal signal and the premature ventricular contraction signal through the modified weights and deflection values. MIT-BIH arrhythmia data sets were used for performance tests. We used RR interval, QS interval, QR amplitude and RS amplitude features. And the hidden layer with two nodes is composed of two layers to form a total three layers (input layer 0, output layer 3).

Cancer Prediction Based on Radical Basis Function Neural Network with Particle Swarm Optimization

  • Yan, Xiao-Bo;Xiong, Wei-Qing;Hu, Liang;Zhao, Kuo
    • Asian Pacific Journal of Cancer Prevention
    • /
    • 제15권18호
    • /
    • pp.7775-7780
    • /
    • 2014
  • This paper addresses cancer prediction based on radial basis function neural network optimized by particle swarm optimization. Today, cancer hazard to people is increasing, and it is often difficult to cure cancer. The occurrence of cancer can be predicted by the method of the computer so that people can take timely and effective measures to prevent the occurrence of cancer. In this paper, the occurrence of cancer is predicted by the means of Radial Basis Function Neural Network Optimized by Particle Swarm Optimization. The neural network parameters to be optimized include the weight vector between network hidden layer and output layer, and the threshold of output layer neurons. The experimental data were obtained from the Wisconsin breast cancer database. A total of 12 experiments were done by setting 12 different sets of experimental result reliability. The findings show that the method can improve the accuracy, reliability and stability of cancer prediction greatly and effectively.

인공신경회로망을 이용한 탄산가스 아크 용접의 잔류응력 예측에 관한 연구 (A Study of Predicting Method of Residual Stress Using Artificial Neural Network in $CO_2$ Arc Welding)

  • 조용준;이세헌;엄기원
    • Journal of Welding and Joining
    • /
    • 제13권3호
    • /
    • pp.77-88
    • /
    • 1995
  • A prediction method for determining the welding residual stress by artificial neural network is proposed. A three-dimensional transient thermomechanical analysis has been performed for the CO$_{2}$ arc welding using the finite element method. The first part of numerical analysis performs a three-dimensional transient heat transfer analysis, and the second part then uses the results of the first part and performs a three-dimensional transient thermo-elastic-plastic analysis to compute transient and residual stresses in the weld. Data from the finite element method are used to train a backpropagation neural network to predict the residual stress. Architecturally, the fully interconnected network consists of an input layer for the voltage and current, a hidden layer to accommodate the ailure mechanism mapping, and an output layer for the residual stress. The trained network is then applied to the prediction of residual stress in the four specimens. It is concluded that the accuracy of the neural network predicting method is fully comparable with the accuracy achieved by the traditional predicting method.

  • PDF