b

DiscoverSearch
About
My stuff
Let Me At Least Learn What You Really Like: Dealing With Noisy Humans When Learning Preferences
2020·arXiv
Abstract
Abstract

Learning the preferences of a human improves the quality of the interaction with the human. The number of queries available to learn preferences maybe limited especially when interacting with a human, and so active learning is a must. One approach to active learning is to use uncertainty sampling to decide the informativeness of a query. In this paper, we propose a modification to uncertainty sampling which uses the expected output value to help speed up learning of preferences. We compare our approach with the uncertainty sampling baseline, as well as conduct an ablation study to test the validity of each component of our approach.

In an AI system that involves a human-in-the-loop, learning the human’s preference allows for a better experience for the person. Consider the example of an AI agent for selecting online ads for a user. This is a very noisy environment, and queries with feedback are few and precious. Users seldom want to click on ads much less provide feedback. Advertisements on Facebook for example, do get user feedback. The user has the option to click ”Why am I seeing this ad”, and provide feedback.

So when the amount of feedback is sparse, rather than trying to learn the entire preference model of the user accurately, if we can at least learn what the important features and weights are, we can better serve the user. Additionally, we should avoid showing product ads that the user hates, and learn a useful model as quickly as possible.

As to what is a useful model, let’s say the human’s preference is modelled by a function over some features with noise (as we expect that human feedback is typically noisy). If we had to choose output regions in which to be more accurate, then we argue that it is more important to be accurate when the output (preference) is very high or very low, as compared to being accurate about moderate or low preferences. We justify this with the following arguments. (A) Given a set of options, the best options should be presented, or if there are no clear good options, then bad options should be avoided. (B) Rather than just detecting (classifying) a liked or disliked

image

Figure 1: Illustration of Output Value Biased Uncertainty Sampling

sample point, we argue that being accurate in the extreme regions of preferences is also important. This is apparent in online ad selection as showing the best ad increases the likelihood of clicking the ad.

We illustrate the idea of a useful function in the figure 1 , where the green region is the high preference region, and the red region is the low preference region. We try to learn a better approximation function (the orange line) that matches the true function more closely in those extreme output regions. We tradeoff between accuracy in all regions and sample effi-ciency by prioritizing accuracy when the output value (magnitude) is higher. In this way we can reduce the number of samples needed to learn a useful model of the human’s preferences quickly. We leverage this intuition, as well as the idea of uncertainty sampling from Active Learning (AL) to query with the most valuable and informative data points.

In Active Learning queries are carefully selected so as to have the greatest expected improvement in the accuracy. The queries are posed to an oracle (a source of ground truth information, which could be humans) that gives feedback to help improve the model. It has been widely used to improve the sample efficiency of machine learning models [Settles, 2009] as well as choosing what experiments to do in the design of experiments. One of the most commonly used AL approaches for sampling queries is uncertainty sampling [Lewis and Gale, 1994]. In this approach, the data point sampled is the one for which the model is least confident about it’s output value (i.e. has the most variance). In our work we modify uncertainty sampling in a way that is especially applicable to learning preferences. We call our approach Output-Biased Uncertainty Sampling(OBUS) . OBUS modifies the uncertainty (variance) measure of informativeness by adjusting it based on the output value. In the context of learning preferences, a query is more informative if the variance is higher and the expected output is a higher value (in magnitude). This deceptively simple change produces valuable gains in learning speed and sample complexity. We will discuss the details further in the methodology section where we also describe the additional details needed for learning preferences with this sampling paradigm.

