H. D. NAVONE, P. F. VERDES, P. M. GRANITTO and H. A. CECCATTO. Instituto de Física Rosario (CONICET-UNR)

Similar documents
A Learning Algorithm For Neural Network Ensembles

L25: Ensemble learning

Advanced Ensemble Strategies for Polynomial Models

Ensemble Methods. Knowledge Discovery and Data Mining 2 (VU) ( ) Roman Kern. KTI, TU Graz

Data Mining. Nonlinear Classification

Data Mining Practical Machine Learning Tools and Techniques

New Ensemble Combination Scheme

Chapter 6. The stacking ensemble approach

Knowledge Discovery and Data Mining

On the effect of data set size on bias and variance in classification learning

Supporting Online Material for

Introduction to Machine Learning and Data Mining. Prof. Dr. Igor Trajkovski

Model Combination. 24 Novembre 2009

CHARACTERISTICS IN FLIGHT DATA ESTIMATION WITH LOGISTIC REGRESSION AND SUPPORT VECTOR MACHINES

Solving Regression Problems Using Competitive Ensemble Models

Decompose Error Rate into components, some of which can be measured on unlabeled data

CS 2750 Machine Learning. Lecture 1. Machine Learning. CS 2750 Machine Learning.

Class #6: Non-linear classification. ML4Bio 2012 February 17 th, 2012 Quaid Morris

Bootstrapping Big Data

A Study Of Bagging And Boosting Approaches To Develop Meta-Classifier

Chapter 11 Boosting. Xiaogang Su Department of Statistics University of Central Florida - 1 -

Multiple Linear Regression in Data Mining

L13: cross-validation

Predicting daily incoming solar energy from weather data

Ensemble Approaches for Regression: A Survey

Data Mining - Evaluation of Classifiers

Fine Particulate Matter Concentration Level Prediction by using Tree-based Ensemble Classification Algorithms

Training Methods for Adaptive Boosting of Neural Networks for Character Recognition

A Diverse Clustering Method on Biological Big Data

Predict the Popularity of YouTube Videos Using Early View Data

Recurrent Neural Networks

Monotonicity Hints. Abstract

Knowledge Discovery and Data Mining

HYBRID PROBABILITY BASED ENSEMBLES FOR BANKRUPTCY PREDICTION

Artificial Neural Network and Non-Linear Regression: A Comparative Study

Boosting.

Time Series and Forecasting

Knowledge Discovery and Data Mining

REVIEW OF ENSEMBLE CLASSIFICATION

6.2.8 Neural networks for data mining

Building lighting energy consumption modelling with hybrid neural-statistic approaches

New Work Item for ISO Predictive Analytics (Initial Notes and Thoughts) Introduction

Ensemble Data Mining Methods

Chapter 12 Bagging and Random Forests

Chapter 4: Artificial Neural Networks

Multiple Regression: What Is It?

Comparison of Bagging, Boosting and Stacking Ensembles Applied to Real Estate Appraisal

Supervised Learning (Big Data Analytics)

Mining Direct Marketing Data by Ensembles of Weak Learners and Rough Set Methods

COMBINED NEURAL NETWORKS FOR TIME SERIES ANALYSIS

Location matters. 3 techniques to incorporate geo-spatial effects in one's predictive model

Classification of Bad Accounts in Credit Card Industry

2DI36 Statistics. 2DI36 Part II (Chapter 7 of MR)

On Cross-Validation and Stacking: Building seemingly predictive models on random data

Multi-Task Learning for Stock Selection

CS570 Data Mining Classification: Ensemble Methods

AUTOMATION OF ENERGY DEMAND FORECASTING. Sanzad Siddique, B.S.

Combining Multiple Models Across Algorithms and Samples for Improved Results

Introducing diversity among the models of multi-label classification ensemble

Component Ordering in Independent Component Analysis Based on Data Power

Introduction to Machine Learning and Data Mining. Prof. Dr. Igor Trajkovski

An Introduction to Neural Networks

Impact of Feature Selection on the Performance of Wireless Intrusion Detection Systems

