Package maboost. R topics documented: February 20, 2015

Size: px
Start display at page:

Download "Package maboost. R topics documented: February 20, 2015"

Transcription

1 Version Date Title Binary and Multiclass Boosting Algorithms Author Tofigh Naghibi Depends R(>= 2.10),rpart,C50 Package maboost February 20, 2015 Performs binary and multiclass boosting in maximum-margin, sparse, smooth and normal settings as described in ``A Boosting Framework on Grounds of Online Learning'' by T. Naghibi and B. Pfister, (2014). For further information regarding the algorithms, please refer to Maintainer Tofigh Naghibi License GPL (>= 2) Repository CRAN Date/Publication :03:41 Collate 'maboost-package.r' 'maboost.r' 'maboost.default.r' 'maboost.formula.r' 'maboost.machine.bin.r' 'maboost.machine.multi.r' 'predict.maboost.r' 'print.maboost.r' 'projsplx.r' 'projsplx_k.r' 'summary.maboost.r' 'update.maboost.r' 'varplot.maboost.r' NeedsCompilation no R topics documented: maboost predict.maboost print.maboost summary.maboost update.maboost varplot.maboost Index 10 1

2 2 maboost maboost Binary and Multiclass Boosting Algorithms maboost is used to fit a variety of stochastic boosting models for binary and multiclass responses as described in A Boosting Framework on Grounds of Online Learning by T. Naghibi and B. Pfister, (2014). maboost(x,...) ## Default S3 method: maboost(x, y,test.x=null,test.y=null,breg=c("entrop","l2"),type=c("normal","maxmargin","smooth","sparse"),c50tree=false,iter=100, nu=1,bag.frac=0.5,random.feature=true,random.cost=true,smoothfactor=1,sparsefactor=false,verbose=false,...,na.action=na.rpart) ## S3 method for class formula maboost(formula, data,..., subset, na.action=na.rpart) x y formula data test.x test.y breg type matrix of descriptors. vector of responses (class labels). a symbolic description of the model to be fit. dataframe containing variables and a column corresponding to class labels. testing matrix of discriptors (optional) vector of testing responses (optional) breg="l2" (default) selects quadratic Bregman divergence and breg="entrop" uses KL-divergence which results in a adaboost-like algorithm (with a different choice of eta). determine the type of the algorithm to be used. Default is running the algorithm in the normal mode. type="maxmargin": it guarantees that the margin of the final hypothesis converges to max-margin (at each round t, it divides eta by t^.5). type="sparse": It uses SparseBoost and only works with breg="l2". It generates sparse weight vectors by projecting the weight vectors onto R+. It can be used for multiclass but it is kind of meaningless since the multiclass setting uses a weight matrix instead of weight vector and increasing the sparsity of this matrix does not result in the sparsity of the weight vector (which is the sum over col. of the weight matrix). type="smooth": flag to start smooth boosting. Only works for breg="l2" and for binary classification. Note that for type="smooth", smoothfactor parameter should also be set, accordingly

3 maboost 3 C50tree flag to use C5.0 as the weak classifier. It is only recommended for multiclass setting where rpart maybe too weak to satisfy boostability condition. If it is used, don t forget to set the CF and mincases parameters in C50Control properly iter number of boosting iterations to perform. Default = 100. nu bag.frac shrinkage parameter for boosting, default taken as 1. It is multiplied in eta and controls its largeness. Note that in the case of using sparseboost, nu can also be increased to enhance sparsity, at the expense of increasing the risk of divergence sampling fraction for samples taken out-of-bag. This allows one to use random permutation which improves performance. random.feature flag to grow a random forest type trees. If TRUE, at each round a small set of features (num_feat^.5) are selected to grow a tree. It generally speeds up the convergence specially for large data sets and improves the performance. random.cost smoothfactor sparsefactor verbose subset na.action flag to assign random costs to selected features. By assigning random costs (look at cost in rpart.control) to the selected features (if random.forest=true) it tries to decorrelates the trees and usually in combination with random.feature it improves the generalization error. an integer between 1 to N (number of examples in data) and have to be set if smooth is TRUE. If smoothfactor=k then examples weights are <=1/K and the final error is <K/N When it is true, an explicit l1 norm regularization term is used in the projection step of the algorithm (see [1]) to enhance the sparsity. Default is FALSE to guarantee the convergence of the Sparseboost algorithm. Note that, this parameter can also be set to a numeric value which is directly multiplied in the l1-norm regularization factor (see def. of alpha in [1]). flag to output more details about internal parameters, error, num_zero, sum of weights, eta (classifeir coefficient) and max of weights, at each round of boosting. Default is FALSE an optional vector specifying a subset of observations to be used in the fitting process. a function that indicates how to process NA values. Default=na.rpart for rpart and na.pass for C arguments passed to rpart.control and C50Control. For stumps, use maxdepth=1,cp=-1,minsplit=0 maxdepth controls the depth of trees, and cp controls the complexity of trees. For C5.0 use CF,minCases control the complexity and size of the tree. The smaller the CF is, the less complex the tree and the larger the mincases, the smaller the size of the C5.0 tree Details This function directly follows the algorithms listed in Boosting on Grounds of Online Learning. When using usage maboost(y~.) : data must be in a data frame. Response can have factor or numeric values (preferably factor form). missing values can be present in the descriptor data, whenever na.action is set to any option other than na.pass.