Note that Active Learning is still a form of supervised learning (as is apparent). A supervised learning task traditionally involves querying only about the label of a data point, and active learning typically does the same. However, there has been several more recent works in active learning like [Hema et al., 2006], [Poulis and Dasgupta, 2017], [Druck et al., 2008], [Druck et al., 2009], [Mann and McCal- lum, 2008] where the human annotator is also asked to select relevant(predictive) features for a particular label. In terms of learning preferences, we can liken this to the human explaining their preferences by what features contributed to it. As one might expect, this would greatly speed up learning. There are already both empirical [Hema et al., 2006] [Druck et al., 2009], [Mann and McCallum, 2008] and theoretical works[Poulis and Dasgupta, 2017] that demonstrate this.We too utilize feature-feedback to speed up the learning.

When the human is queried with a data point, that query is given a preference score or level by the user according to their preference function over some (possibly all) of the features in the plan. The learning problem is then to learn this function. We also enable feature-feedback from the user to tell us what features were liked and disliked. We assume that we start with a large set of features, F, that could possibly be relevant (prior knowledge accumulated from past data) of which only a small subset is relevant to the current human’s preferences. Then for learning preferences, each data point or query is then just about a subset of features from the set F that are found in the query.

For example, when a query or sample is presented to the user, there could be many possible features that are present in it. When the query is given to the human, they provide their preference score as well as telling us of salient features that were liked or disliked.

Let us consider an online ad or message about a local French restaurant. The human could have rated the ad as 4.5 and indicated that French related ads are liked, and food related ads are disliked. The human does not tell us how much each feature contributed to the score, just that the score re-flects their overall feeling about the ad. Note that the range of preference values is not restricted, and it is the relative values of the preferences that define the preference model. The range can be any arbitrary range, but needs to be set prior to any queries. In the online ad scenario it makes sense to restrict this range from 0 to 100. We go into the details in the methodology and experimental sections.

Our claim is that using OBUS, we can frugally query the human to quickly learn a useful preference model. We compare our approach with the standard uncertainty (variance) based sampling for the regression problem that we will shortly describe. We also conduct an ablation study to analyze the effect of the different components of our approach. In order to effectively compare the effect of different components and methods of sampling, we use a simulated user. This helps us get copious and comparable feedback for each experimental setting. The feedback from our simulated user is intentionally made noisy in order to mimic a human’s noisy feedback.

Our paper is organized as follows; we first define the problem formally in section 3 and go over our approach in detail in section 4. The experimental results are presented in section 5 where we compare OBUS learning rate to random sampling and traditional uncertainty sampling baselines. We follow this with an ablation study to help evaluate the components of our active learning approach. We then compare our work with existing literature on active learning and eliciting preferences before concluding with a summary, discussion of results, and future directions for this line of work.

In our work the problem of learning preference is represented as a tuple T =< D, F, O, P, R >. D is a set of input data points. F is set of features that are present in the data points and possibly relevant to the preferences of the user; O is an oracle that provides feedback (simulated user); P is a probability function that returns the probability of seeing any of an input set of features; The objective is to learn the weights W of a linear preference function over the features in F (not all of which will be relevant to the user/oracle). We will now discuss each of the problem formulation elements in detail.

In our experimental setting, we are given a large pool of data points D split into a training set  Dtrainand test set Dtest. The features in each data point come from the superset of features F. Some subset of F is relevant to the oracle whose preferences we wish to learn. The features could be arbitrarily complex like compound logical statements that hold true or not, but the complexity of features is an orthogonal dimension that we do not explore. In our work, the features are binary features, i.e. the features is either present or not. Our work is not limited to binary features as the user will see from the methodology section; we chose binary features as it is simpler, sufficient, and captures the type of features one might expect in online ads.

As for the simulated user, which we will henceforth call the oracle, it is defined as  O =< prelevant, Oµ, Oσ, N >. The oracle is intended to let us evaluate our method against the other methods with the same consistent feedback. The oracle gives feedback on the preference for the queries posed to it. It returns a preference value for a given query data point based on the oracle’s value function and also gives feature feedback. The feature feedback would tell us which features were relevant. The oracle is configured with a likelihood  prelevantof selecting a feature as relevant. Then the relevant feature is either liked or disliked with equal (50%) chance. The Oracle’s preference for an input query is computed as a linear function over the relevant features in the query. Each feature’s weight (coefficient) is fixed before the first round of queries, and assigned from a guassian distribution whose properties can be specified by  Oµ, Oσ. Our reasoning for choosing a gaussian distribution is that it would give us a few features that are high, and low, and most relevant features would have comparable weights.