Multiple Imputation for Missing Data: A Cautionary Tale

Efficient Curve Fitting Techniques

Tree based ensemble models regularization by convex optimization

Software Development Cost and Time Forecasting Using a High Performance Artificial Neural Network Model

Using multiple models: Bagging, Boosting, Ensembles, Forests

Leveraging Ensemble Models in SAS Enterprise Miner

Neural Network Add-in

DECISION TREE INDUCTION FOR FINANCIAL FRAUD DETECTION USING ENSEMBLE LEARNING TECHNIQUES

CHAPTER 5 PREDICTIVE MODELING STUDIES TO DETERMINE THE CONVEYING VELOCITY OF PARTS ON VIBRATORY FEEDER

Beating the NCAA Football Point Spread

Predictive Data Mining in Very Large Data Sets: A Demonstration and Comparison Under Model Ensemble

Lecture 6. Artificial Neural Networks

Inductive Learning in Less Than One Sequential Data Scan

Comparing the Results of Support Vector Machines with Traditional Data Mining Algorithms

Computing with Finite and Infinite Networks

Gerry Hobbs, Department of Statistics, West Virginia University

Applied Data Mining Analysis: A Step-by-Step Introduction Using Real-World Data Sets

Introduction to Logistic Regression

BOOSTING - A METHOD FOR IMPROVING THE ACCURACY OF PREDICTIVE MODEL

Weather forecast prediction: a Data Mining application

International Journal of Computer Trends and Technology (IJCTT) volume 4 Issue 8 August 2013

Machine Learning. Term 2012/2013 LSI - FIB. Javier Béjar cbea (LSI - FIB) Machine Learning Term 2012/ / 34

Predicting Flight Delays

Analysis of kiva.com Microlending Service! Hoda Eydgahi Julia Ma Andy Bardagjy December 9, 2010 MAS.622j

Classification and Regression by randomforest

Knowledge Discovery and Data Mining. Bootstrap review. Bagging Important Concepts. Notes. Lecture 19 - Bagging. Tom Kelsey. Notes

Decision Trees from large Databases: SLIQ

Journal of Asian Scientific Research COMPARISON OF THREE CLASSIFICATION ALGORITHMS FOR PREDICTING PM2.5 IN HONG KONG RURAL AREA.

NTC Project: S01-PH10 (formerly I01-P10) 1 Forecasting Women s Apparel Sales Using Mathematical Modeling

Neural Networks and Support Vector Machines

Cross-Validation. Synonyms Rotation estimation

Ensemble Approach for the Classification of Imbalanced Data

A Short Tour of the Predictive Modeling Process

Benchmarking Open-Source Tree Learners in R/RWeka

Clustering ensembles of neural network models

Studying Auto Insurance Data

PLAANN as a Classification Tool for Customer Intelligence in Banking

Transcription:

A LEARNING ALGORITHM FOR NEURAL NETWORK ENSEMBLES H. D. NAVONE, P. F. VERDES, P. M. GRANITTO and H. A. CECCATTO Instituto de Física Rosario (CONICET-UNR) Blvd. 27 de Febrero 210 Bis, 2000 Rosario, República Argentina Abstract: The performance of a single regressor/classifier can be improved by combining the outputs of many predictors. This is true provided the combined predictors are accurate and diverse enough, which posses the problem of generating suitable aggregate members in order to have optimal generalization capabilities. We propose here a new method for selecting members of regression/classification ensembles. In particular, using artificial neural networks as learners in a regression context, we show that this method leads to small aggregates with few but very diverse individual networks. The algorithm is favorably tested against other methods recently proposed in the literature, producing a remarkable performance improvement on the standard statistical databases used as benchmarks.

E-MAILS: navone@ifir.edu.ar verdes@ifir.edu.ar granitto@ifir.edu.ar ceccatto@ifir.edu.ar KEYWORDS: Neural Networks * Ensemble Learning * Regression * Bias/Variance Decomposition