4 4 maboost After the model is fit, maboost prints a summary of the function call, the method used for boosting, the number of iterations, the final confusion matrix (observed classification vs predicted classification; labels for classes are same as in response), the error for the training set, and testing, training, and kappa estimates of the appropriate number of iterations. A summary of this information can also be obtained with the command print(x). Corresponding functions (Use help with summary.maboost, predict.maboost,... varplot.maboost for additional information on these commands): summary : function to print a summary of the original function call, method used for boosting, number of iterations, final confusion matrix, accuracy, and kappa statistic (a measure of agreement between the observed classification and predicted classification). summary can be used for training, testing, or validation data. predict : function to predict the response for any data set (train, test, or validation) varplot.maboost : plot of variables ordered by the variable importance measure (based on improvement). update : add more trees to the maboost object. Value model fit call nu breg confusion iter actual The following items are the different components created by the algorithms: trees: ensemble of rpart or C5.0 trees used to fit the model alpha: the weights of the trees used in the final aggregate model F : F[[1]] corresponds to the training sum, F[[2]]],... corresponds to testing sums. errs : matrix of errs, training, kappa, testing 1, kappa 1,... lw : last weights calculated, used by update routine num_zero: a vector of length iter containing the number of zeros in the weight vector at each round. The predicted classification for each observation in the original level of the response. The function call. shrinkage parameter The type of maboost performed: "l2", "entrop". The confusion matrix (True value vs. Predicted value) for the training data. The number of boosting iterations that were performed. The original response vector. Warnings (a) Choose type="normal" or "maxmargin" for multiclass classification. SmoothBoost do not work in multiclass setting and SparseBoost does not make sense to be used for multiclass classification (where we have to deal with a weight matrix rather than a weight vector). (b) cost variable in rpart.control is the only variable in rpart.control that CANNOT be set through maboost. It is reserved for random.cost.

5 predict.maboost 5 Author(s) Tofigh Naghibi, ETH Zurich Special thanks to Dr. Mark Culp and his colleagues who developed the ada package. A big part of this package has been built upon their code. In particular, summary, print and varplot.maboost functions are imported from ada package with almost no changes. For further info about ada which implements different variations of Anyboost, look at [2] References [1] Naghibi, T., Pfister, B. (2014). A Boosting Framework on Grounds of Online Learning. NIPS. [2] Culp, M., Johnson, K., Michailidis, G. (2006). maboost: an R Package for Stochastic Boosting Journal of Statistical Software, 16. print.maboost,summary.maboost,predict.maboost,update.maboost,varplot.maboost Examples ## fit maboost model data(iris) ##drop setosa iris[iris$species!="setosa",]->iris ##set up testing and training data (60% for training) n<-dim(iris)[1] trind<-sample(1:n,floor(.6*n),false) teind<-setdiff(1:n,trind) iris[,5]<- as.factor((levels(iris[,5])[2:3])[as.numeric(iris[,5])-1]) ##fit a tree with maxdepth=6 (a variable pass to rpart.control). gdis<-maboost(species~.,data=iris[trind,],iter=50,nu=2,breg="l2", type="sparse",bag.frac=1,random.feature=false,random.cost=false, C50tree=FALSE, maxdepth=6,verbose=true) ##to see the average zeros in the weighting vectors over the 40 rounds of boosting print(mean(gdis$model$num_zero)) ##prediction pred.gdis= predict(gdis,iris,type="class"); ##variable selection varplot.maboost(gdis) predict.maboost Predict a data set using maboost predict classifies a new set of observations from a previously built classifier. This function will provide either a vector of new classes, class probability estimates, or both.

6 6 predict.maboost ## S3 method for class maboost predict(object, newdata = NULL, type = c("class", "prob", "both","f"),n.iter=null,...) object newdata type Details n.iter object generated by maboost. new data set to predict. This data set must be of type data.frame. Default = NULL. When default = NULL, predict produces predictions for the original training set. choice for preditions. type= class returns the default class labels. type= prob returns the probability class estimates. type= both returns both the default class labels and probability class estimates. type= F returns the ensamble average. This is mainly usefull for the multiclass case. number of iterations to consider for the prediction. By default this is iter from the maboost call (n.iter< iter)... other arguments not used by this function. This function was modeled after predict.rpart and predict.rpart and predict.c5.0. Value fit prob both F a vector of fitted responses. Fit will be returned if type= class. a matrix of class probability estimates. The first column corresponds to the first label in the levels of the response. The second column corresponds to the second label in the levels of the response. Probs are returned whenever type= prob. returns both the vector of fitted responses and class probability estimates. The first element returns the fitted responses and will be labeled as class. The second element returns the class probability estimates and will be labeled as prob. this can be used in the multiclass case. Note This function is invoked by the summary S3 generics invoked with an maboost object. If an error occurs in one of the above commands then try using this command directly to track possible errors. Also, the newdata data set must be of type data.frame when invoking summary. summary.maboost,print.maboost, update.maboost

7 print.maboost 7 print.maboost Model Information for Ada print lists the model information and final confusion matrix for submitted data. ## S3 method for class maboost print(x,...) x object generated by the function maboost.... other arguments not used by this function. Details print produces a summary of the original function call, method used for boosting, number of iterations, final confusion matrix, error from data used to build the model, and estimates of M. Note: any object of class maboost invokes print, when printed to the screen. Value No value returned. summary.maboost,predict.maboost, summary.maboost Summary of model fit for arbitrary data (test, validation, or training) summary lists the model information for fitted model and final confusion matrix. ## S3 method for class maboost summary(object, n.iter=null,...)