Once the magnitude of the feature weight is obtained from the Gaussian distribution, the feature weight is set to be positive if liked and negative if disliked. The preference value returned from the oracle is noisy as human feedback typically is. This preference value is a measure of how strongly the agent likes or dislikes the query. The noise in the preference value is determined by N, which represents the standard deviation of a Gaussian noise with mean 0.0. The oracle samples from this distribution and adds the noise in the preference value feedback.

We assume that the oracle’s preference or value function is linear on the features;  V (x) = W T · F(x), where W represents the weights of the features, and F(x) represents the feature vector of the query x (representing the relevant features). We think using a linear function is an acceptable sim-plification since features can be arbitrarily complex and nonlinearity can be represented as more complex features. This dimension is orthogonal to our contribution.

The objective is to learn a set of weights such that the test set error (in  Dtest) is minimized especially when the output preference is an extreme value (very high or very low).In order to prioritize the accuracy in the extreme value regions, we use the value-biased error (ErrorV B(.)). It is computed as the product of the error and true value as described in 1.

image

where  ˆyis the estimated value and  y∗is the true value. The error for the entire dataset, is the averaged value-biased error from the top 20% and bottom 20% of the range of values. Lastly, we assume the test set follows the same distribution as the training set.

We discuss the methodology we used by first presenting an overview of the algorithm, and then going into it’s parts in detail.

To learn which features matter and their weights, the queries are presented to the Oracle in rounds, in k = 5 plans per round (hyperparameter). The queries for each round are selected based on the score given by Equation 10. The equation is discussed in the subsection ScoringPlans. For now, suffice to say the score represents the informativeness of a query. The score is computed using a model learned by Ridge Regression (which we will call RRM) and using the standard error of the weights to compute the uncertainty in the prediction. We describe this more in the section on Ridge Regression. The oracle gives feedback as to what features were relevant and the score of the plan. After every batch of queries, we train a new RRM model with the additional information. The updated model is used to score the pool of plans. Then the most informative k plans from the remaining are selected for the next batch.

Note that for the first batch of queries, since we have no data, the queries will be selected based on the likelihood of occurrence of their features. The more the probability of occurrence, the more important it is to know about the feature. Additionally, each round will include a query that is purely exploratory, i.e. tries to cover as many features from the superset F as possible, chosen using the exploration score  Sedescribed in Equation 2

Se(x) = Σf∈unseen(x)p(f)(2) where unseen(X) are the features in the query x that have not yet been seen by the user (and so we are unsure if they are relevant). This helps find more features to update the RRM model. We now describe the RRM model and variance computation in more detail.

3.1 Ridge Regression Model (RRM)

Ridge Regression is appropriate for modelling data of the form in Equation 3

image

where  w0is the bias which we set as 0 in our experiments, i.e. we assume the human is neither positively or negatively biased. w is the vector of weights for the relevant features in x. ϵis the noise, assumed to be Gaussian as  N(0, σnoise). Ridge Regression tries to optimize the loss as shown in Equation 4

image

which is the mean squared error plus a penalty  λon the sum of the squared weights of the model. This penalizes large weights, and implicitly that means we assume that no one weight is extremely large. We used the Ridge Regression implementation in the python library Sklearn[Pedregosa et al., 2011]. If the reader is interested in more details on Ridge Regression, we recommend the lecture notes by Wessel van Wieringen [van Wieringen, 2015].

Ridge Regression can give us the maximum likelihood estimate with noisy data, where the noise is gaussian with mean zero. The confidence range of each parameter is computed using the standard error (se) of each parameter as in Equation 5, which is a well known and often used metric.