1. INTRODUCTION Ensemble techniques have been used recently in regression/classification tasks with considerable success. The motivation for this procedure is based on the intuitive idea that by combining the outputs of several individual predictors one might improve on the performance of a single generic one [1]. However, this idea has been proved to be true only when the combined predictors are simultaneously accurate and diverse enough, which requires an adequate trade-off between these two conflicting conditions. Some attempts[2,3] to achieve a good compromise between these properties include elaborations of bagging[4], boosting[5] and stacking[6] techniques. Artificial neural networks (ANN) provide a natural framework for ensemble techniques. This is so because ANN are a very unstable learning method, i.e. small changes in training set and/or parameter selection can produce large changes in prediction outputs. This diversity of ANN comes naturally from the inherent data and training process randomness, and also from the intrinsic non-identifiability of the model (many different but a priori equally good local minima of the error surface). On the other hand, the above mentioned trade-off between the ensemble diversity and the accuracy of the individual members posses the problem of generating a set of ANN with both reasonably good (individual) generalization capabilities and distributed predictions for the test points. This problem has been considered in several recent works in the literature [2,3,7-9].

We provide here an alternative way of generating an ANN ensemble with members that are both accurate and diverse. The method essentially amounts to the sequential aggregation of individual predictors where, unlike in standard aggregation techniques which combine individually optimized ANN[7], the learning process of a (potential) new member is validated by the overall aggregate prediction performance. That is, an ANN is incorporated to the ensemble only when this improves the generalization capabilities of the previous-stage aggregate predictor (see Section 3). The proposed algorithm seeks for a new ensemble member that is at least partially anticorrelated to the current ensemble on some validation set. Here partially anticorrelated means that the prediction errors of the potential new ensemble member and the previous aggregate predictor must have opposite signs at least for some validation points, so that by combining their predictions the errors on these points, and eventually the generalization error on the test set, will decrease. We tested the proposed algorithm in the regression settting by comparing it against a standard bagging technique adapted from [4], a simple early-stopping method and the recently-proposed NeuralBAG algorithm (a description of all these methods can be found in [9]). We compare the performances of the composite regression machines generated by these algorithms using as benchmarks the Ozone and Friedman#1 statistical databases. The results obtained are very encouraging, showing a remarkable improvement on previous results. The organization of this work is the following: In Section 2 we discuss the so called bias/variance dilemma, which provides the theoretical setting for ensemble averaging. In Section 3 we present our method for selecting the individual members

of the ensemble and give some insights to understand why this method should work. Then, in Section 4 we show empirical evidence of its effectiveness by applying it to the Ozone and Friedman#1 databases and comparing the results obtained with those of [9]. Finally, in Section 5 we draw some conclusions. 2. THE BIAS/VARIANCE DILEMMA The theoretical framework for ensemble averaging is based on the bias/variance decomposition of the generalization error[10]. Let s consider in the context of regression a set of N noisy data pairs D={(t i,x i ), i=1,n} obtained from some distribution P and generated according to t = f(x) + ε(x), where t is the observed target value, f(x) is the true regression and ε(x) is a random noise with zero mean. If we estimate f using an ANN trained on D and obtain a model f D, the (quadratic) generalization error on a test point (t,x) averaged on all possible realizations of the data set D and noise ε can be decomposed as: E[(t-f D (x)) 2 D,ε] = E[ε 2 D,ε] + (E[f D (x) D,ε] - f(x)) 2 + E[(f D (x i ) - E[f D (x i ) D,ε]) 2 D,ε] Error σ ε 2 Bias 2 Variance The first term on the RHS (σ e 2 ) is simply the noise variance; the second and third terms are, respectively, the squared bias and variance of the estimation method. From the point of view of a single estimator f D (x), we can interpret this equation by

