Software Reliability Prediction Via Relevance Vector Regression

Total Page:16

File Type:pdf, Size:1020Kb

Software Reliability Prediction Via Relevance Vector Regression Neurocomputing 186 (2016) 66–73 Contents lists available at ScienceDirect Neurocomputing journal homepage: www.elsevier.com/locate/neucom Software reliability prediction via relevance vector regression Jungang Lou a,b, Yunliang Jiang b,n, Qing Shen b, Zhangguo Shen b, Zhen Wang c, Ruiqin Wang b a Institute of Cyber-Systems and Control, Zhejiang Univeristy, 310027 Hangzhou, China b School of Information Engineering, Huzhou University, 313000 Huzhou, China c College of Computer Science and Technology, Shanghai University of Electric Power, 200090 Shanghai, China article info abstract Article history: The aim of software reliability prediction is to estimate future occurrences of software failures to aid in Received 21 September 2015 maintenance and replacement. Relevance vector machines (RVMs) are kernel-based learning methods Received in revised form that have been successfully adopted for regression problems. However, they have not been widely 27 November 2015 explored for use in reliability applications. This study employs a RVM-based model for software relia- Accepted 9 December 2015 bility prediction so as to capture the inner correlation between software failure time data and the nearest Communicated by Liang Wang Available online 6 January 2016 m failure time data. We present a comparative analysis in order to evaluate the RVMs effectiveness in forecasting time-to-failure for software products. In addition, we use the Mann-Kendall test method to Keywords: explore the trend of predictive accuracy as m varies. The reasonable value range of m is achieved through Software reliability model paired T-tests in 10 frequently used failure datasets from real software projects. Relevance vector machine & 2016 Elsevier B.V. All rights reserved. Mann–Kendall test Paired T-test 1. Introduction in software reliability modeling and predicting. Unlike traditional statistical models, ANNs are data-driven, nonparametric weak models In the modern world, computers are used for many different [9,11,13,14]. ANN-based software reliability models require only failure applications, and research on software reliability has become history as an input, and they can predict future failures more accu- increasingly essential. Software reliability describes the probability rately than some commonly used parametric models. However, ANNs that software will operate without failure under given environmental suffer from a number of weaknesses, including the need for numerous conditions during a specified period of time [1].Todate,software controlling parameters, difficulty in obtaining a stable solution, and a reliability models are among the most important tools in software tendency to cause over fitting. A novel type of learning machine, reliability assessment [2]. Most existing software reliability models, kernel machines (KMs), is emerging as a powerful modeling tool, and known as parametric models, depend on priori assumptions about it has received increasing attention in the domain of software relia- software development environments, the nature of software failures, bility prediction. Kernel-based models can achieve better predictive and the probability of individual failures occurring. Parametric models accuracy and generalization performance, thus arousing the interest of may exhibit different predictive capabilities across different software many researchers [18–22]. Generally speaking, KMs have been suc- projects [3–8], and researchers have found it almost impossible to cessfully applied to regressions, with remarkable training results even ; ; ; ; …; ; A develop a parametric model that can provide accurate predictions given a relatively small dataset D ¼fðx1 y1Þ ðx2 y2Þ ðxl ylÞg d under all circumstances. To address this problem, several alternative R  R,wherext are input vectors, yt are output vectors, t ¼ 1; 2; …; l , solutions have been introduced over the last decade. One possible d is a dimension of xt,andl is the number of observed input/output solution is to employ artificial neural networks (ANNs) [9–17].Kar- pairs [18]. unanithi et al., Dohi et al., Cai et al., Ho et al., Tian and Noore and Hu Examples of KMs include support vector machines (SVMs) and et al. used both classical and recurrent multi-layer perceptron neural relevance vector machines (RVMs). Vapnik [18] developed SVMs with networks to forecast software reliability. ANNs have proven to be the goal of minimizing the upper boundary of the generalization error universal approximates for any nonlinear continuous function with an consisting of the sum of the training error and confidence interval, arbitrary accuracy. Consequently, they represent an alternative method which appears to be less computationally demanding. Tian and Noore [19] proposed an SVM-based model for software reliability prediction that embraces some remarkable characteristics of SVMs, including n Corresponding author. good generalization performance, absence of local minima, and sparse E-mail addresses: [email protected] (J. Lou), [email protected] (Y. Jiang), [email protected] (Q. Shen), [email protected] (Z. Shen), solution representation. Pai and Hong [20] and Yang and Li [21] also [email protected] (Z. Wang), [email protected] (R. Wang). made efforts to develop SVM-based reliability models, showing that http://dx.doi.org/10.1016/j.neucom.2015.12.077 0925-2312/& 2016 Elsevier B.V. All rights reserved. J. Lou et al. / Neurocomputing 186 (2016) 66–73 67 these models can achieve good prediction accuracy. However, SVMs approximation is: are sensitive to uncertainties because of the lack of probabilistic out- XM puts, as well as the need to determine a regularization parameter and t ¼ yðx; wÞ¼ wiKðx; xiÞþw0 ð1Þ select appropriate kernel functions to obtain optimal prediction i ¼ 1 accuracy [22–25]. where these fwig aretheparametersofthemodel,generallycalled This paper proposes a new data-driven approach for predicting weights, and Kð; Þ is the kernel function. Assuming that each example – software reliability using RVM [23 27] to capture the uncertainties from the data set has been generated independently (an often realistic in software failure data and predictions about possible present and assumption, although not always true), the likelihood of all the data is future aquifer conditions. RVM adopts kernel functions to project given by the product: the input variables into a high-dimensional feature space, in order ! n 2 = Jt ÀΦwJ to extract the latent information. Compared to SVM, it uses fewer pðtjσ2Þ¼ ∏ Nðt jyðx ; wÞ; σ2Þ¼ð2πσ2ÞN 2exp À i i σ2 kernel functions and avoids the use of free parameters [28–30]. i ¼ 1 2 The kernel-based software reliability modeling process also T T where w ¼½w0; w1; w2; …; wN , Φ ¼½ϕðx1Þ; ϕðx2Þ; …; ϕðxNÞ ,and focuses on choosing the number of past observations related to the T future value. Some researchers suggest that failure behavior earlier ϕðxnÞ¼½1; Kðxn; x1Þ; Kðxn; x2Þ; …; Kðxn; xNÞ : in the testing process has less impact on later failures, and Next we introduce a prior distribution over the parameter vector w.The therefore not all available failure data should be used in model key difference in the RVM is that we introduce a separate hyperpara- training. However, to the best of our knowledge, such claims lack meter αi for each of the weight parameters wi instead of a single shared either theoretical support or experimental evidence. This study hyperparameter. Thus, the weight prior takes the form: uses the Mann–Kendall test and paired T-test [31–33] to investi- N α α w2 gate the appropriate number of past observations related to the α ∏ ffiffiffiffiffiffii i i ; α α ; α ; …; α : pðwj Þ¼ p πexp À ¼½ 1 2 N future value for RVM-based software reliability modeling. i ¼ 0 2 2 The paper is organized as follows. After explaining the background Having defined the prior, Bayesian inference proceeds by computing, of the research, Part 2 outlines the principle of RVM for regression. Part from Bayes rule, the posterior over all unknowns give the data: 3 introduces the framework for software reliability prediction based pðtjw; α; σ2Þpðw; α; σ2Þ on RVM and describes how RVM regression can be used in predicting pðw; α; σ2jtÞ¼ : ð2Þ pðtÞ software failure time. Part 4 discusses the process for RVM-based software reliability models and presents experimental datasets and Then, given a new test points xn,predictionsaremadeforthecorre- measures for evaluating predictability. Following that, Part 5 explains sponding target tn, in terms of the predictive distribution: Z the Mann–Kendall test and paired T-test, demonstrates the detailed ; α; σ2 ; α; σ2 α σ2 experimentation process, and analyzes the experimental results on the pðtnjtÞ¼ pðtnjw Þpðw jtÞ dw d d ð3Þ 10 datasets. Finally, Part 6 concludes the paper. We cant compute the posterior pðw; α; σ2jtÞ in (1) directly.Instead,we decompose the posterior as: ; α; σ2 ; α; σ2 α; σ2 : 2. RVM for regression pðw jtÞ¼pðwjt Þpð jtÞ The posterior distribution over the weights is thus given by: Support vector machines (SVMs) are a set of related supervised pðw; α; σ2jtÞ pðtjw; σ2ÞpðwjαÞ pðtjw; σ2ÞpðwjαÞ learning methods used for classification and regression. The goal of pðwjt; α; σ2Þ¼ ¼ ¼ R α; σ2 α; σ2 ; σ2 α fi pð jtÞ pðtj Þ pðtjw Þpðwj Þ dw SVMs classi cation is to separate an n-dimensional data space (trans- () T À 1 formed using nonlinear kernels) by an ðnÀlÞ-dimensional hyper-plane N þ1 ð = Þ ðwÀμÞ Σ ðwÀμÞ ¼ð2πÞ À Σ 1 2 nexp À ; that creates the maximum separation (margin) between two classes. 2 2 This technique can be extended to regression problems in the form of support vector regression. Regression is essentially an inverse classifi- where the posterior covariance and the mean are respectively: cation problem where, instead of searching for a maximum margin μ ¼ σ À 2ΣΦT t; classifier, a minimum margin fit needs to be found. However, SVMs are Σ σ À 2ΦT Φ À 1; not well suited to software reliability prediction due to the lack of ¼ðAþ Þ α ; α ; …; α : probabilistic outputs. Tipping [24–27] introduced the RVM which A ¼ diagð 0 1 NÞ makes probabilistic predictions and yet which retains the excellent By integrating the weights, we obtain the marginal likelihood for the predictive performance of the support vector machine.
Recommended publications
  • Advanced Topics in Learning and Vision
    Advanced Topics in Learning and Vision Ming-Hsuan Yang [email protected] Lecture 6 (draft) Announcements • More course material available on the course web page • Project web pages: Everyone needs to set up one (format details will soon be available) • Reading (due Nov 1): - RVM application for 3D human pose estimation [1]. - Viola and Jones: Adaboost-based real-time face detector [25]. - Viola et al: Adaboost-based real-time pedestrian detector [26]. A. Agarwal and B. Triggs. 3D human pose from silhouettes by relevance vector regression. In Proceedings of IEEE Conference on Computer Vision and Pattern Recognition, volume 2, pages 882–888, 2004. P. Viola and M. Jones. Robust real-time face detection. International Journal of Computer Vision, 57(2):137–154, 2004. P. Viola, M. Jones, and D. Snow. Markov face models. In Proceedings of the Ninth IEEE International Conference on Computer Vision, volume 2, pages 734–741, 2003. Lecture 6 (draft) 1 Overview • Linear classifier: Fisher linear discriminant (FLD), linear support vector machine (SVM). • Nonlinear classifier: nonlinear support vector machine, • SVM regression, relevance vector machine (RVM). • Kernel methods: kernel principal component, kernel discriminant analysis. • Ensemble of classifiers: Adaboost, bagging, ensemble of homogeneous/heterogeneous classifiers. Lecture 6 (draft) 2 Fisher Linear Discriminant • Based on Gaussian distribution: between-scatter/within-scatter matrices. • Supervised learning for multiple classes. 0 • Trick often used in ridge regression: Sw = Sw + λI without using PCA • Fisherfaces vs. Eigenfaces (FLD vs. PCA). • Further study: Aleix Martinez’s paper on analyzing FLD for object recognition [10][11]. A. M. Martinez and A. Kak. PCA versus LDA.
    [Show full text]
  • Dropout-Based Automatic Relevance Determination
    Dropout-based Automatic Relevance Determination Dmitry Molchanov1, Arseniy Ashuha2 and Dmitry Vetrov3;4∗ 1Skolkovo Institute of Science and Technology 2Moscow Institute of Physics and Technology 3National Research University Higher School of Economics, 4Yandex Moscow, Russia [email protected], [email protected], [email protected] 1 Introduction During past several years, several works about treating dropout as a Bayesian model have appeared [1,3,4]. Authors of [1] proposed a method that represents dropout as a special case of Bayesian model and allows to tune individual dropout rates for each weight. Another direction of research is the exploration of the ways to train neural networks with sparse weight matrices [6,9] and the ways to prune excessive neurons [8]. One of the possible approaches is so-called Automatic Relevance Determination (ARD). A typical example of such models is the Relevance Vector Machine [4]. However, these models are usually relatively hard to train. In this work, we introduce a new dropout-based way to obtain the ARD effect that can be applied to complex models via stochastic variational inference framework. 2 Theory Variational dropout [1] is a recent technique that generalizes Gaussian dropout [7]. It allows to set individual dropout rates for each weight/neuron/layer and to tune them with a simple gradient descent based method. As in most modern Bayesian models, the goal is to obtain the variational approximation to the posterior distribution via optimization of the variational lower bound (1): L(q) = q(w) log p(T j X; w) − DKL(q(w) k pprior(w)) ! max (1) E q To put it simply, the main idea of Variational dropout is to search for posterior approximation in a 2 specific family of distributions: q(wi) = N (θi; αiθi ).
    [Show full text]
  • Healing the Relevance Vector Machine Through Augmentation
    Healing the Relevance Vector Machine through Augmentation Carl Edward Rasmussen [email protected] Max Planck Institute for Biological Cybernetics, 72076 T¨ubingen, Germany Joaquin Qui˜nonero-Candela [email protected] Friedrich Miescher Laboratory, Max Planck Society, 72076 T¨ubingen, Germany Abstract minimizing KL divergences between the approximated and true posterior, by Smola and Sch¨olkopf (2000) and The Relevance Vector Machine (RVM) is a Smola and Bartlett (2001) by making low rank approx- sparse approximate Bayesian kernel method. imations to the posterior. In (Gibbs & MacKay, 1997) It provides full predictive distributions for and in (Williams & Seeger, 2001) sparseness arises test cases. However, the predictive uncer- from matrix approximations, and in (Tresp, 2000) tainties have the unintuitive property, that from neglecting correlations. The use of subsets of they get smaller the further you move away regressors has also been suggested by Wahba et al. from the training cases. We give a thorough (1999). analysis. Inspired by the analogy to non- degenerate Gaussian Processes, we suggest The Relevance Vector Machine (RVM) introduced by augmentation to solve the problem. The pur- Tipping (2001) produces sparse solutions using an im- pose of the resulting model, RVM*, is primar- proper hierarchical prior and optimizing over hyperpa- ily to corroborate the theoretical and exper- rameters. The RVM is exactly equivalent to a Gaus- imental analysis. Although RVM* could be sian Process, where the RVM hyperparameters are pa- used in practical applications, it is no longer rameters of the GP covariance function (more on this a truly sparse model. Experiments show that in the discussion section).
    [Show full text]
  • Sparse Bayesian Classification with the Relevance Vector Machine
    Sparse Bayesian Classification with the Relevance Vector Machine In a pattern recognition setting, the Relevance Vector Machine (RVM) [3] can be viewed as a simple logistic regression model, with a Bayesian Automatic Relevance Determination (ARD) prior [1] over the weights associated with each feature in order to achieve a parsimonious model. Let A = {A, C, G, T} represent an alphabet of symbols representing the bases adenine, cytosine, guanine and thymine respectively. The RVM constructs a decision rule from a set of labelled training data, ` ni D = {(xi, ti)}i=1, xi ∈ A , ti ∈ {0, + 1}, where the input patterns, xi, consist of strings drawn from A of varying lengths, describing the upstream promoter regions of a set of co-regulated genes. The target patterns, ti, indicate whether the corresponding gene is up-regulated (class C1, yi = +1) or down-regulated (class C2, yi = 0) under a given treatment. The RVM constructs a logistic regression model based on a set of sequence features derived from the input patterns, i.e. N X p(C1|x) ≈ σ {y(x; w)} where y(x; w) = wiϕi(x) + w0, (1) i=1 and σ {y} = (1 + exp{y})−1 is the logistic inverse link function. In this study a d feature, ϕi(x), represents the number of times an arbitrary substring, si ∈ A , ocurrs in a promoter sequence x. A sufficiently large set of features is used such that it is reasonable to expect that some of these features will represent oligonucleotides forming a relevant promoter protein binding site and so provide discriminatory information for the pattern recognition task at hand.
    [Show full text]
  • Visual Sparse Bayesian Reinforcement Learning: a Framework for Interpreting What an Agent Has Learned
    Visual Sparse Bayesian Reinforcement Learning: A Framework for Interpreting What an Agent Has Learned Indrajeet Mishra, Giang Dao, and Minwoo Lee Department of Computer Science University of North Carolina at Charlotte {imishra, gdao, minwoo.lee}@uncc.edu Abstract— This paper presents a Visual Sparse Bayesian problem of deep learning as lack of visualization tools to un- Reinforcement Learning (V-SBRL) framework for recording derstand the computation performed in the hidden layers. For the images of the most important memories from the past this reason, many recent researches [10], [11], [12], [13], [14] experience. The key idea of this paper is to maintain an image snapshot storage to help understanding and analyzing have attempted different types of visualization to explore the the learned policy. In the extended framework of SBRL [1], learning process of a deep learning model. However, these the agent perceives the environment as the image state inputs, methods focus on visualizing how the features are computed encodes the image into feature vectors, train SBRL module in the intermediate layers in supervised learning, so it is and stores the raw images. In this process, the snapshot not enough to fully explain what it has learned and what storage keeps only the relevant memories which are important to make future decisions and discards the not-so-important the learned knowledge represents in reinforcement learning. memories. The stored snapshot images enable us to understand Although the recent visualization efforts for reinforcement the agent’s learning process by visualizing them. They also learning [15], [16] provides ways to interpret the learning of provide explanation of exploited policy in different conditions.
    [Show full text]
  • Modular Meta-Learning with Shrinkage
    Modular Meta-Learning with Shrinkage Yutian Chen∗ Abram L. Friesen∗ Feryal Behbahani Arnaud Doucet David Budden Matthew W. Hoffman Nando de Freitas DeepMind London, UK {yutianc, abef}@google.com Abstract Many real-world problems, including multi-speaker text-to-speech synthesis, can greatly benefit from the ability to meta-learn large models with only a few task- specific components. Updating only these task-specific modules then allows the model to be adapted to low-data tasks for as many steps as necessary without risking overfitting. Unfortunately, existing meta-learning methods either do not scale to long adaptation or else rely on handcrafted task-specific architectures. Here, we propose a meta-learning approach that obviates the need for this often sub-optimal hand-selection. In particular, we develop general techniques based on Bayesian shrinkage to automatically discover and learn both task-specific and general reusable modules. Empirically, we demonstrate that our method discovers a small set of meaningful task-specific modules and outperforms existing meta- learning approaches in domains like few-shot text-to-speech that have little task data and long adaptation horizons. We also show that existing meta-learning methods including MAML, iMAML, and Reptile emerge as special cases of our method. 1 Introduction The goal of meta-learning is to extract shared knowledge from a large set of training tasks to solve held-out tasks more efficiently. One avenue for achieving this is to learn task-agnostic modules and reuse or repurpose these for new tasks. Reusing or repurposing modules can reduce overfitting in low-data regimes, improve interpretability, and facilitate the deployment of large multi-task models on limited-resource devices as parameter sharing allows for significant savings in memory.
    [Show full text]
  • Sparse Bayesian Learning for Predicting Phenotypes and Identifying Influential Markers
    Sparse Bayesian Learning for Predicting Phenotypes and Identifying Influential Markers by Maryam Ayat A thesis submitted to The Faculty of Graduate Studies of The University of Manitoba in partial fulfillment of the requirements of the degree of Doctor of Philosophy Department of Computer Science The University of Manitoba Winnipeg, Manitoba, Canada December 2018 c Copyright 2018 by Maryam Ayat Thesis advisor Author Michael Domaratzki Maryam Ayat Sparse Bayesian Learning for Predicting Phenotypes and Identifying Influential Markers Abstract In bioinformatics, Genomic Selection (GS) and Genome-Wide Association Studies (GWASs) are two related problems that can be applied to the plant breeding industry. GS is a method to predict phenotypes (i.e., traits) such as yield and disease resis- tance in crops from high-density markers positioned throughout the genome of the varieties. By contrast, a GWAS involves identifying markers or genes that underlie the phenotypes of importance in breeding. The need to accelerate the development of improved varieties, and challenges such as discovering all sorts of genetic factors related to a trait, increasingly persuade researchers to apply state-of-the-art machine learning methods to GS and GWASs. The aim of this study is to employ sparse Bayesian learning as a technique for GS and GWAS. The sparse Bayesian learning uses Bayesian inference to obtain sparse solutions in regression or classification problems. This learning method is also called the Relevance Vector Machine (RVM), as it can be viewed as a kernel-based model of identical form to the renowned Support Vector Machine (SVM) method. ii The RVM has some advantages that the SVM lacks, such as having probabilistic outputs, providing a much sparser model, and the ability to work with arbitrary kernel functions.
    [Show full text]
  • Arxiv:1911.06028V2 [Cs.LG] 7 May 2021
    Published as a conference paper at ICLR 2021 1.2 1.2 1.2 1.6 1.6 1.0 1.0 1.0 1.4 1.4 1.2 1.2 0.8 0.8 0.8 1.0 1.0 0.6 0.6 0.6 0.8 0.8 0.4 0.4 0.4 0.6 0.6 0.4 0.4 0.2 0.2 0.2 0.2 0.2 0 0 0 0 0 -0.2 -0.2 -0.2 -1.2 -0.8 -0.6 -0.2 0.4 0.8 -0.2 -1.2 -0.8 -0.6 -0.2 0.4 0.8 -0.2 -1.2 -0.8 -0.6 -0.2 0.4 0.8 -1.5 -1.0 -0.5 0 0.5 1.0 -1.5 -1.0 -0.5 0 0.5 1.0 (a) FC + softmax (b) Gaussian process (c) RVM (d) Discriminative GMM (e) SDGM (ours) Figure 1: Comparison of decision boundaries. The black and green circles represent training samples from classes 1 and 2, respectively. The dashed black line indicates the decision boundary between classes 1 and 2 and thus satisfies P (c = 1 j x) = (c = 2 j x) = 0:5. The dashed blue and red lines represent the boundaries between the posterior probabilities of the mixture components. learning. This learning algorithm reduces memory usage without losing generalization capability by obtaining sparse weights while maintaining the multimodality of the mixture model. The technical highlight of this study is twofold: One is that the SDGM finds the multimodal structure in the feature space and the other is that redundant Gaussian components are removed owing to sparse learning.
    [Show full text]
  • A Novel Integrated Approach of Relevance Vector Machine Optimized by Imperialist Competitive Algorithm for Spatial Modeling of Shallow Landslides
    remote sensing Article A Novel Integrated Approach of Relevance Vector Machine Optimized by Imperialist Competitive Algorithm for Spatial Modeling of Shallow Landslides Dieu Tien Bui 1,2, Himan Shahabi 3,* , Ataollah Shirzadi 4 , Kamran Chapi 4, Nhat-Duc Hoang 5, Binh Thai Pham 6 , Quang-Thanh Bui 7, Chuyen-Trung Tran 8, Mahdi Panahi 9 , Baharin Bin Ahamd 10 and Lee Saro 11,12,* 1 Geographic Information Science Research Group, Ton Duc Thang University, Ho Chi Minh City, Vietnam; [email protected] 2 Faculty of Environment and Labour Safety, Ton Duc Thang University, Ho Chi Minh City, Vietnam 3 Department of Geomorphology, Faculty of Natural Resources, University of Kurdistan, Sanandaj 66177-15175, Iran 4 Department of Rangeland and Watershed Management, Faculty of Natural Resources, University of Kurdistan, Sanandaj 66177-15175, Iran; [email protected] (A.S.); [email protected] (K.C.) 5 Faculty of Civil Engineering, Institute of Research and Development, Duy Tan University, P809-K7/25 Quang Trung, Danang 550000, Vietnam; [email protected] 6 Geotechnical Engineering and Artificial Intelligence Research Group (GEOAI), University of Transport Technology, Hanoi 100803, Vietnam; [email protected] 7 Faculty of Geography, VNU University of Science, 334 Nguyen Trai, ThanhXuan, Hanoi 100803, Vietnam; [email protected] 8 Faculty of Information Technology, Hanoi University of Mining and Geology, Pho Vien, Bac Tu Liem, Hanoi 100803, Vietnam; [email protected] 9 Young Researchers and Elites Club, North Tehran Branch, Islamic Azad University,
    [Show full text]
  • Automatic Machine Learning Derived from Scholarly Big Data
    Automatic Machine Learning Derived from Scholarly Big Data Asnat Greenstein-Messicaa,b,∗, Roman Vainshteina,b, Gilad Katza,b, Bracha Shapiraa,b, Lior Rokacha,b aSoftware and Information Engineering Department, Ben Gurion University of the Negev bBe’er Sheva, Israel Abstract One of the challenging aspects of applying machine learning is the need to identify the algorithms that will perform best for a given dataset. This process can be difficult, time consuming and often requires a great deal of domain knowledge. We present Sommelier, an expert system for recom- mending the machine learning algorithms that should be applied on a previously unseen dataset. Sommelier is based on word embedding representations of the domain knowledge extracted from a large corpus of academic publications. When presented with a new dataset and its problem descrip- tion, Sommelier leverages a recommendation model trained on the word embedding representation to provide a ranked list of the most relevant algorithms to be used on the dataset. We demonstrate Sommelier’s effectiveness by conducting an extensive evaluation on 121 publicly available datasets and 53 classification algorithms. The top algorithms recommended for each dataset by Sommelier were able to achieve on average 97.7% of the optimal accuracy of all surveyed algorithms. Keywords: scholarly big data, algorithm recommendation, word embedding, expert system 1. Introduction The enormous growth in the creation of digital data has created numerous opportunities. Com- panies and organizations are now capable of mining data regarding almost every aspect of their activity. However, the ability to collect data far outstrips the ability of organizations to apply analytics or derive meaningful insights.
    [Show full text]
  • An Integrated Transfer Learning and Multitask Learning Approach For
    An Integrated Transfer Learning and Multitask Learning Approach for Pharmacokinetic Parameter Prediction Zhuyifan Ye1, Yilong Yang1,2, Xiaoshan Li2, Dongsheng Cao3, Defang Ouyang1* 1State Key Laboratory of Quality Research in Chinese Medicine, Institute of Chinese Medical Sciences (ICMS), University of Macau, Macau, China 2Department of Computer and Information Science, Faculty of Science and Technology, University of Macau, Macau, China 3Xiangya School of Pharmaceutical Sciences, Central South University, No. 172, Tongzipo Road, Yuelu District, Changsha, People’s Republic of China Note: Zhuyifan Ye and Yilong Yang made equal contribution to the manuscript. Corresponding author: Defang Ouyang, email: [email protected]; telephone: 853-88224514. ABSTRACT: Background: Pharmacokinetic evaluation is one of the key processes in drug discovery and development. However, current absorption, distribution, metabolism, excretion prediction models still have limited accuracy. Aim: This study aims to construct an integrated transfer learning and multitask learning approach for developing quantitative structure-activity relationship models to predict four human pharmacokinetic parameters. Methods: A pharmacokinetic dataset included 1104 U.S. FDA approved small molecule drugs. The dataset included four human pharmacokinetic parameter subsets (oral bioavailability, plasma protein binding rate, apparent volume of distribution at steady-state and elimination half-life). The pre-trained model was trained on over 30 million bioactivity data. An integrated transfer learning and multitask learning approach was established to enhance the model generalization. Results: The pharmacokinetic dataset was split into three parts (60:20:20) for training, validation and test by the improved Maximum Dissimilarity algorithm with the representative initial set selection algorithm and the weighted distance function. The multitask learning techniques enhanced the model predictive ability.
    [Show full text]
  • Getting Started with Machine Learning
    1 Getting Started with Machine Learning CSC131 The Beauty & Joy of Computing Cornell College 600 First Street SW Mount Vernon, Iowa 52314 September 2018 2 Contents 1 Applications7 1.1 Sheldon Branch............................7 1.2 Bram Dedrick.............................8 1.3 Tony Ferenzi.............................9 1.3.1 Benefits of Machine Learning................9 1.4 William Golden............................ 11 1.4.1 Humans: The Teachers of Technology........... 11 1.5 Yuan Hong.............................. 13 1.6 Easton Jensen............................. 15 1.7 Rodrigo Martinez........................... 17 1.7.1 Machine Learning in Medicine............... 17 1.8 Matt Morrical............................. 19 1.9 Ella Nelson.............................. 20 1.10 Koichi Okazaki............................ 21 1.11 Jakob Orel.............................. 23 1.12 Marcellus Parks............................ 24 1.13 Lydia Sanchez............................. 26 1.14 Tiff Serra-Pichardo.......................... 28 1.15 Austin Stala.............................. 29 1.16 Nicole Trenholm........................... 30 1.17 Maddy Weaver............................ 32 1.18 Peter Weber.............................. 33 3 4 CONTENTS 2 Recommendations 35 2.1 Sheldon Branch............................ 35 2.1.1 Course 1: Machine Learning................. 35 2.1.2 Course 2: Robotics: Vision Intelligence and Machine Learn- ing............................... 36 2.1.3 Course 3: Machine Learning Fundamentals........ 38 2.2 Bram Dedrick............................
    [Show full text]