image

where  σ = �Ni=1(y ∗−yi)/(N −2)is called the residual and an unbiased estimate of the error.  Sxx = �Ni=1(xi − ¯x)2.

For a desired confidence interval defined by  100(1 − α)%, the range of parameter values is given by the following Equation 6

image

We used the 90% confidence interval for each parameter using  α = 0.1. For each round and for that round, we independently sample parameter values uniformly in this range and stored  Nm = 10linear models to represent the possible models given the data.Then in order to compute the uncertainty (variance) in output given a data point, we compute the output based on each of the sampled models, and then compute the variance of the outputs. The larger the number of models, the more accurate the variance estimate. For our experiments we chose  Nm = 10as a tradeoff between speed and efficacy of the estimate for sample selection. Initially, the model has no features. As we get feedback on what features are relevant after each round, we add those (as variables) into the model and retrain the model on all the feedback.

3.2 Scoring Plans

For sampling by uncertainty, one typically uses the uncertainty (variance) in the prediction as the deciding factor; the more uncertain we are, the more informative that sample is. The main change to the sampling process that we propose and is our core contribution is an Output-Biased Uncertainty Sampling (OBUS). In OBUS, the informativeness of a sample X is computed using 3 scores. The base information score (Sb) of a sample  xiis defined in Equation 7.

image

where  ˆymax, is the maximum output value predicted in the pool of queries. So the exponent in the second variance can be at most 1. This limits the contribution of the output value in the base score to at most doubling the standard deviation. Sbreplaces just using variance as the sampling criterion.

The feature frequency score (Sf) is the sum of the probabilities of the relevant features in the sample that have been discovered from user feedback. This is shown in Equation 8. This score gives importance to learning about the relevant features that occur more often.

image

where rel(X) returns the set of relevant features in X, and p(f) returns the probability of the feature f. The discovery score (Sd) is the sum of probabilities of the features in the sample that have not yet been shown to the user. This is used to explore features that have not yet been shown to the user.  Sdis formalized in the Equation 9. Note that this is different from the exploration query described earlier and scored with  Segiven in Equation 2. Given two queries of equal base score and feature frequency scores, the query with features that have a higher probability mass will get selected. This helps squeeze as much information value from a query as possible.

image

where unseen(X) returns the set of features in X which have been not yet been shown to the user.

The total information score (St) of a data sample X is the base score adjusted with the feature frequency score and discovery score, as shown in Equation 10.

St(X) = Sb(X) ∗ (1 + Sf(X) + Sd(X))(10) This  Stscore is what is used to rank and select the queries from the data pool D for the next round. We will make our code available to the public after publication of this work

In our experiments we compare our method of OBUS that uses the informativeness score defined in Equation 10 against two baselines; sampling by uncertainty (just variance) and random sampling. We also conduct an ablation study to analyze the effect of the two modification scores, i.e. discovery score  Sdand feature frequency score  Sf

Please note that when we compare with uncertainty sampling method, we include the feature discovery score  Sdand feature frequency score  Sfto make it a fair comparison, without which we get an unfair advantage. In fact the informativeness score used in the uncertainty sampling method is the same as in Equation 10 with the difference being in the base score  Sb. The base score is set to just the variance which represents the uncertainty.

For our experiments, there are |F| = 200 features. Our pool of queries is of size |D| = 10, 000 and each query contains 4 features. We set the probability of a feature being selected by the oracle as relevant is  prelevant = 0.1(10% of all features). The mean and variance of the Oracle’s feature weights is set as  Oµ = 8.0,Oσ = 3.0. The Oracle’s noise in ratings is intentionally set high to N = 6.0 to test the methodology in the extreme. We run each of our experiments for 30 trials and present the averaged data.

4.1 Comparing OBUS, with Uncertainty Sampling and Random Sampling

image

