• Title/Summary/Keyword: Learning structure optimization

Search Result 149, Processing Time 0.047 seconds

Reward Design of Reinforcement Learning for Development of Smart Control Algorithm (스마트 제어알고리즘 개발을 위한 강화학습 리워드 설계)

  • Kim, Hyun-Su;Yoon, Ki-Yong
    • Journal of Korean Association for Spatial Structures
    • /
    • v.22 no.2
    • /
    • pp.39-46
    • /
    • 2022
  • Recently, machine learning is widely used to solve optimization problems in various engineering fields. In this study, machine learning is applied to development of a control algorithm for a smart control device for reduction of seismic responses. For this purpose, Deep Q-network (DQN) out of reinforcement learning algorithms was employed to develop control algorithm. A single degree of freedom (SDOF) structure with a smart tuned mass damper (TMD) was used as an example structure. A smart TMD system was composed of MR (magnetorheological) damper instead of passive damper. Reward design of reinforcement learning mainly affects the control performance of the smart TMD. Various hyper-parameters were investigated to optimize the control performance of DQN-based control algorithm. Usually, decrease of the time step for numerical simulation is desirable to increase the accuracy of simulation results. However, the numerical simulation results presented that decrease of the time step for reward calculation might decrease the control performance of DQN-based control algorithm. Therefore, a proper time step for reward calculation should be selected in a DQN training process.

Development of Prediction Model of Chloride Diffusion Coefficient using Machine Learning (기계학습을 이용한 염화물 확산계수 예측모델 개발)

  • Kim, Hyun-Su
    • Journal of Korean Association for Spatial Structures
    • /
    • v.23 no.3
    • /
    • pp.87-94
    • /
    • 2023
  • Chloride is one of the most common threats to reinforced concrete (RC) durability. Alkaline environment of concrete makes a passive layer on the surface of reinforcement bars that prevents the bar from corrosion. However, when the chloride concentration amount at the reinforcement bar reaches a certain level, deterioration of the passive protection layer occurs, causing corrosion and ultimately reducing the structure's safety and durability. Therefore, understanding the chloride diffusion and its prediction are important to evaluate the safety and durability of RC structure. In this study, the chloride diffusion coefficient is predicted by machine learning techniques. Various machine learning techniques such as multiple linear regression, decision tree, random forest, support vector machine, artificial neural networks, extreme gradient boosting annd k-nearest neighbor were used and accuracy of there models were compared. In order to evaluate the accuracy, root mean square error (RMSE), mean square error (MSE), mean absolute error (MAE) and coefficient of determination (R2) were used as prediction performance indices. The k-fold cross-validation procedure was used to estimate the performance of machine learning models when making predictions on data not used during training. Grid search was applied to hyperparameter optimization. It has been shown from numerical simulation that ensemble learning methods such as random forest and extreme gradient boosting successfully predicted the chloride diffusion coefficient and artificial neural networks also provided accurate result.

Design of SVM-Based Gas Classifier with Self-Learning Capability (자가학습 가능한 SVM 기반 가스 분류기의 설계)

  • Jeong, Woojae;Jung, Yunho
    • Journal of IKEEE
    • /
    • v.23 no.4
    • /
    • pp.1400-1407
    • /
    • 2019
  • In this paper, we propose a support vector machine (SVM) based gas classifier that can support real-time self-learning. The modified sequential minimal optimization (MSMO) algorithm is employed to train the proposed SVM. By using a shared structure for learning and classification, the proposed SVM reduced the hardware area by 35% compared to the existing architecture. Our system was implemented with 3,337 CLB (configurable logic block) LUTs (look-up table) with Xilinx Zynq UltraScale+ FPGA (field programmable gate array) and verified that it can operate at the clock frequency of 108MHz.

Feature selection using genetic algorithm for constructing time-series modelling

  • Oh, Sang-Keon;Hong, Sun-Gi;Kim, Chang-Hyun;Lee, Ju-Jang
    • 제어로봇시스템학회:학술대회논문집
    • /
    • 2001.10a
    • /
    • pp.102.4-102
    • /
    • 2001
  • An evolutionary structure optimization method for the Gaussian radial basis function (RBF) network is presented, for modelling and predicting nonlinear time series. Generalization performance is significantly improved with a much smaller network, compared with that of the usual clustering and least square learning method.

  • PDF

