• Title/Summary/Keyword: neural network optimization

Search Result 816, Processing Time 0.027 seconds

A Method to Find Feature Set for Detecting Various Denial Service Attacks in Power Grid (전력망에서의 다양한 서비스 거부 공격 탐지 위한 특징 선택 방법)

  • Lee, DongHwi;Kim, Young-Dae;Park, Woo-Bin;Kim, Joon-Seok;Kang, Seung-Ho
    • KEPCO Journal on Electric Power and Energy
    • /
    • v.2 no.2
    • /
    • pp.311-316
    • /
    • 2016
  • Network intrusion detection system based on machine learning method such as artificial neural network is quite dependent on the selected features in terms of accuracy and efficiency. Nevertheless, choosing the optimal combination of features, which guarantees accuracy and efficienty, from generally used many features to detect network intrusion requires extensive computing resources. In this paper, we deal with a optimal feature selection problem to determine 6 denial service attacks and normal usage provided by NSL-KDD data. We propose a optimal feature selection algorithm. Proposed algorithm is based on the multi-start local search algorithm, one of representative meta-heuristic algorithm for solving optimization problem. In order to evaluate the performance of our proposed algorithm, comparison with a case of all 41 features used against NSL-KDD data is conducted. In addtion, comparisons between 3 well-known machine learning methods (multi-layer perceptron., Bayes classifier, and Support vector machine) are performed to find a machine learning method which shows the best performance combined with the proposed feature selection method.

An Intelligent Intrusion Detection Model Based on Support Vector Machines and the Classification Threshold Optimization for Considering the Asymmetric Error Cost (비대칭 오류비용을 고려한 분류기준값 최적화와 SVM에 기반한 지능형 침입탐지모형)

  • Lee, Hyeon-Uk;Ahn, Hyun-Chul
    • Journal of Intelligence and Information Systems
    • /
    • v.17 no.4
    • /
    • pp.157-173
    • /
    • 2011
  • As the Internet use explodes recently, the malicious attacks and hacking for a system connected to network occur frequently. This means the fatal damage can be caused by these intrusions in the government agency, public office, and company operating various systems. For such reasons, there are growing interests and demand about the intrusion detection systems (IDS)-the security systems for detecting, identifying and responding to unauthorized or abnormal activities appropriately. The intrusion detection models that have been applied in conventional IDS are generally designed by modeling the experts' implicit knowledge on the network intrusions or the hackers' abnormal behaviors. These kinds of intrusion detection models perform well under the normal situations. However, they show poor performance when they meet a new or unknown pattern of the network attacks. For this reason, several recent studies try to adopt various artificial intelligence techniques, which can proactively respond to the unknown threats. Especially, artificial neural networks (ANNs) have popularly been applied in the prior studies because of its superior prediction accuracy. However, ANNs have some intrinsic limitations such as the risk of overfitting, the requirement of the large sample size, and the lack of understanding the prediction process (i.e. black box theory). As a result, the most recent studies on IDS have started to adopt support vector machine (SVM), the classification technique that is more stable and powerful compared to ANNs. SVM is known as a relatively high predictive power and generalization capability. Under this background, this study proposes a novel intelligent intrusion detection model that uses SVM as the classification model in order to improve the predictive ability of IDS. Also, our model is designed to consider the asymmetric error cost by optimizing the classification threshold. Generally, there are two common forms of errors in intrusion detection. The first error type is the False-Positive Error (FPE). In the case of FPE, the wrong judgment on it may result in the unnecessary fixation. The second error type is the False-Negative Error (FNE) that mainly misjudges the malware of the program as normal. Compared to FPE, FNE is more fatal. Thus, when considering total cost of misclassification in IDS, it is more reasonable to assign heavier weights on FNE rather than FPE. Therefore, we designed our proposed intrusion detection model to optimize the classification threshold in order to minimize the total misclassification cost. In this case, conventional SVM cannot be applied because it is designed to generate discrete output (i.e. a class). To resolve this problem, we used the revised SVM technique proposed by Platt(2000), which is able to generate the probability estimate. To validate the practical applicability of our model, we applied it to the real-world dataset for network intrusion detection. The experimental dataset was collected from the IDS sensor of an official institution in Korea from January to June 2010. We collected 15,000 log data in total, and selected 1,000 samples from them by using random sampling method. In addition, the SVM model was compared with the logistic regression (LOGIT), decision trees (DT), and ANN to confirm the superiority of the proposed model. LOGIT and DT was experimented using PASW Statistics v18.0, and ANN was experimented using Neuroshell 4.0. For SVM, LIBSVM v2.90-a freeware for training SVM classifier-was used. Empirical results showed that our proposed model based on SVM outperformed all the other comparative models in detecting network intrusions from the accuracy perspective. They also showed that our model reduced the total misclassification cost compared to the ANN-based intrusion detection model. As a result, it is expected that the intrusion detection model proposed in this paper would not only enhance the performance of IDS, but also lead to better management of FNE.