8 8 update.maboost object object generated by maboost. n.iter specific iteration to obtain the training and testing information at.... other arguments not used by this function. Details summary produces a summary of the original function call, method used for boosting for a specific iteration, accuracy, and kappa statistic (a measure of agreement between the observed classification and predicted classification) for the training data. In addition, if any other data set (i.e. test or validation) has been incorporated to the maboost object, summary produces analogous information. maboost,predict.maboost update.maboost Add more trees to an maboost object maboost.update updates the maboost object to have additional trees given a new number of iterations. ## S3 method for class maboost update(object, x, y, test.x, test.y = NULL, n.iter,...) object object generated by the function maboost. x x training data y training response test.x x testing data (optional) test.y the true labeling for this testing data (optional) n.iter new number of iterations, must be provided and n.iter>iter... other arguments not used by this function. Value updated maboost object. maboost,summary.maboost,predict.maboost,

9 varplot.maboost 9 varplot.maboost Variable selection with maboost varplot.maboost ranks the variable according to their importance. varplot.maboost(x,plot.it=true, type=c("none","scores"),max.var.show=30,...) x plot.it type Details Value max.var.show object generated by the function maboost. flag to plot a figure default="none", if scores is selected the scores of variables are returned. default="30", set it to larger value if you have more than 30 variables.... other arguments not used by this function. varplot.maboost This command provides a sense of variable importance. The more frequently a variable is selected for boosting, the more likely the variable contains useful information for classification. for rpart, the standard criteria explained in (Hastie et al,2001, pg332) is used while for C5.0. the function C5imp is used to calculate the variables importance for each C5.0 model and these scores are averaged over all trees. scores are returned. summary.maboost,predict.maboost,

10 Index Topic classes maboost, 2 Topic methods maboost, 2 predict.maboost, 5 print.maboost, 7 summary.maboost, 7 update.maboost, 8 varplot.maboost, 9 Topic models maboost, 2 maboost, 2, 8 predict.maboost, 5, 5, 7 9 print.maboost, 5, 6, 7 summary.maboost, 5 7, 7, 8, 9 update.maboost, 5, 6, 8 varplot.maboost, 5, 9 10

Package C50. December 1, 2017

Package C50. December 1, 2017 Type Package Title C5.0 Decision Trees and Rule-Based Models Version 0.1.1 Date 2017-11-20 Maintainer Max Kuhn Package C50 December 1, 2017 C5.0 decision trees and rulebased models for

More information

Package naivebayes. R topics documented: January 3, Type Package. Title High Performance Implementation of the Naive Bayes Algorithm

Package naivebayes. R topics documented: January 3, Type Package. Title High Performance Implementation of the Naive Bayes Algorithm Package naivebayes January 3, 2018 Type Package Title High Performance Implementation of the Naive Bayes Algorithm Version 0.9.2 Author Michal Majka Maintainer Michal Majka Description

More information

Package rferns. November 15, 2017

Package rferns. November 15, 2017 Package rferns November 15, 2017 Type Package Title Random Ferns Classifier Version 2.0.3 Author Miron B. Kursa Maintainer Miron B. Kursa Description An R implementation of the random

More information

Package PrivateLR. March 20, 2018

Package PrivateLR. March 20, 2018 Type Package Package PrivateLR March 20, 2018 Title Differentially Private Regularized Logistic Regression Version 1.2-22 Date 2018-03-19 Author Staal A. Vinterbo Maintainer Staal

More information

Package adabag. January 19, Type Package

Package adabag. January 19, Type Package Type Package Package adabag January 19, 2018 Title Applies Multiclass AdaBoost.M1, SAMME and Bagging Version 4.2 Date 2018-01-10 Author Alfaro, Esteban; Gamez, Matias and Garcia, Noelia; with contributions

More information

Package svmpath. R topics documented: August 30, Title The SVM Path Algorithm Date Version Author Trevor Hastie

Package svmpath. R topics documented: August 30, Title The SVM Path Algorithm Date Version Author Trevor Hastie Title The SVM Path Algorithm Date 2016-08-29 Version 0.955 Author Package svmpath August 30, 2016 Computes the entire regularization path for the two-class svm classifier with essentially the same cost

More information

CARTWARE Documentation

CARTWARE Documentation CARTWARE Documentation CARTWARE is a collection of R functions written for Classification and Regression Tree (CART) Analysis of ecological data sets. All of these functions make use of existing R functions

More information

Package JOUSBoost. July 12, 2017

Package JOUSBoost. July 12, 2017 Type Package Package JOUSBoost July 12, 2017 Title Implements Under/Oversampling for Probability Estimation Version 2.1.0 Implements under/oversampling for probability estimation. To be used with machine

More information

Package AnDE. R topics documented: February 19, 2015

Package AnDE. R topics documented: February 19, 2015 Package AnDE February 19, 2015 Title An extended Bayesian Learning Technique developed by Dr. Geoff Webb AODE achieves highly accurate classification by averaging over all of a small space. Version 1.0

More information

Package RAMP. May 25, 2017

Package RAMP. May 25, 2017 Type Package Package RAMP May 25, 2017 Title Regularized Generalized Linear Models with Interaction Effects Version 2.0.1 Date 2017-05-24 Author Yang Feng, Ning Hao and Hao Helen Zhang Maintainer Yang

More information

Package cwm. R topics documented: February 19, 2015