Structural failure classification for reinforced concrete buildings using trained neural network based multi-objective genetic algorithm

  • Chatterjee, Sankhadeep;Sarkar, Sarbartha;Hore, Sirshendu;Dey, Nilanjan;Ashour, Amira S.;Shi, Fuqian;Le, Dac-Nhuong
    • Structural Engineering and Mechanics
    • /
    • v.63 no.4
    • /
    • pp.429-438
    • /
    • 2017
  • Structural design has an imperative role in deciding the failure possibility of a Reinforced Concrete (RC) structure. Recent research works achieved the goal of predicting the structural failure of the RC structure with the assistance of machine learning techniques. Previously, the Artificial Neural Network (ANN) has been trained supported by Particle Swarm Optimization (PSO) to classify RC structures with reasonable accuracy. Though, keeping in mind the sensitivity in predicting the structural failure, more accurate models are still absent in the context of Machine Learning. Since the efficiency of multi-objective optimization over single objective optimization techniques is well established. Thus, the motivation of the current work is to employ a Multi-objective Genetic Algorithm (MOGA) to train the Neural Network (NN) based model. In the present work, the NN has been trained with MOGA to minimize the Root Mean Squared Error (RMSE) and Maximum Error (ME) toward optimizing the weight vector of the NN. The model has been tested by using a dataset consisting of 150 RC structure buildings. The proposed NN-MOGA based model has been compared with Multi-layer perceptron-feed-forward network (MLP-FFN) and NN-PSO based models in terms of several performance metrics. Experimental results suggested that the NN-MOGA has outperformed other existing well known classifiers with a reasonable improvement over them. Meanwhile, the proposed NN-MOGA achieved the superior accuracy of 93.33% and F-measure of 94.44%, which is superior to the other classifiers in the present study.

Design of Fuzzy Relation-based Fuzzy Neural Networks with Multi-Output and Its Optimization (다중 출력을 가지는 퍼지 관계 기반 퍼지뉴럴네트워크 설계 및 최적화)

  • Park, Keon-Jun;Kim, Hyun-Ki;Oh, Sung-Kwun
    • The Transactions of The Korean Institute of Electrical Engineers
    • /
    • v.58 no.4
    • /
    • pp.832-839
    • /
    • 2009
  • In this paper, we introduce an design of fuzzy relation-based fuzzy neural networks with multi-output. Fuzzy relation-based fuzzy neural networks comprise the network structure generated by dividing the entire input space. The premise part of the fuzzy rules of the network reflects the relation of the division space for the entire input space and the consequent part of the fuzzy rules expresses three types of polynomial functions such as constant, linear, and modified quadratic. For the multi-output structure the neurons in the output layer were connected with connection weights. The learning of fuzzy neural networks is realized by adjusting connections of the neurons both in the consequent part of the fuzzy rules and in the output layer, and it follows a back-propagation algorithm. In addition, in order to optimize the network, the parameters of the network such as apexes of membership functions, learning rate and momentum coefficient are automatically optimized by using real-coded genetic algorithm. Two examples are included to evaluate the performance of the proposed network.

Multi-Radial Basis Function SVM Classifier: Design and Analysis

  • Wang, Zheng;Yang, Cheng;Oh, Sung-Kwun;Fu, Zunwei
    • Journal of Electrical Engineering and Technology
    • /
    • v.13 no.6
    • /
    • pp.2511-2520
    • /
    • 2018
  • In this study, Multi-Radial Basis Function Support Vector Machine (Multi-RBF SVM) classifier is introduced based on a composite kernel function. In the proposed multi-RBF support vector machine classifier, the input space is divided into several local subsets considered for extremely nonlinear classification tasks. Each local subset is expressed as nonlinear classification subspace and mapped into feature space by using kernel function. The composite kernel function employs the dual RBF structure. By capturing the nonlinear distribution knowledge of local subsets, the training data is mapped into higher feature space, then Multi-SVM classifier is realized by using the composite kernel function through optimization procedure similar to conventional SVM classifier. The original training data set is partitioned by using some unsupervised learning methods such as clustering methods. In this study, three types of clustering method are considered such as Affinity propagation (AP), Hard C-Mean (HCM) and Iterative Self-Organizing Data Analysis Technique Algorithm (ISODATA). Experimental results on benchmark machine learning datasets show that the proposed method improves the classification performance efficiently.