saying that a good method should be roughly not biased and have as little variance as possible between different realizations. It is in general believed that the first condition is reasonably well met by ANN; however, as stated in the introduction, the second one is in general not satisfied since, even for a particular data set D, different training experiments will reach distinct local minima of the error surface (nonidentifiability of the ANN model). A way to take advantage of this apparently weakness of ANN is to make an aggregate of them. If we rewrite the error decomposition in the form: E[(t - E[f D (x) D,ε]) 2 D,ε] = Bias 2 + σ ε 2 = Error - Variance, we can reinterpret this equation in the following way: using the average Φ E[f D D,ε] as estimator, the generalization error can be reduced if we are able to produce fairly accurate models f D (small Error) while, at the same time, allowing them to produce the most diverse predictions at every point (large Variance). Of course, there is a trade off between these two conditions, but finding a good compromise between accuracy and diversity seems particularly feasible for largely unstable methods like ANN. Several ways to generate an ensemble of models with these characteristics have been discussed in the literature[2,3,7-9]. In the next section we propose a new method to perform this task and give some arguments that suggest why it should be effective; these ideas are later supported by empirical evidence on benchmark data. 3. THE ALGORITHM FOR ENSEMBLE LEARNING

As suggested in the previous section, in order to improve the generalization capabilities of the aggregate predictor one must generate diverse individual predictors retaining only those that perform reasonably well on validation data. This can be accomplished by the following procedure: Step 1: Split the data set D at random in a training set T 1 and a validation set V 1 ; generate a model f 1 by training a network on T 1 until a minimum e 1 in the generalization error on V 1 is reached. Step 2: Split the data set D at random in new training and validation sets T 2 and V 2 respectively. Produce a model f 2 by training a network until the generalization error on V 2 of the aggregate predictor Φ 2 = ½ (f 1 +f 2 ) reaches a minimum e Φ2 (V 2 ) < e 1. In this step the parameters in model f 1 remain constant and the model f 2 is trained with the usual (quadratic) cost function on T 2. Step 3: If the previous step cannot be accomplished after a maximum N E of training epochs, disregard the current training and validation sets and start again with step 2 using new random sets T 2 and V 2. Repeat this step until either a second model f 2 which satisfies the required conditions is found or the number of attempts to find it reaches a maximum N A. In this last case the algorithm terminates. Step 4: If a model f 2 is found, incorporate it to the ensemble and proceed again with steps 2 and 3 seeking for a model f 3 such that e Φ3 (V 3 ), the minimum generalization error on V 3 of the aggregate Φ 3 =(f 1 +f 2 +f 3 )/3, becomes smaller than e Φ2 (V 2 ).

Step 5: Iterate the process until N A unsuccessful attempts to find a new model are performed. The individual networks collected up to this point constitute the final ensemble. A few comments are in order at this point. First, the algorithm incorporates a new member to the ensemble only when it helps in improving the aggregate generalization performance on a particular validation set; in practice we found it useful to check that the performance on the whole data set D also improves or otherwise to stop the algorithm. This helps in reducing the computational time since for large values of N A the procedure will first terminate by this second condition. On the other hand, this condition seems to lead to final ensembles with nicer generalization capabilities on the test set (see next section). Second, compared to other methods the algorithm produces smaller ensembles although with members that are more efficient in reducing the generalization error. Third, we did not use bootstrapping[11] to generate the training and validation sets at every step, but this could be easily incorporated and might help in improving the diversity of the individual networks. However, we expect that bootstrapping will produce a larger number of unsuccessful attempts before finding a new member of the ensemble. The algorithm above described seems to directly reduce the current ensemble generalization error without paying much attention to whether this improvement is related to enhancing ensemble diversity or not. We can see that it actually finds diverse models to reduce the aggregate error as follows. Let s assume that after n successful iterations we have an aggregate predictor Φ n which produces an average

