• Title/Summary/Keyword: perceptron

Search Result 832, Processing Time 0.027 seconds

Using Neural Networks to Predict the Sense of Touch of Polyurethane Coated Fabrics (신경망이론은 이용한 폴리우레탄 코팅포 촉감의 예측)

  • 이정순;신혜원
    • Journal of the Korean Society of Clothing and Textiles
    • /
    • v.26 no.1
    • /
    • pp.152-159
    • /
    • 2002
  • Neural networks are used to predict the sense of touch of polyurethane coated fabrics. In this study, we used the multi layer perceptron (MLP) neural networks in Neural Connection. The learning algorithm for neural networks is back-propagation algorithm. We used 29 polyurethane coated fabrics to train the neural networks and 4 samples to test the neural networks. Input variables are 17 mechanical properties measured with KES-FB system, and output variable is the sense of touch of polyurethane coated fabrics. The influence of MLF function, the number of hidden layers, and the number of hidden nodes on the prediction accuracy is investigated. The results were as follows: MLP function, the number of hidden layer and the number of hidden nodes have some influence on the prediction accuracy. In this work, tangent function, the architecture of the double hidden layers and the 24-12-hidden nodes has the best prediction accuracy with the lowest RMS error. Using the neural networks to predict the sense of touch of polyurethane coated fabrics has hotter prediction accuracy than regression approach used in our previous study.

Air Pollutants Tracing Model using Perceptron Neural Network and Non-negative Least Square

  • Yu, Suk-Hyun;Kwon, Hee-Yong
    • Journal of Korea Multimedia Society
    • /
    • v.16 no.12
    • /
    • pp.1465-1474
    • /
    • 2013
  • In this paper, air pollutant tracing models using perceptron neural network(PNN) and non-negative least square(NNLS) are proposed. When the measured values of the air pollution and the contribution concentration of each source by chemical transport modeling are given, they estimate and trace the amount of the air pollutants emission from each source. Two kinds of emissions data are used in the experiments : CH4 and N2O of Geumgo-dong landfill greenhouse gas, and PM10 of 17 areas in Northeast Asia and eight regions of the Korean Peninsula. Emission values were calculated using pseudo inverse method, PNN and NNLS. Pseudo inverse method could be used for the model, but it may have negative emission values. In order to deal with the problem, we used the PNN and NNLS methods. As a result, the estimation using the NNLS is closer to the measured values than that using PNN. The proposed tracing models have better utilization and generalization than those of conventional pseudo inverse model. It could be used more efficiently for air quality management and air pollution reduction.

Voiced-Unvoiced-Silence Detection Algorithm using Perceptron Neural Network (퍼셉트론 신경회로망을 사용한 유성음, 무성음, 묵음 구간의 검출 알고리즘)

  • Choi, Jae-Seung
    • The Journal of the Korea institute of electronic communication sciences
    • /
    • v.6 no.2
    • /
    • pp.237-242
    • /
    • 2011
  • This paper proposes a detection algorithm for each section which detects the voiced section, unvoiced section, and the silence section at each frame using a multi-layer perceptron neural network. First, a power spectrum and FFT (fast Fourier transform) coefficients obtained by FFT are used as the input to the neural network for each frame, then the neural network is trained using these power spectrum and FFT coefficients. In this experiment, the performance of the proposed algorithm for detection of the voiced section, unvoiced section, and silence section was evaluated based on the detection rates using various speeches, which are degraded by white noise and used as the input data of the neural network. In this experiment, the detection rates were 92% or more for such speech and white noise when training data and evaluation data were the different.

Development of a Multi-criteria Pedestrian Pathfinding Algorithm by Perceptron Learning

  • Yu, Kyeonah;Lee, Chojung;Cho, Inyoung
    • Journal of the Korea Society of Computer and Information
    • /
    • v.22 no.12
    • /
    • pp.49-54
    • /
    • 2017
  • Pathfinding for pedestrians provided by various navigation programs is based on a shortest path search algorithm. There is no big difference in their guide results, which makes the path quality more important. Multiple criteria should be included in the search cost to calculate the path quality, which is called a multi-criteria pathfinding. In this paper we propose a user adaptive pathfinding algorithm in which the cost function for a multi-criteria pathfinding is defined as a weighted sum of multiple criteria and the weights are learned automatically by Perceptron learning. Weight learning is implemented in two ways: short-term weight learning that reflects weight changes in real time as the user moves and long-term weight learning that updates the weights by the average value of the entire path after completing the movement. We use the weight update method with momentum for long-term weight learning, so that learning speed is improved and the learned weight can be stabilized. The proposed method is implemented as an app and is applied to various movement situations. The results show that customized pathfinding based on user preference can be obtained.