Package cwm. R topics documented: February 19, 2015 Package cwm February 19, 2015 Type Package Title Cluster Weighted Models by EM algorithm Version 0.0.3 Date 2013-03-26 Author Giorgio Spedicato, Simona C. Minotti Depends R (>= 2.14), MASS Imports methods,

More information

Package rpst. June 6, 2017

Package rpst. June 6, 2017 Type Package Title Recursive Partitioning Survival Trees Version 1.0.0 Date 2017-6-6 Author Maintainer Package rpst June 6, 2017 An implementation of Recursive Partitioning Survival Trees

More information

Package ridge. R topics documented: February 15, Title Ridge Regression with automatic selection of the penalty parameter. Version 2.

Package ridge. R topics documented: February 15, Title Ridge Regression with automatic selection of the penalty parameter. Version 2. Package ridge February 15, 2013 Title Ridge Regression with automatic selection of the penalty parameter Version 2.1-2 Date 2012-25-09 Author Erika Cule Linear and logistic ridge regression for small data

More information

Package glmnetutils. August 1, 2017

Package glmnetutils. August 1, 2017 Type Package Version 1.1 Title Utilities for 'Glmnet' Package glmnetutils August 1, 2017 Description Provides a formula interface for the 'glmnet' package for elasticnet regression, a method for cross-validating

More information

Package clustmixtype

Package clustmixtype Package clustmixtype October 17, 2017 Version 0.1-29 Date 2017-10-15 Title k-prototypes Clustering for Mixed Variable-Type Data Author Gero Szepannek Maintainer Gero Szepannek Imports

More information

Package obliquerf. February 20, Index 8. Extract variable importance measure

Package obliquerf. February 20, Index 8. Extract variable importance measure Package obliquerf February 20, 2015 Title Oblique Random Forests from Recursive Linear Model Splits Version 0.3 Date 2012-08-10 Depends R (>= 2.0.0), stats, ROCR, pls, mda, e1071 Author Bjoern Menze and

More information

Package RLT. August 20, 2018

Package RLT. August 20, 2018 Package RLT August 20, 2018 Version 3.2.2 Date 2018-08-20 Title Reinforcement Learning Trees Author Ruoqing Zhu Maintainer Ruoqing Zhu Suggests randomforest, survival

More information

Package SAM. March 12, 2019

Package SAM. March 12, 2019 Type Package Title Sparse Additive Modelling Version 1.1.1 Date 2019-02-18 Package SAM March 12, 2019 Author Haoming Jiang, Yukun Ma, Xinyu Fei, Tuo Zhao, Xingguo Li, Han Liu, and Kathryn Roeder Maintainer

More information

Package kernelfactory

Package kernelfactory Package kernelfactory September 29, 2015 Type Package Title Kernel Factory: An Ensemble of Kernel Machines Version 0.3.0 Date 2015-09-29 Imports randomforest, AUC, genalg, kernlab, stats Author Michel

More information

Package TWIX. R topics documented: February 15, Title Trees WIth extra splits. Date Version

Package TWIX. R topics documented: February 15, Title Trees WIth extra splits. Date Version Package TWIX February 15, 2013 Title Trees WIth extra splits Date 28.03.2012 Version 0.2.19 Author Sergej Potapov , Martin Theus Maintainer Sergej Potapov

More information

Package cosinor. February 19, 2015

Package cosinor. February 19, 2015 Type Package Package cosinor February 19, 2015 Title Tools for estimating and predicting the cosinor model Version 1.1 Author Michael Sachs Maintainer Michael Sachs

More information

Package gbts. February 27, 2017

Package gbts. February 27, 2017 Type Package Package gbts February 27, 2017 Title Hyperparameter Search for Gradient Boosted Trees Version 1.2.0 Date 2017-02-26 Author Waley W. J. Liang Maintainer Waley W. J. Liang

More information

Package randomglm. R topics documented: February 20, 2015

Package randomglm. R topics documented: February 20, 2015 Package randomglm February 20, 2015 Version 1.02-1 Date 2013-01-28 Title Random General Linear Model Prediction Author Lin Song, Peter Langfelder Maintainer Peter Langfelder

More information

Package arulescba. April 24, 2018

Package arulescba. April 24, 2018 Version 1.1.3-1 Date 2018-04-23 Title Classification Based on Association Rules Package arulescba April 24, 2018 Provides a function to build an association rulebased classifier for data frames, and to

More information

Package missforest. February 15, 2013

Package missforest. February 15, 2013 Type Package Package missforest February 15, 2013 Title Nonparametric Missing Value Imputation using Random Forest Version 1.3 Date 2012-06-26 Author Maintainer Depends randomforest The function missforest

More information

Package ICEbox. July 13, 2017

Package ICEbox. July 13, 2017 Type Package Package ICEbox July 13, 2017 Title Individual Conditional Expectation Plot Toolbox Version 1.1.2 Date 2017-07-12 Author Alex Goldstein, Adam Kapelner, Justin Bleich Maintainer Adam Kapelner

More information

The grplasso Package

The grplasso Package The grplasso Package June 27, 2007 Type Package Title Fitting user specified models with Group Lasso penalty Version 0.2-1 Date 2007-06-27 Author Lukas Meier Maintainer Lukas Meier

More information

Package misclassglm. September 3, 2016

Package misclassglm. September 3, 2016 Type Package Package misclassglm September 3, 2016 Title Computation of Generalized Linear Models with Misclassified Covariates Using Side Information Version 0.2.0 Date 2016-09-02 Author Stephan Dlugosz

More information

Package caretensemble