error e Φn (V n ) on the validation set V n. When we try to find model f n+1, the average validation error on V n+1 of the aggregate predictor Φ n+1 will be e Φn+1 (V n+1 ) = (n+1) -2 E[(t - f n+1 (x) + n(t - Φ n (x))) 2 (t,x) V n+1 ] = (n+1) -2 {e n+1 + n 2 e Φn (V n+1 ) + 2nE[(t - f n+1 (x))(t - Φ n (x)) (t,x) V n+1 ]}. Since to keep f n+1 in the ensemble we require e Φn+1 (V n+1 )<e Φn (V n ), in general we will have e Φn+1 (V n+1 )<e Φn (V n+1 ). Furthermore, due to overtraining of model f n+1 we expect e Φn+1 (V n+1 )<e n+1. Then, E[(t - f n+1 (x))(t - Φ n (x)) (t,x) V n+1] < e Φn+1 (V n+1 ), which is only possible if f n+1 is at least partially anticorrelated to the aggregate Φ n. This analysis shows that at every stage the algorithm is seeking for a new diverse model anticorrelated with the current ensemble. In the next section we will show how this heuristic works on real and synthetic data corresponding respectively to the Ozone and Friedman#1 statistical databases. 4. EVALUATION We have used two regression problems to evaluate the algorithm described in the previous section: the real-world Ozone and the synthetic Friedman#1 data sets. In