Development of Multilayer Perceptron Model for the Prediction of Alcohol Concentration of Makgeolli

  • Kim, JoonYong;Rho, Shin-Joung;Cho, Yun Sung;Cho, EunSun
    • Journal of Biosystems Engineering
    • /
    • v.43 no.3
    • /
    • pp.229-236
    • /
    • 2018
  • Purpose: Makgeolli is a traditional alcoholic beverage made from rice with a fermentation starter called "nuruk." The concentration of alcohol in makgeolli depends on the temperature of the fermentation tank. It is important to monitor the alcohol concentration to manage the makgeolli production process. Methods: Data were collected from 84 makgeolli fermentation tanks over a year period. Independent variables included the temperatures of the tanks and the room where the tanks were located, as well as the quantity, acidity, and water concentration of the source. Software for the multilayer perceptron model (MLP) was written in Python using the Scikit-learn library. Results: Many models were created for which the optimization converged within 100 iterations, and their coefficients of determination $R^2$ were considerably high. The coefficient of determination $R^2$ of the best model with the training set and the test set were 0.94 and 0.93, respectively. The fact that the difference between them was very small indicated that the model was not overfitted. The maximum and minimum error was approximately 2% and the total MSE was 0.078%. Conclusions: The MLP model could help predict the alcohol concentration and to control the production process of makgeolli. In future research, the optimization of the production process will be studied based on the model.

A Multi-Layer Perceptron for Color Index based Vegetation Segmentation (색상지수 기반의 식물분할을 위한 다층퍼셉트론 신경망)

  • Lee, Moon-Kyu
    • Journal of Korean Society of Industrial and Systems Engineering
    • /
    • v.43 no.1
    • /
    • pp.16-25
    • /
    • 2020
  • Vegetation segmentation in a field color image is a process of distinguishing vegetation objects of interests like crops and weeds from a background of soil and/or other residues. The performance of the process is crucial in automatic precision agriculture which includes weed control and crop status monitoring. To facilitate the segmentation, color indices have predominantly been used to transform the color image into its gray-scale image. A thresholding technique like the Otsu method is then applied to distinguish vegetation parts from the background. An obvious demerit of the thresholding based segmentation will be that classification of each pixel into vegetation or background is carried out solely by using the color feature of the pixel itself without taking into account color features of its neighboring pixels. This paper presents a new pixel-based segmentation method which employs a multi-layer perceptron neural network to classify the gray-scale image into vegetation and nonvegetation pixels. The input data of the neural network for each pixel are 2-dimensional gray-level values surrounding the pixel. To generate a gray-scale image from a raw RGB color image, a well-known color index called Excess Green minus Excess Red Index was used. Experimental results using 80 field images of 4 vegetation species demonstrate the superiority of the neural network to existing threshold-based segmentation methods in terms of accuracy, precision, recall, and harmonic mean.

A comparison of Multilayer Perceptron with Logistic Regression for the Risk Factor Analysis of Type 2 Diabetes Mellitus (제2형 당뇨병의 위험인자 분석을 위한 다층 퍼셉트론과 로지스틱 회귀 모델의 비교)

  • 서혜숙;최진욱;이홍규
    • Journal of Biomedical Engineering Research
    • /
    • v.22 no.4
    • /
    • pp.369-375
    • /
    • 2001
  • The statistical regression model is one of the most frequently used clinical analysis methods. It has basic assumption of linearity, additivity and normal distribution of data. However, most of biological data in medical field are nonlinear and unevenly distributed. To overcome the discrepancy between the basic assumption of statistical model and actual biological data, we propose a new analytical method based on artificial neural network. The newly developed multilayer perceptron(MLP) is trained with 120 data set (60 normal, 60 patient). On applying test data, it shows the discrimination power of 0.76. The diabetic risk factors were also identified from the MLP neural network model and the logistic regression model. The signigicant risk factors identified by MLP model were post prandial glucose level(PP2), sex(male), fasting blood sugar(FBS) level, age, SBP, AC and WHR. Those from the regression model are sex(male), PP2, age and FBS. The combined risk factors can be identified using the MLP model. Those are total cholesterol and body weight, which is consistent with the result of other clinical studies. From this experiment we have learned that MLP can be applied to the combined risk factor analysis of biological data which can not be provided by the conventional statistical method.

  • PDF