Package caretensemble Package caretensemble Type Package Title Ensembles of Caret Models Version 2.0.0 Date 2016-02-06 August 29, 2016 URL https://github.com/zachmayer/caretensemble BugReports https://github.com/zachmayer/caretensemble/issues

More information

Package rknn. June 9, 2015

Package rknn. June 9, 2015 Type Package Title Random KNN Classification and Regression Version 1.2-1 Date 2015-06-07 Package rknn June 9, 2015 Author Shengqiao Li Maintainer Shengqiao Li

More information

Package mnlogit. November 8, 2016

Package mnlogit. November 8, 2016 Package mnlogit November 8, 2016 Type Package Title Multinomial Logit Model Version 1.2.5 Date 2016-11-6 Suggests VGAM, nnet Imports mlogit, lmtest, Formula, stats Author Asad Hasan, Wang Zhiyu, Alireza

More information

Package SAENET. June 4, 2015

Package SAENET. June 4, 2015 Type Package Package SAENET June 4, 2015 Title A Stacked Autoencoder Implementation with Interface to 'neuralnet' Version 1.1 Date 2015-06-04 An implementation of a stacked sparse autoencoder for dimension

More information

Package mtsdi. January 23, 2018

Package mtsdi. January 23, 2018 Version 0.3.5 Date 2018-01-02 Package mtsdi January 23, 2018 Author Washington Junger and Antonio Ponce de Leon Maintainer Washington Junger

More information

Package PTE. October 10, 2017

Package PTE. October 10, 2017 Type Package Title Personalized Treatment Evaluator Version 1.6 Date 2017-10-9 Package PTE October 10, 2017 Author Adam Kapelner, Alina Levine & Justin Bleich Maintainer Adam Kapelner

More information

Package randomforest.ddr

Package randomforest.ddr Package randomforest.ddr March 10, 2017 Type Package Title Distributed 'randomforest' for Big Data using 'ddr' API Version 0.1.2 Date 2017-03-09 Author Vishrut Gupta, Arash Fard, Winston Li, Matthew Saltz

More information

Package ebmc. August 29, 2017

Package ebmc. August 29, 2017 Type Package Package ebmc August 29, 2017 Title Ensemble-Based Methods for Class Imbalance Problem Version 1.0.0 Author Hsiang Hao, Chen Maintainer ``Hsiang Hao, Chen'' Four ensemble-based

More information

Ensemble Learning. Another approach is to leverage the algorithms we have via ensemble methods

Ensemble Learning. Another approach is to leverage the algorithms we have via ensemble methods Ensemble Learning Ensemble Learning So far we have seen learning algorithms that take a training set and output a classifier What if we want more accuracy than current algorithms afford? Develop new learning

More information

2 cubist.default. Fit a Cubist model

2 cubist.default. Fit a Cubist model Package Cubist August 29, 2013 Type Package Title Rule- and Instance-Based Regression Modeling Version 0.0.13 Date 2013-01-28 Author Max Kuhn, Steve Weston, Chris Keefer, Nathan Coulter. C code for Cubist

More information

Package kerasformula

Package kerasformula Package kerasformula August 23, 2018 Type Package Title A High-Level R Interface for Neural Nets Version 1.5.1 Author Pete Mohanty [aut, cre] Maintainer Pete Mohanty Description

More information

Package hiernet. March 18, 2018

Package hiernet. March 18, 2018 Title A Lasso for Hierarchical Interactions Version 1.7 Author Jacob Bien and Rob Tibshirani Package hiernet March 18, 2018 Fits sparse interaction models for continuous and binary responses subject to

More information

Package ranger. November 10, 2015

Package ranger. November 10, 2015 Type Package Title A Fast Implementation of Random Forests Version 0.3.0 Date 2015-11-10 Author Package November 10, 2015 Maintainer A fast implementation of Random Forests,

More information

Package lga. R topics documented: February 20, 2015

Package lga. R topics documented: February 20, 2015 Version 1.1-1 Date 2008-06-15 Title Tools for linear grouping analysis (LGA) Author Justin Harrington Maintainer ORPHANED Depends R (>= 2.2.1) Imports boot, lattice Suggests snow, MASS, maps Package lga

More information

Package Cubist. December 2, 2017

Package Cubist. December 2, 2017 Type Package Package Cubist December 2, 2017 Title Rule- And Instance-Based Regression Modeling Version 0.2.1 Date 2017-12-01 Maintainer Max Kuhn Description Regression modeling using

More information

Package glinternet. June 15, 2018

Package glinternet. June 15, 2018 Type Package Package glinternet June 15, 2018 Title Learning Interactions via Hierarchical Group-Lasso Regularization Version 1.0.8 Date 2018-06-20 Author Michael Lim, Trevor Hastie Maintainer Michael

More information

Package cgh. R topics documented: February 19, 2015

Package cgh. R topics documented: February 19, 2015 Package cgh February 19, 2015 Version 1.0-7.1 Date 2009-11-20 Title Microarray CGH analysis using the Smith-Waterman algorithm Author Tom Price Maintainer Tom Price

More information

Package sbrl. R topics documented: July 29, 2016

Package sbrl. R topics documented: July 29, 2016 Type Package Title Scalable Bayesian Rule Lists Model Version 1.2 Date 2016-07-25 Author Hongyu Yang [aut, cre], Morris Chen [ctb], Cynthia Rudin [aut, ctb], Margo Seltzer [aut, ctb] Maintainer Hongyu

More information

Package avirtualtwins