Korean Sentence Generation Using Phoneme-Level LSTM Language Model (한국어 음소 단위 LSTM 언어모델을 이용한 문장 생성)

  • Ahn, SungMahn;Chung, Yeojin;Lee, Jaejoon;Yang, Jiheon
    • Journal of Intelligence and Information Systems
    • /
    • v.23 no.2
    • /
    • pp.71-88
    • /
    • 2017
  • Language models were originally developed for speech recognition and language processing. Using a set of example sentences, a language model predicts the next word or character based on sequential input data. N-gram models have been widely used but this model cannot model the correlation between the input units efficiently since it is a probabilistic model which are based on the frequency of each unit in the training set. Recently, as the deep learning algorithm has been developed, a recurrent neural network (RNN) model and a long short-term memory (LSTM) model have been widely used for the neural language model (Ahn, 2016; Kim et al., 2016; Lee et al., 2016). These models can reflect dependency between the objects that are entered sequentially into the model (Gers and Schmidhuber, 2001; Mikolov et al., 2010; Sundermeyer et al., 2012). In order to learning the neural language model, texts need to be decomposed into words or morphemes. Since, however, a training set of sentences includes a huge number of words or morphemes in general, the size of dictionary is very large and so it increases model complexity. In addition, word-level or morpheme-level models are able to generate vocabularies only which are contained in the training set. Furthermore, with highly morphological languages such as Turkish, Hungarian, Russian, Finnish or Korean, morpheme analyzers have more chance to cause errors in decomposition process (Lankinen et al., 2016). Therefore, this paper proposes a phoneme-level language model for Korean language based on LSTM models. A phoneme such as a vowel or a consonant is the smallest unit that comprises Korean texts. We construct the language model using three or four LSTM layers. Each model was trained using Stochastic Gradient Algorithm and more advanced optimization algorithms such as Adagrad, RMSprop, Adadelta, Adam, Adamax, and Nadam. Simulation study was done with Old Testament texts using a deep learning package Keras based the Theano. After pre-processing the texts, the dataset included 74 of unique characters including vowels, consonants, and punctuation marks. Then we constructed an input vector with 20 consecutive characters and an output with a following 21st character. Finally, total 1,023,411 sets of input-output vectors were included in the dataset and we divided them into training, validation, testsets with proportion 70:15:15. All the simulation were conducted on a system equipped with an Intel Xeon CPU (16 cores) and a NVIDIA GeForce GTX 1080 GPU. We compared the loss function evaluated for the validation set, the perplexity evaluated for the test set, and the time to be taken for training each model. As a result, all the optimization algorithms but the stochastic gradient algorithm showed similar validation loss and perplexity, which are clearly superior to those of the stochastic gradient algorithm. The stochastic gradient algorithm took the longest time to be trained for both 3- and 4-LSTM models. On average, the 4-LSTM layer model took 69% longer training time than the 3-LSTM layer model. However, the validation loss and perplexity were not improved significantly or became even worse for specific conditions. On the other hand, when comparing the automatically generated sentences, the 4-LSTM layer model tended to generate the sentences which are closer to the natural language than the 3-LSTM model. Although there were slight differences in the completeness of the generated sentences between the models, the sentence generation performance was quite satisfactory in any simulation conditions: they generated only legitimate Korean letters and the use of postposition and the conjugation of verbs were almost perfect in the sense of grammar. The results of this study are expected to be widely used for the processing of Korean language in the field of language processing and speech recognition, which are the basis of artificial intelligence systems.