Figure 2: Comparison of OBUS with Baselines using Value-Biased Error (ErrorV B)

image

Figure 3: Comparison of OBUS with Baselines using Average Error in All Regions

Using the aforementioned settings, we display the results of the comparison with the baselines in Figure 2 and Figure 3. As the reader can see from Figure 2, OBUS offers a modest but real benefit over vanilla uncertainty sampling in the extreme regions, which is measured using  ErrorV Bas defined in Equation 1. The range of values may be confusing to the reader; please note that the output values in our experiments lie (on average) in the range [-28,28]. The untrained model’s prediction is zero, and so  ErrorV Bwould be  282 = 784and the model’s  ErrorV Bwould drop from there after the first round. The important point to note is the relative difference between OBUS and other baseline methods, which is consistent across all rounds. This data is after averaging over 30 trials. This demonstrates an increased accuracy in the extreme output regions. The improvements are modest improvements, and this is while staying comparable to uncertainty sampling in the overall error as Seen in Figure 3. In the context of our running example of online ad-selection, these modest improvements in the extreme region could translate to a small increase in the odds of a user clicking on an add. Over a large user base, this translates to a lot more clicks and revenue for the host website.

Random sampling does quite well too, as one might expect. Random sampling discovers features well, and samples the frequent features more often. It is still noticeably worse than the other sampling methods. We observed that as the size of the feature set F increases and the number of relevant features decreases, random sampling suffers more as one might expect.

4.2 Ablation Study

The total score  Stused in OBUS (Equation 10) is comprised of two additional terms  Sf, and  Sd. We analyze the effect of these terms in the OBUS score function by comparing the performance of OBUS removing one or both of these terms. The results are shown in Figure 4 and Figure 5. The second term is the known-feature occurrence term which prioritizes learning about relevant features that occur more often. The third term is the feature discovery term which helps in feature discovery by giving weight to those samples that have frequent features that the user has not specified as relevant or not. To arrive at these results, we follow the same process of taking the average error for each round over 30 trials, as was done in the previous experiment.

As evidenced in the Figure 4,the full OBUS score (St) performs better than all in the extreme regions based on ErrorV B. It is closely followed by the trendline ”no prob term”, which corresponds to the OBUS score that turns off the term with  Sf. The OBUS score that uses feature frequency score  Sf(”no discovery”) but drops discovery score Sdperforms worse because it did not discover as many relevant features. This is the same for OBUS with only the base score (cyan trendline titled ”neither”)

In terms of overall error (displayed in Figure 5), the full OBUS score  Stit is comparable to the method that only keeps Sd(discovery) score. Both discover as many relevant features, and the accuracy overall is about even. As expected, without discovering these features, the other two cases suffer.

It must be noted that  Sfscore without  Sddoes not confer much benefit, but combined together, they give the total OBUS score  Sta benefit in the extreme regions as in Figure 4.

image

Figure 4: Ablation Study Over the Terms of OBUS Total Score using Value-Biased Error (ErrorV B)

image

Figure 5: Ablation Study Over the Terms of OBUS Total Score using Average Error in All Regions

In this section, we focus on discussing the relevant Active Learning literature with respect to preference learning, using feature feedback, and Active Learning for regression.

Active learning techniques are often used to accelerate preference learning (of humans) as we expect human feedback to be scarce. For instance, [Maystre and Grossglauser, 2017] proposed an efficient method for ranking a list of items in the noisy setting where a pairwise comparison query may be answered incorrectly. They achieved improvements in the sampling efficiency as compared to random sampling. However, our preference setting is starkly different and arguably more general as we are learning a preference function, not just a ranking over a set of points.