order to allow a comparison with the results in [9], our experiments follow as closely as possible the set up established in this reference. Ozone The Ozone data correspond to meteorological information (humidity, temperature, etc.) related to the maximum daily ozone (regression target) at a location in the Los Angeles basis. Removing missing values one is left with 330 training vectors, containing 8 inputs and 1 target output in each one. The data set can be downloaded by ftp from the Department of Statistics, University of California at Berkeley web site (ftp://ftp.stat.berkeley.edu/pub/users/breiman). Like in [9], we have considered ANN architectures with 5 hidden units trained by the backpropagation rule with learning rate of 0.1 and momentum of 0.2. Furthermore, we performed the same (random) splitting of the data in training, validation and test sets containing, respectively, 125, 125 and 80 patterns. The parameters that characterize the algorithm discussed in Section 3 were set to N E = 10,000 and N A =200. The results given in Table 1 correspond to the average over 20 runs of the whole procedure. All runs produced fairly small ensembles containing a minimum of 4 to a maximum of 10 ANN (this should be compared with the ensembles of 30 ANN considered in [9]). The average mean-squared error obtained with our method is smaller than the corresponding errors produced by the three algorithms used in [9]. Furthermore, the standard deviation is also smaller in our case. In Fig. 1 we plot the evolution in one of the experiments of the mean-squared errors corresponding to the validation (whole data) and test sets, as a function of the number of networks incorporated to the ensemble. Notice that in this case the minima of the validation

and test set errors occur for slightly different numbers of ANN in the ensemble. Actually, in nearly half of the experiments these minima coincide. Also notice that there is some overtraining of the data because of the large value of N A chosen. Friedman#1 The Friedman#1 synthetic data set corresponds to training vectors with 10 input and 1 output variables generated according to t = 10sin(πx 1 x 2 ) + 20(x 3-0.5) 2 + 10x 4 + 5x 5 + ε, where ε is Gaussian noise with distribution N(0,1) and x 1,..,x 10 are uniformly distributed over the interval [0,1]. Notice that x 6,..,x 10 do not enter in the definition of t and are only included to check the prediction method s ability to ignore these inputs. Following [9], we generated 1400 sample vectors and randomly split the data in training, validation and test sets containing, respectively, 200, 200 and 1000 patterns. Furthermore, we considered ANN with 6 hidden units and the same learning rate of 0.1 and momentum of 0.2 for the backpropagation rule used in [9]. In this case we set N E = 20,000 and N A = 3. Since it is not clear to us whether the authors of [9] have considered the extra variables x 6,.., x 10 or not, we have performed 10 runs including these variables and 10 runs with only the five relevant ones. The corresponding average mean-squared errors on the test set are given in Table 1, where we again include the performances of the other methods considered in [9] for comparison. In this case our algorithm produced a remarkable improvement on performance and also a substantial reduction on the standard deviation of the ensemble errors. Fig. 2 gives the evolution of the validation and test set errors as a function of the number of ANN in the ensemble for a typical experiment. Unlike the previous case of the Ozone

dataset, here the minima of both curves coincide in all runs. Furthermore, since we chose a relatively small value for N A, these curves show that the algorithm terminates well before overfitting the data. 6. CONCLUSIONS We proposed a new method for selecting diverse members of ANN ensembles. At every stage, the algorithm seeks for a new potential member that is at least partially anticorrelated with the previous-stage ensemble estimator. By comparison against other methods proposed in the literature, we showed that this strategy is effective and generates small ensembles with very diverse members. This was exemplified by applying our method to two standard statistical benchmarks, the Ozone and Friedman#1 datasets. The results are encouraging and we are presently performing a more extensive check of the algorithm on new databases. We are also considering the possibility of using bootstrapping to generate the training and validation sets, which should increase the diversity of the ANN in the ensemble although perhaps deteriorating their individual performances. REFERENCES [1] A. Krogh and J. Vedelsby, Neural network ensembles, cross-validation and active learning, in G. Tesauro, D. Touretzky and T. Lean, eds., Advances in Neural Information Processing Systems 7, 231-238 (MIT Press, 1995) [2] J. G. Carney and P. Cunningham, The NeuralBAG algorithm: Optimaizing generalization performance in bagged neural networks, in M. Verleysen, ed.,

Proceedings of the 7 th European Symposium on Artificial Neural Networks, 35-40 (D- Facto, Brussels, 1999) [3] H. Drucker, R. Schapire and P. Simard, Improving performance in neural networks using a boosting algorithm, in S. J. Hanson, J. D. Cowen and C. L. Giles, eds., Advances in Neural Information Processing Systems 5, 42-49 (Morgan Kaufman, 1993) [4] L. Breiman, Bagging predictors, Machine Learning 24, 123-140 (1996) [5] Y. Freund and R. Schapire, A decision-theoretic generalization of on-line learning and an application to boosting, in Proceedings of the Second European Conference on Computational Learning Theory, 23-37 (Springer Verlag, 1995) [6] D. Wolpert, Stacked generalization, Neural Networks 5, 241-259 (1992) [7] U. Naftaly, N. Intrator and D. Horn, Optimal ensemble averaging of neural networks, Network: Comput. Neural Syst. 8, 283-296 (1997) [8] D. Opitz and J. Shavlik, Generating accurate and diverse members of a neural network ensemble, in D. Touretzky, M. Mozer and M. Hasselmo, eds., Advances in Neural Information Processing Systems 8, 535-541 (MIT Press, 1996) [9] J. Carney and P. Cunningham, Tuning diversity in bagged neural network ensembles, Department of Computer Science, University of Dublin, Trinity College (Preprint, 1999) [10] S. Geman, E. Bienenstock and R. Doursat, Neural Networks and the Bias/Variance Dilemma, Neural Computation 4, 1-58 (1992) [11] B. Efron and R. Tibshirani, An Introduction to the Bootstrap (Chapman and Hall, London, 1993)

Dataset Simple Benchmark NBAG This Work Ozone 19.14 ± 3.21 18.58 ± 3.40 18.37 ± 3.59 17.83 ± 2.93 Friedman#1 4.95 ± 0.59 5.37 ± 0.65 4.50 ± 0.27 1.55 ± 0.10 1.33 ± 0.05 Table 1: Mean-squared generalization errors averaged over 20 runs corresponding to four different algorithms for ensemble learning. The results for the first three algorithms are taken from [ ]. For the Friedman#1 dataset we give the generalization errors obtained in this work when the last five irrelevant variables are included (upper number) and when they are not considered (lower number).

1.02 1.00 0.98 Validation Test Error (arbitrary units) 0.96 0.94 0.92 0.90 0.88 0.86 1 2 3 4 5 6 7 Number of Ensemble Members Fig. 1: Evolution of the errors corresponding to the validation and test sets as a function of the number of networks incorporated to the ensemble for the Ozone problem.

1.00 0.95 Validation Test Error (arbitrary units) 0.90 0.85 0.80 0.75 0.70 1 2 3 4 5 6 7 8 Number of Ensemble Members Fig. 2: Evolution of the errors corresponding to the validation and test sets as a function of the number of networks incorporated to the ensemble for the Friedman#1 dataset..