The Audience Behavior-based Emotion Prediction Model for Personalized Service (고객 맞춤형 서비스를 위한 관객 행동 기반 감정예측모형)

  • Ryoo, Eun Chung;Ahn, Hyunchul;Kim, Jae Kyeong
    • Journal of Intelligence and Information Systems
    • /
    • v.19 no.2
    • /
    • pp.73-85
    • /
    • 2013
  • Nowadays, in today's information society, the importance of the knowledge service using the information to creative value is getting higher day by day. In addition, depending on the development of IT technology, it is ease to collect and use information. Also, many companies actively use customer information to marketing in a variety of industries. Into the 21st century, companies have been actively using the culture arts to manage corporate image and marketing closely linked to their commercial interests. But, it is difficult that companies attract or maintain consumer's interest through their technology. For that reason, it is trend to perform cultural activities for tool of differentiation over many firms. Many firms used the customer's experience to new marketing strategy in order to effectively respond to competitive market. Accordingly, it is emerging rapidly that the necessity of personalized service to provide a new experience for people based on the personal profile information that contains the characteristics of the individual. Like this, personalized service using customer's individual profile information such as language, symbols, behavior, and emotions is very important today. Through this, we will be able to judge interaction between people and content and to maximize customer's experience and satisfaction. There are various relative works provide customer-centered service. Specially, emotion recognition research is emerging recently. Existing researches experienced emotion recognition using mostly bio-signal. Most of researches are voice and face studies that have great emotional changes. However, there are several difficulties to predict people's emotion caused by limitation of equipment and service environments. So, in this paper, we develop emotion prediction model based on vision-based interface to overcome existing limitations. Emotion recognition research based on people's gesture and posture has been processed by several researchers. This paper developed a model that recognizes people's emotional states through body gesture and posture using difference image method. And we found optimization validation model for four kinds of emotions' prediction. A proposed model purposed to automatically determine and predict 4 human emotions (Sadness, Surprise, Joy, and Disgust). To build up the model, event booth was installed in the KOCCA's lobby and we provided some proper stimulative movie to collect their body gesture and posture as the change of emotions. And then, we extracted body movements using difference image method. And we revised people data to build proposed model through neural network. The proposed model for emotion prediction used 3 type time-frame sets (20 frames, 30 frames, and 40 frames). And then, we adopted the model which has best performance compared with other models.' Before build three kinds of models, the entire 97 data set were divided into three data sets of learning, test, and validation set. The proposed model for emotion prediction was constructed using artificial neural network. In this paper, we used the back-propagation algorithm as a learning method, and set learning rate to 10%, momentum rate to 10%. The sigmoid function was used as the transform function. And we designed a three-layer perceptron neural network with one hidden layer and four output nodes. Based on the test data set, the learning for this research model was stopped when it reaches 50000 after reaching the minimum error in order to explore the point of learning. We finally processed each model's accuracy and found best model to predict each emotions. The result showed prediction accuracy 100% from sadness, and 96% from joy prediction in 20 frames set model. And 88% from surprise, and 98% from disgust in 30 frames set model. The findings of our research are expected to be useful to provide effective algorithm for personalized service in various industries such as advertisement, exhibition, performance, etc.