Package avirtualtwins Type Package Package avirtualtwins February 4, 2018 Title Adaptation of Virtual Twins Method from Jared Foster Version 1.0.1 Date 2018-02-03 Research of subgroups in random clinical trials with binary

More information

Network Traffic Measurements and Analysis

Network Traffic Measurements and Analysis DEIB - Politecnico di Milano Fall, 2017 Sources Hastie, Tibshirani, Friedman: The Elements of Statistical Learning James, Witten, Hastie, Tibshirani: An Introduction to Statistical Learning Andrew Ng:

More information

Package desirability

Package desirability Package desirability February 15, 2013 Version 1.05 Date 2012-01-07 Title Desirabiliy Function Optimization and Ranking Author Max Kuhn Description S3 classes for multivariate optimization using the desirability

More information

Computer Vision Group Prof. Daniel Cremers. 8. Boosting and Bagging

Computer Vision Group Prof. Daniel Cremers. 8. Boosting and Bagging Prof. Daniel Cremers 8. Boosting and Bagging Repetition: Regression We start with a set of basis functions (x) =( 0 (x), 1(x),..., M 1(x)) x 2 í d The goal is to fit a model into the data y(x, w) =w T

More information

Package NNLM. June 18, 2018

Package NNLM. June 18, 2018 Type Package Package NNLM June 18, 2018 Title Fast and Versatile Non-Negative Matrix Factorization Description This is a package for Non-Negative Linear Models (NNLM). It implements fast sequential coordinate

More information

Package metaheur. June 30, 2016

Package metaheur. June 30, 2016 Type Package Package metaheur June 30, 2016 Title Metaheuristic Optimization Framework for Preprocessing Combinations Version 0.2.0 Date 2016-6-30 Author Markus Vattulainen Maintainer Markus Vattulainen

More information

Package fasttextr. May 12, 2017

Package fasttextr. May 12, 2017 Type Package Title An Interface to the 'fasttext' Library Version 1.0 Date 2016-09-22 Author Florian Schwendinger [aut, cre] Package fasttextr May 12, 2017 Maintainer Florian Schwendinger

More information

Package mrm. December 27, 2016

Package mrm. December 27, 2016 Type Package Package mrm December 27, 2016 Title An R Package for Conditional Maximum Likelihood Estimation in Mixed Rasch Models Version 1.1.6 Date 2016-12-23 Author David Preinerstorfer Maintainer David

More information

Package MixSim. April 29, 2017

Package MixSim. April 29, 2017 Version 1.1-3 Date 2017-04-22 Package MixSim April 29, 2017 Title Simulating Data to Study Performance of Clustering Algorithms Depends R (>= 3.0.0), MASS Enhances mclust, cluster LazyLoad yes LazyData

More information

Package colf. October 9, 2017

Package colf. October 9, 2017 Type Package Package colf October 9, 2017 Title Constrained Optimization on Linear Function Version 0.1.3 URL https://github.com/lyzander/colf BugReports https://github.com/lyzander/colf/issues Depends

More information

Package assortnet. January 18, 2016

Package assortnet. January 18, 2016 Type Package Package assortnet January 18, 2016 Title Calculate the Assortativity Coefficient of Weighted and Binary Networks Version 0.12 Date 2016-01-18 Author Damien Farine Maintainer

More information

Package msda. February 20, 2015

Package msda. February 20, 2015 Title Multi-Class Sparse Discriminant Analysis Version 1.0.2 Date 2014-09-26 Package msda February 20, 2015 Author Maintainer Yi Yang Depends Matri, MASS Efficient procedures for computing

More information

Package glmmml. R topics documented: March 25, Encoding UTF-8 Version Date Title Generalized Linear Models with Clustering

Package glmmml. R topics documented: March 25, Encoding UTF-8 Version Date Title Generalized Linear Models with Clustering Encoding UTF-8 Version 1.0.3 Date 2018-03-25 Title Generalized Linear Models with Clustering Package glmmml March 25, 2018 Binomial and Poisson regression for clustered data, fixed and random effects with

More information

Package rgcvpack. February 20, Index 6. Fitting Thin Plate Smoothing Spline. Fit thin plate splines of any order with user specified knots

Package rgcvpack. February 20, Index 6. Fitting Thin Plate Smoothing Spline. Fit thin plate splines of any order with user specified knots Version 0.1-4 Date 2013/10/25 Title R Interface for GCVPACK Fortran Package Author Xianhong Xie Package rgcvpack February 20, 2015 Maintainer Xianhong Xie

More information

Package gensemble. R topics documented: February 19, 2015

Package gensemble. R topics documented: February 19, 2015 Type Package Title generalized ensemble methods Version 1.0 Date 2013-01-25 Author Peter Werner, Eugene Dubossarsky Package gensemble February 19, 2015 Maintainer Peter Werner Generalized

More information

Package Combine. R topics documented: September 4, Type Package Title Game-Theoretic Probability Combination Version 1.

Package Combine. R topics documented: September 4, Type Package Title Game-Theoretic Probability Combination Version 1. Type Package Title Game-Theoretic Probability Combination Version 1.0 Date 2015-08-30 Package Combine September 4, 2015 Author Alaa Ali, Marta Padilla and David R. Bickel Maintainer M. Padilla

More information

Package maxent. July 2, 2014

Package maxent. July 2, 2014 Package maxent July 2, 2014 Type Package Title Low-memory Multinomial Logistic Regression with Support for Text Classification Version 1.3.3.1 Date 2013-04-06 Author Timothy P. Jurka, Yoshimasa Tsuruoka