A different approach or dimension in Active Learning is using feature-feedback to improve the learning rate. In the approach proposed by [Hema et al., 2006] for document clas-sification, the learner interleaves the feature query and the instance query. Instance query ask for the label of a document, whereas feature query asks about the relevance of features (a feature is relevant if it is highly indicative for the label). To incorporate the feature-feedback, the relevant feature’s values are scaled for all the data points. This boosts the accuracy of the document classifier. The way we use feedback in our work has parallels to what they do. In our approach we obtain feedback on features that affect the user’s preferences, and use the feedback to eliminate irrelevant features from consideration in subsequent query selection. Additionally, their approach is suitable for classification task while our method is meant for a regression task. In learning preferences, it is important to know the order of preference for the options and not just if it is preferred or not; so their method would not work well.

Another work that leverages feature feedback for active learning is that of [Mann and McCallum, 2008]. In it, the authors use labelled features to train a conditional random field for a sequence labelling task. A conditional distribution of labels given a feature is learnt as a reference distribution. Feature-feedback is then incorporated into the learning model by trying to match this distribution to the conditional distribution of labels over the unlabelled data. This learning paradigm gives substantial improvement in sample efficiency. They show that the same accuracy as traditional instance labelling can be achieved with 10 times fewer annotations used. A similar approach was used in [Druck et al., 2008] for a clas-sification task. It reports as high as 20 times speed-up in time when using labelled features over labelled instances. They assume that labeling a feature is 5 times faster than labeling a document (a result supported empirically by [Hema et al., 2006]).

The task in the previous three approaches is labelling and classification, and their approaches cannot be applied to learning a preference order over data. However, the biggest difference is in the way we do uncertainty sampling where we utilize the expected output values and not just variance (uncertainty). This makes our approach suitable for learning preference models where there is a benefit of being more accurate in the extreme output regions, as in the case of online ad selection; the AI system only needs to select one/few highly preferred ads.

Given these works, we can say that the literature on AL has convincingly shown that feature feedback is essential in speeding up the learning rate. Moreover, some theoretical bounds have also been provided for some settings like document classification [Poulis and Dasgupta, 2017].

A more closely related work which combines the regression problem setting and feature feedback is that of [Boutilier et al., 2010]. In their work, they learn a function to recommend products that are represented by features and concepts. A concept is a subjective property like ”safety of the car” which can depend on values of different features for different users. The utility of a product is given by the weighted sum of features and a bonus for satisfying the concept. Given the uncertainty in weight values, and which features are relevant to the concept(referred to as versions of concepts), the approach recommends a product which minimizes the maximum regret(MMR). The maximum regret is the maximum possible difference between utilities of  x∗(currently recommended product) and some adversarially chosen  xa(chosen over all possible weights and concept versions). They propose several query strategies to efficiently minimize the regret value of the recommended product  x∗. This is very different from the uncertainty sampling variation that we use. Additionally their objective is only to recommend the most preferred product. They only elicit positive preference information. We learn a model with both positive and negative features, and seek to be accurate in predicting both high and low preference cases.

The most important distinguishing feature of our approach overall is that our sampling is sensitive to the output region in which we expect the input to lie. We found one other work that considers sampling based on the output region by Eric et al. [Eric et al., 2008]. In that work, the authors use Gaussian Processes (GP) to search for a single region of high preference. They focus on the expected output value to guide the learning, which is similar to us. They are different in the sense that the search is for a single setting of parameters, rather than learning weights on the parameters (which are features for us). Our approach lets us identify many highly preferred points as opposed to one parameter setting. They explicitly acknowledge that they do not focus on learning the valuation function, since their problem has an infinite parameter space. Ours has a discrete and finite parameter space which makes the problem easier but and still useful. Additionally, their use of Gaussian Processes makes it suitable only when the number of parameter/features are few and manageable (as stated in their work) because GP are computationally very demanding.

To the best of our knowledge , our intuitive modification to uncertainty sampling has not been explored in the literature, and it contributes to learning preferences faster for the extreme regions using the methodology we described.