Design of Optimized Type-2 Fuzzy RBFNN Echo Pattern Classifier Using Meterological Radar Data (기상레이더를 이용한 최적화된 Type-2 퍼지 RBFNN 에코 패턴분류기 설계)

  • Song, Chan-Seok;Lee, Seung-Chul;Oh, Sung-Kwun
    • The Transactions of The Korean Institute of Electrical Engineers
    • /
    • v.64 no.6
    • /
    • pp.922-934
    • /
    • 2015
  • In this paper, The classification between precipitation echo(PRE) and non-precipitation echo(N-PRE) (including ground echo and clear echo) is carried out from weather radar data using neuro-fuzzy algorithm. In order to classify between PRE and N-PRE, Input variables are built up through characteristic analysis of radar data. First, the event classifier as the first classification step is designed to classify precipitation event and non-precipitation event using input variables of RBFNNs such as DZ, DZ of Frequency(DZ_FR), SDZ, SDZ of Frequency(SDZ_FR), VGZ, VGZ of Frequency(VGZ_FR). After the event classification, in the precipitation event including non-precipitation echo, the non-precipitation echo is completely removed by the echo classifier of the second classifier step that is built as Type-2 FCM based RBFNNs. Also, parameters of classification system are acquired for effective performance using PSO(Particle Swarm Optimization). The performance results of the proposed echo classifier are compared with CZ. In the sequel, the proposed model architectures which use event classifier as well as the echo classifier of Interval Type-2 FCM based RBFNN show the superiority of output performance when compared with the conventional echo classifier based on RBFNN.

Design of RBFNN-based Emotional Lighting System Using RGBW LED (RGBW LED 이용한 RBFNN 기반 감성조명 시스템 설계)

  • Lim, Sung-Joon;Oh, Sung-Kwun
    • The Transactions of The Korean Institute of Electrical Engineers
    • /
    • v.62 no.5
    • /
    • pp.696-704
    • /
    • 2013
  • In this paper, we introduce the LED emotional lighting system realized with the aid of both intelligent algorithm and RGB LED combined with White LED. Generally, the illumination is known as a design factor to form the living place that affects human's emotion and action in the light- space as well as the purpose to light up the specific space. The LED emotional lighting system that can express emotional atmosphere as well as control the quantity of light is designed by using both RGB LED to form the emotional mood and W LED to get sufficient amount of light. RBFNNs is used as the intelligent algorithm and the network model designed with the aid of LED control parameters (viz. color coordinates (x and y) related to color temperature, and lux as inputs, RGBW current as output) plays an important role to build up the LED emotional lighting system for obtaining appropriate color space. Unlike conventional RBFNNs, Fuzzy C-Means(FCM) clustering method is used to obtain the fitness values of the receptive function, and the connection weights of the consequence part of networks are expressed by polynomial functions. Also, the parameters of RBFNN model are optimized by using PSO(Particle Swarm Optimization). The proposed LED emotional lighting can save the energy by using the LED light source and improve the ability to work as well as to learn by making an adequate mood under diverse surrounding conditions.

PRINCIPAL COMPONENTS BASED SUPPORT VECTOR REGRESSION MODEL FOR ON-LINE INSTRUMENT CALIBRATION MONITORING IN NPPS

  • Seo, In-Yong;Ha, Bok-Nam;Lee, Sung-Woo;Shin, Chang-Hoon;Kim, Seong-Jun
    • Nuclear Engineering and Technology
    • /
    • v.42 no.2
    • /
    • pp.219-230
    • /
    • 2010
  • In nuclear power plants (NPPs), periodic sensor calibrations are required to assure that sensors are operating correctly. By checking the sensor's operating status at every fuel outage, faulty sensors may remain undetected for periods of up to 24 months. Moreover, typically, only a few faulty sensors are found to be calibrated. For the safe operation of NPP and the reduction of unnecessary calibration, on-line instrument calibration monitoring is needed. In this study, principal component-based auto-associative support vector regression (PCSVR) using response surface methodology (RSM) is proposed for the sensor signal validation of NPPs. This paper describes the design of a PCSVR-based sensor validation system for a power generation system. RSM is employed to determine the optimal values of SVR hyperparameters and is compared to the genetic algorithm (GA). The proposed PCSVR model is confirmed with the actual plant data of Kori Nuclear Power Plant Unit 3 and is compared with the Auto-Associative support vector regression (AASVR) and the auto-associative neural network (AANN) model. The auto-sensitivity of AASVR is improved by around six times by using a PCA, resulting in good detection of sensor drift. Compared to AANN, accuracy and cross-sensitivity are better while the auto-sensitivity is almost the same. Meanwhile, the proposed RSM for the optimization of the PCSVR algorithm performs even better in terms of accuracy, auto-sensitivity, and averaged maximum error, except in averaged RMS error, and this method is much more time efficient compared to the conventional GA method.