Hybrid Multi-layer Perceptron with Fuzzy Set-based PNs with the Aid of Symbolic Coding Genetic Algorithms

  • Roh, Seok-Beom;Oh, Sung-Kwun;Ahn, Tae-Chon
    • Proceedings of the KIEE Conference
    • /
    • 2005.10b
    • /
    • pp.155-157
    • /
    • 2005
  • We propose a new category of hybrid multi-layer neural networks with hetero nodes such as Fuzzy Set based Polynomial Neurons (FSPNs) and Polynomial Neurons (PNs). These networks are based on a genetically optimized multi-layer perceptron. We develop a comprehensive design methodology involving mechanisms of genetic optimization and genetic algorithms, in particular. The augmented genetically optimized HFPNN (namely gHFPNN) results in a structurally optimized structure and comes with a higher level of flexibility in comparison to the one we encounter in the conventional HFPNN. The GA-based design procedure being applied at each layer of HFPNN leads to the selection of preferred nodes (FPNs or PNs) available within the HFPNN. In the sequel, two general optimization mechanisms are explored. First, the structural optimization is realized via GAs whereas the ensuing detailed parametric optimization is carried out in the setting of a standard least square method-based learning. The performance of the gHFPNNs quantified through experimentation where we use a number of modeling benchmarks-synthetic and experimental data already experimented with in fuzzy or neurofuzzy modeling.

  • PDF

Analysis of Evolutionary Optimization Methods for CNN Structures (CNN 구조의 진화 최적화 방식 분석)

  • Seo, Kisung
    • The Transactions of The Korean Institute of Electrical Engineers
    • /
    • v.67 no.6
    • /
    • pp.767-772
    • /
    • 2018
  • Recently, some meta-heuristic algorithms, such as GA(Genetic Algorithm) and GP(Genetic Programming), have been used to optimize CNN(Convolutional Neural Network). The CNN, which is one of the deep learning models, has seen much success in a variety of computer vision tasks. However, designing CNN architectures still requires expert knowledge and a lot of trial and error. In this paper, the recent attempts to automatically construct CNN architectures are investigated and analyzed. First, two GA based methods are summarized. One is the optimization of CNN structures with the number and size of filters, connection between consecutive layers, and activation functions of each layer. The other is an new encoding method to represent complex convolutional layers in a fixed-length binary string, Second, CGP(Cartesian Genetic Programming) based method is surveyed for CNN structure optimization with highly functional modules, such as convolutional blocks and tensor concatenation, as the node functions in CGP. The comparison for three approaches is analysed and the outlook for the potential next steps is suggested.

Design of improved Mulit-FNN for Nonlinear Process modeling

  • Park, Hosung;Sungkwun Oh
    • 제어로봇시스템학회:학술대회논문집
    • /
    • 2002.10a
    • /
    • pp.102.2-102
    • /
    • 2002
  • In this paper, the improved Multi-FNN (Fuzzy-Neural Networks) model is identified and optimized using HCM (Hard C-Means) clustering method and optimization algorithms. The proposed Multi-FNN is based on FNN and use simplified and linear inference as fuzzy inference method and error back propagation algorithm as learning rules. We use a HCM clustering and genetic algorithms (GAs) to identify both the structure and the parameters of a Multi-FNN model. Here, HCM clustering method, which is carried out for the process data preprocessing of system modeling, is utilized to determine the structure of Multi-FNN according to the divisions of input-output space using I/O process data. Also, the parame...

  • PDF