In summary, our OBUS approach is a method of active learning for preferences that becomes more accurate in the high and low output regions faster than using uncertainty sampling. OBUS modifies uncertainty sampling by including the expected output value term as an adjustment. We also consider the probability of feature occurrence, and the discovery value of queries to select queries. We empirically demonstrated that our method works well as compared to the standard uncertainty sampling baseline and random sampling. We demonstrated consistent results using simulated user feedback. We also conduct an ablation study to show the validity of the additional terms for feature discovery and feature frequency.

With respect to the running example of online ad selection, the web service can learn a personal model of preferences using a methodology like ours. This personal model can be used on top of other recommendation algorithms that the service uses, which would leverage demographic information,history and location. Such heuristic information can be used to display exploratory ads, before building confidence in the user’s model and using it instead.

An additional benefit of our approach is that the uncertainty in the output can also be used to choose what options are presented. If the situation is higher risk/cost, then a more certain option that is highly preferred can be given; when the cost of failure is lower, then a more uncertain option with high expected value can be given.

Our work can be extended in terms of the feedback interface, by supporting pairwise comparisons or using discrete levels of preference instead of asking the user to return a number between a fixed interval like [0,100]. This would make the feedback process better for the user.

[Boutilier et al., 2010] Craig Boutilier, Kevin Regan, and Paolo Viappiani. Simultaneous elicitation of preference features and utility. In Twenty-Fourth AAAI Conference on Artificial Intelligence, 2010.

[Druck et al., 2008] Gregory Druck, Gideon Mann, and Andrew McCallum. Learning from labeled features using generalized expectation criteria. In Proceedings of the 31st annual international ACM SIGIR conference on Research and development in information retrieval, pages 595–602. ACM, 2008.

[Druck et al., 2009] Gregory Druck, Burr Settles, and Andrew McCallum. Active learning by labeling features. In Proceedings of the 2009 Conference on Empirical Methods in Natural Language Processing: Volume 1-Volume 1, pages 81–90. Association for Computational Linguistics, 2009.

[Eric et al., 2008] Brochu Eric, Nando D Freitas, and Abhijeet Ghosh. Active preference learning with discrete choice data. In Advances in neural information processing systems, pages 409–416, 2008.

[Hema et al., 2006] R Hema, M Omid, and J Rosie. Active learning with feedback on both features and instances. Journal of Machine Learning Research, 7:1655–1686, 2006.

[Lewis and Gale, 1994] David D Lewis and William A Gale. A sequential algorithm for training text classifiers. In SIGIR’94, pages 3–12. Springer, 1994.

[Mann and McCallum, 2008] Gideon Mann and Andrew McCallum. Generalized expectation criteria for semisupervised learning of conditional random fields. 2008.

[Maystre and Grossglauser, 2017] Lucas Maystre and Matthias Grossglauser. Just sort it! a simple and effective approach to active preference learning. In Proceedings of the 34th International Conference on Machine Learning-Volume 70, pages 2344–2353. JMLR. org, 2017.

[Pedregosa et al., 2011] F. Pedregosa, G. Varoquaux, A. Gramfort, V. Michel, B. Thirion, O. Grisel, M. Blondel, P. Prettenhofer, R. Weiss, V. Dubourg, J. Vanderplas, A. Passos, D. Cournapeau, M. Brucher, M. Perrot, and E. Duchesnay. Scikit-learn: Machine Learning in Python . Journal of Machine Learning Research, 12:2825–2830, 2011.

[Poulis and Dasgupta, 2017] Stefanos Poulis and Sanjoy Dasgupta. Learning with feature feedback: from theory to practice. In Artificial Intelligence and Statistics, pages 1104–1113, 2017.

[Settles, 2009] Burr Settles. Active learning literature sur- vey. Technical report, University of Wisconsin-Madison Department of Computer Sciences, 2009.

[van Wieringen, 2015] Wessel N van Wieringen. Lecture notes on ridge regression. arXiv preprint arXiv:1509.09169, 2015.


Designed for Accessibility and to further Open Science