NUMERICAL STUDY OF TURBINE BLADE COOLING TECHNIQUES (터빈 블레이드 냉각시스템에 관한 수치해석적 연구)

  • Kim, K.Y.;Lee, K.D.;Moon, M.A.;Heo, M.W.;Kim, H.M.;Kim, J.H.;Husain, A.
    • 한국전산유체공학회:학술대회논문집
    • /
    • 2010.05a
    • /
    • pp.530-533
    • /
    • 2010
  • This paper presents numerical analysis and design optimization of various turbine blade cooling techniques with three-dimensional Reynolds-averaged Navier-Stokes(RANS) analysis. The fluid flow and heat transfer have been performed using ANSYS-CFX 11.0. A fan-shaped hole for film-cooling has been carried out to improve film-cooling effectiveness with the radial basis neural network method. The injection angle of hole, lateral expansion angle of hole and ratio of length-to-diameter of the hole are chosen as design variables and spatially averaged film-cooling effectiveness is considered as an objective function which is to be maximized. The impingement jet cooling has been performed to investigate heat transfer characteristic with geometry variables. Distance between jet nozzle exit and impingement plate, inclination of nozzle and aspect ratio of nozzle hole are considered as geometry variables. The area averaged Nusselt number is evaluated each geometry variables. A rotating rectangular channel with staggered array pin-fins has been investigated to increase heat transfer performance ad to decrease friction loss using KRG modeling. Two non-dimensional variables, the ratio of the eight diameter of the pin-fins and ratio of the spacing between the pin-fins to diameter of the pin-fins selected as design variables. A rotating rectangular channel with staggered dimples on opposite walls are formulated numerically to enhance heat transfer performance. The ratio of the dimple depth and dimple diameter are selected as geometry variables.

  • PDF

Improvement of existing machine learning methods of digital signal by changing the step-size (학습률(Step-Size)변화에 따른 디지털 신호의 기계학습 방법 개선)

  • Ji, Sangmin;Park, Jieun
    • Journal of Digital Convergence
    • /
    • v.18 no.2
    • /
    • pp.261-268
    • /
    • 2020
  • Machine learning is achieved by making a cost function from a given digital signal data and optimizing the cost function. The cost function here has local minimums in the cost function depending on the amount of digital signal data and the structure of the neural network. These local minimums make a problem that prevents learning. Among the many ways of solving these methods, our proposed method is to change the learning step-size. Unlike existed methods using the learning rate (step-size) as a fixed constant, the use of multivariate function as the cost function prevent unnecessary machine learning and find the best way to the minimum value. Numerical experiments show that the results of the proposed method improve about 3%(88.8%→91.5%) performance using the proposed method rather than the existed methods.

Traffic Rout Choice by means of Fuzzy Identification (퍼지 동정에 의한 교통경로선택)

  • 오성권;남궁문;안태천
    • Journal of the Korean Institute of Intelligent Systems
    • /
    • v.6 no.2
    • /
    • pp.81-89
    • /
    • 1996
  • A design method of fuzzy modeling is presented for the model identification of route choice of traffic problems.The proposed fuzzy modeling implements system structure and parameter identification in the eficient form of""IF..., THEN-.."", using the theories of optimization theory, linguistic fuzzy implication rules. Three kinds ofmethod for fuzzy modeling presented in this paper include simplified inference (type I), linear inference (type 21,and proposed modified-linear inference (type 3). The fuzzy inference method are utilized to develop the routechoice model in terms of accurate estimation and precise description of human travel behavior. In order to identifypremise structure and parameter of fuzzy implication rules, improved complex method is used and the least squaremethod is utilized for the identification of optimum consequence parameters. Data for route choice of trafficproblems are used to evaluate the performance of the proposed fuzzy modeling. The results show that the proposedmethod can produce the fuzzy model with higher accuracy than previous other studies -BL(binary logic) model,B(production system) model, FL(fuzzy logic) model, NN(neura1 network) model, and FNNs (fuzzy-neuralnetworks) model -.fuzzy-neural networks) model -.

  • PDF