More information

Package sspline. R topics documented: February 20, 2015

Package sspline. R topics documented: February 20, 2015 Package sspline February 20, 2015 Version 0.1-6 Date 2013-11-04 Title Smoothing Splines on the Sphere Author Xianhong Xie Maintainer Xianhong Xie Depends R

More information

Package SmoothHazard

Package SmoothHazard Package SmoothHazard September 19, 2014 Title Fitting illness-death model for interval-censored data Version 1.2.3 Author Celia Touraine, Pierre Joly, Thomas A. Gerds SmoothHazard is a package for fitting

More information

Package nonlinearicp

Package nonlinearicp Package nonlinearicp July 31, 2017 Type Package Title Invariant Causal Prediction for Nonlinear Models Version 0.1.2.1 Date 2017-07-31 Author Christina Heinze- Deml , Jonas

More information

Package vinereg. August 10, 2018

Package vinereg. August 10, 2018 Type Package Title D-Vine Quantile Regression Version 0.5.0 Package vinereg August 10, 2018 Maintainer Thomas Nagler Description Implements D-vine quantile regression models with parametric

More information

Package datasets.load

Package datasets.load Title Interface for Loading Datasets Version 0.1.0 Package datasets.load December 14, 2016 Visual interface for loading datasets in RStudio from insted (unloaded) s. Depends R (>= 3.0.0) Imports shiny,

More information

Package sprinter. February 20, 2015

Package sprinter. February 20, 2015 Type Package Package sprinter February 20, 2015 Title Framework for Screening Prognostic Interactions Version 1.1.0 Date 2014-04-11 Author Isabell Hoffmann Maintainer Isabell Hoffmann

More information

Package rococo. October 12, 2018

Package rococo. October 12, 2018 Package rococo October 12, 2018 Type Package Title Robust Rank Correlation Coefficient and Test Version 1.1.7 Date 2018-10-12 Author Martin Krone, Ulrich Bodenhofer Maintainer Ulrich Bodenhofer

More information

Package MTLR. March 9, 2019

Package MTLR. March 9, 2019 Type Package Package MTLR March 9, 2019 Title Survival Prediction with Multi-Task Logistic Regression Version 0.2.0 Author Humza Haider Maintainer Humza Haider URL https://github.com/haiderstats/mtlr

More information

Package GWRM. R topics documented: July 31, Type Package

Package GWRM. R topics documented: July 31, Type Package Type Package Package GWRM July 31, 2017 Title Generalized Waring Regression Model for Count Data Version 2.1.0.3 Date 2017-07-18 Maintainer Antonio Jose Saez-Castillo Depends R (>= 3.0.0)

More information

Package kofnga. November 24, 2015

Package kofnga. November 24, 2015 Type Package Package kofnga November 24, 2015 Title A Genetic Algorithm for Fixed-Size Subset Selection Version 1.2 Date 2015-11-24 Author Mark A. Wolters Maintainer Mark A. Wolters

More information

Package DPBBM. September 29, 2016

Package DPBBM. September 29, 2016 Type Package Title Dirichlet Process Beta-Binomial Mixture Version 0.2.5 Date 2016-09-21 Author Lin Zhang Package DPBBM September 29, 2016 Maintainer Lin Zhang Depends R (>= 3.1.0)

More information

Package logicfs. R topics documented:

Package logicfs. R topics documented: Package logicfs November 21, 2017 Title Identification of SNP Interactions Version 1.48.0 Date 2013-09-12 Author Holger Schwender Maintainer Holger Schwender Depends LogicReg, mcbiopi

More information

Package Daim. February 15, 2013

Package Daim. February 15, 2013 Package Daim February 15, 2013 Version 1.0.0 Title Diagnostic accuracy of classification models. Author Sergej Potapov, Werner Adler and Berthold Lausen. Several functions for evaluating the accuracy of

More information

CSE 546 Machine Learning, Autumn 2013 Homework 2

CSE 546 Machine Learning, Autumn 2013 Homework 2 CSE 546 Machine Learning, Autumn 2013 Homework 2 Due: Monday, October 28, beginning of class 1 Boosting [30 Points] We learned about boosting in lecture and the topic is covered in Murphy 16.4. On page

More information

7. Boosting and Bagging Bagging

7. Boosting and Bagging Bagging Group Prof. Daniel Cremers 7. Boosting and Bagging Bagging Bagging So far: Boosting as an ensemble learning method, i.e.: a combination of (weak) learners A different way to combine classifiers is known

More information

Package LTRCtrees. March 29, 2018

Package LTRCtrees. March 29, 2018 Type Package Package LTRCtrees March 29, 2018 Title Survival Trees to Fit Left-Truncated and Right-Censored and Interval-Censored Survival Data Version 1.1.0 Description Recursive partition algorithms

More information

Package hgam. February 20, 2015