A Segmentation-Based HMM and MLP Hybrid Classifier for English Legal Word Recognition (분할기반 은닉 마르코프 모델과 다층 퍼셉트론 결합 영문수표필기단어 인식시스템)

  • 김계경;김진호;박희주
    • Journal of the Korean Institute of Intelligent Systems
    • /
    • v.11 no.3
    • /
    • pp.200-207
    • /
    • 2001
  • In this paper, we propose an HMM(Hidden Markov modeJ)-MLP(Multi-layer perceptron) hybrid model for recognizing legal words on the English bank check. We adopt an explicit segmentation-based word level architecture to implement an HMM engine with nonscaled and non-normalized symbol vectors. We also introduce an MLP for implicit segmentation-based word recognition. The final recognition model consists of a hybrid combination of the HMM and MLP with a new hybrid probability measure. The main contributions of this model are a novel design of the segmentation-based variable length HMMs and an efficient method of combining two heterogeneous recognition engines. ExperimenLs have been conducted using the legal word database of CENPARMI with encouraging results.

  • PDF

Wine Quality Classification with Multilayer Perceptron

  • Agrawal, Garima;Kang, Dae-Ki
    • International Journal of Internet, Broadcasting and Communication
    • /
    • v.10 no.2
    • /
    • pp.25-30
    • /
    • 2018
  • This paper is about wine quality classification with multilayer perceptron using the deep neural network. Wine complexity is an issue when predicting the quality. And the deep neural network is considered when using complex dataset. Wine Producers always aim high to get the highest possible quality. They are working on how to achieve the best results with minimum cost and efforts. Deep learning is the possible solution for them. It can help them to understand the pattern and predictions. Although there have been past researchers, which shows how artificial neural network or data mining can be used with different techniques, in this paper, rather not focusing on various techniques, we evaluate how a deep learning model predicts for the quality using two different activation functions. It will help wine producers to decide, how to lead their business with deep learning. Prediction performance could change tremendously with different models and techniques used. There are many factors, which, impact the quality of the wine. Therefore, it is a good idea to use best features for prediction. However, it could also be a good idea to test this dataset without separating these features. It means we use all features so that the system can consider all the feature. In the experiment, due to the limited data set and limited features provided, it was not possible for a system to choose the effective features.

Korean continuous digit speech recognition by multilayer perceptron using KL transformation (KL 변환을 이용한 multilayer perceptron에 의한 한국어 연속 숫자음 인식)

  • 박정선;권장우;권정상;이응혁;홍승홍
    • Journal of the Korean Institute of Telematics and Electronics B
    • /
    • v.33B no.8
    • /
    • pp.105-113
    • /
    • 1996
  • In this paper, a new korean digita speech recognition technique was proposed using muktolayer perceptron (MLP). In spite of its weakness in dynamic signal recognition, MLP was adapted for this model, cecause korean syllable could give static features. It is so simle in its structure and fast in its computing that MLP was used to the suggested system. MLP's input vectors was transformed using karhunen-loeve transformation (KLT), which compress signal successfully without losin gits separateness, but its physical properties is changed. Because the suggested technique could extract static features while it is not affected from the changes of syllable lengths, it is effectively useful for korean numeric recognition system. Without decreasing classification rates, we can save the time and memory size for computation using KLT. The proposed feature extraction technique extracts same size of features form the tow same parts, front and end of a syllable. This technique makes frames, where features are extracted, using unique size of windows. It could be applied for continuous speech recognition that was not easy for the normal neural network recognition system.

  • PDF