Package hgam. February 20, 2015 Title High-dimensional Additive Modelling Version 0.1-2 Date 2013-05-13 Package hgam February 20, 2015 Author The students of the `Advanced R Programming Course' Hannah Frick, Ivan Kondofersky, Oliver

More information

Random Forest A. Fornaser

Random Forest A. Fornaser Random Forest A. Fornaser alberto.fornaser@unitn.it Sources Lecture 15: decision trees, information theory and random forests, Dr. Richard E. Turner Trees and Random Forests, Adele Cutler, Utah State University

More information

arulescba: Classification for Factor and Transactional Data Sets Using Association Rules

arulescba: Classification for Factor and Transactional Data Sets Using Association Rules arulescba: Classification for Factor and Transactional Data Sets Using Association Rules Ian Johnson Southern Methodist University Abstract This paper presents an R package, arulescba, which uses association

More information

Package spikeslab. February 20, 2015

Package spikeslab. February 20, 2015 Version 1.1.5 Date 2013-04-18 Package spikeslab February 20, 2015 Title Prediction and variable selection using spike and slab regression Author Hemant Ishwaran Maintainer Udaya

More information

Package intccr. September 12, 2017

Package intccr. September 12, 2017 Type Package Package intccr September 12, 2017 Title Semiparametric Competing Risks Regression under Interval Censoring Version 0.2.0 Author Giorgos Bakoyannis , Jun Park

More information

Package EFS. R topics documented:

Package EFS. R topics documented: Package EFS July 24, 2017 Title Tool for Ensemble Feature Selection Description Provides a function to check the importance of a feature based on a dependent classification variable. An ensemble of feature

More information

Package RaPKod. February 5, 2018

Package RaPKod. February 5, 2018 Package RaPKod February 5, 2018 Type Package Title Random Projection Kernel Outlier Detector Version 0.9 Date 2018-01-30 Author Jeremie Kellner Maintainer Jeremie Kellner

More information

Package nsprcomp. August 29, 2016

Package nsprcomp. August 29, 2016 Version 0.5 Date 2014-02-03 Title Non-Negative and Sparse PCA Package nsprcomp August 29, 2016 Description This package implements two methods for performing a constrained principal component analysis

More information

Package ADMM. May 29, 2018

Package ADMM. May 29, 2018 Type Package Package ADMM May 29, 2018 Title Algorithms using Alternating Direction Method of Multipliers Version 0.3.0 Provides algorithms to solve popular optimization problems in statistics such as

More information

Package inca. February 13, 2018

Package inca. February 13, 2018 Type Package Title Integer Calibration Version 0.0.3 Date 2018-02-09 Package inca February 13, 2018 Author Luca Sartore and Kelly Toppin Maintainer

More information

Package RCA. R topics documented: February 29, 2016

Package RCA. R topics documented: February 29, 2016 Type Package Title Relational Class Analysis Version 2.0 Date 2016-02-25 Author Amir Goldberg, Sarah K. Stein Package RCA February 29, 2016 Maintainer Amir Goldberg Depends igraph,

More information

Classification. Data Set Iris. Logistic Regression. Species. Petal.Width

Classification. Data Set Iris. Logistic Regression. Species. Petal.Width Classification Data Set Iris # load data data(iris) # this is what it looks like... head(iris) Sepal.Length Sepal.Width 1 5.1 3.5 1.4 0.2 2 4.9 3.0 1.4 0.2 3 4.7 3.2 1.3 0.2 4 4.6 3.1 0.2 5 5.0 3.6 1.4

More information

Package rococo. August 29, 2013

Package rococo. August 29, 2013 Package rococo August 29, 2013 Type Package Title RObust rank COrrelation COefficient and test Version 1.1.0 Date 2013-01-10 Author Martin Krone, Ulrich Bodenhofer Maintainer Ulrich Bodenhofer

More information

Package Rtsne. April 14, 2017

Package Rtsne. April 14, 2017 Type Package Package Rtsne April 14, 2017 Title T-Distributed Stochastic Neighbor Embedding using a Barnes-Hut Implementation Version 0.13 Description An R wrapper around the fast T-distributed Stochastic

More information

Package survivalmpl. December 11, 2017

Package survivalmpl. December 11, 2017 Package survivalmpl December 11, 2017 Title Penalised Maximum Likelihood for Survival Analysis Models Version 0.2 Date 2017-10-13 Author Dominique-Laurent Couturier, Jun Ma, Stephane Heritier, Maurizio

More information

Package StatMeasures

Package StatMeasures Type Package Package StatMeasures March 27, 2015 Title Easy Data Manipulation, Data Quality and Statistical Checks Version 1.0 Date 2015-03-24 Author Maintainer Offers useful

More information

Information Management course

Information Management course Università degli Studi di Milano Master Degree in Computer Science Information Management course Teacher: Alberto Ceselli Lecture 20: 10/12/2015 Data Mining: Concepts and Techniques (3 rd ed.) Chapter

More information

Package RandPro. January 10, 2018

Package RandPro. January 10, 2018 Type Package Title Random Projection with Classification Version 0.2.0 Author Aghila G, Siddharth R Package RandPro January 10, 2018 Maintainer Siddharth R Description Performs

More information

Contents. Preface to the Second Edition

Contents. Preface to the Second Edition Preface to the Second Edition v 1 Introduction 1 1.1 What Is Data Mining?....................... 4 1.2 Motivating Challenges....................... 5 1.3 The Origins of Data Mining....................

More information

Package flam. April 6, 2018

Package flam. April 6, 2018 Type Package Package flam April 6, 2018 Title Fits Piecewise Constant Models with Data-Adaptive Knots Version 3.2 Date 2018-04-05 Author Ashley Petersen Maintainer Ashley Petersen

More information

Package preprocomb. June 26, 2016

Package preprocomb. June 26, 2016 Type Package Title Tools for Preprocessing Combinations Version 0.3.0 Date 2016-6-26 Author Markus Vattulainen Package preprocomb June 26, 2016 Maintainer Markus Vattulainen

More information