(MLR)Learning Piece-wise Linear Models from Large Scale Data for Ad Click Prediction

Learning Piece-wise Linear Models from Large Scale Data for Ad Click Prediction

Kun Gai1, Xiaoqiang Zhu1, Han Li1, Kai Liu2†, Zhe Wang3†

  1. Alibaba Inc.

[email protected], {xiaoqiang.zxq, lihan.lh}@alibaba-inc.com

  1. Beijing Particle Inc. [email protected]
  2. University of Cambridge. [email protected]

† contribute to this paper while worked at Alibaba

April 19, 2017


Abstract

 

CTR prediction in real-world business is a difficult machine learning problem with large scale nonlinear sparse data. In this paper, we introduce an industrial strength solution with model named Large Scale Piece-wise Linear Model (LS-PLM). We formulate the learning problem with L1 and L2,1 regularizers, leading to a non-convex and non-smooth optimization problem. Then, we propose a novel algorithm to solve it efficiently, based on directional derivatives and quasi-Newton method. In addition, we design a distributed system which can run on hundreds of machines parallel and provides us with the industrial scalability. LS-PLM model can capture nonlinear patterns from massive sparse data, saving us from heavy feature engineering jobs. Since 2012, LS-PLM has become the main CTR prediction model in Alibaba’s online display advertising system, serving hundreds of millions users every day.

ctr預測是一個具有大規模非線性稀疏數據的機器學習難題。本文介紹了一種工業強度的求解方法,即大型分段線性模型(LS-PLM)。我們用l1和l2,1正則化器構造了學習問題,得到了一個非凸非光滑的優化問題。然後,基於方向導數和擬牛頓法,提出了一種新的求解方法。此外,我們還設計了一個分佈式系統,可以在數百臺機器上並行運行,併爲我們提供了工業可擴展性。LS-PLM模型可以從大量稀疏數據中捕獲非線性模式,從而將我們從繁重的功能工程工作中拯救出來。自2012年以來,LS-PLM已經成爲阿里巴巴在線展示廣告系統中的主要ctr預測模型,每天爲數億用戶提供服務。

  1. Introduction

Click-through rate (CTR) prediction is a core problem in the multi-billion dollar online advertising industry. To improve the accuracy of CTR prediction, more and more data are involved, making CTR prediction a large scale learning problem, with massive samples and high dimension features.

Traditional solution is to apply a linear logistic regression (LR) model, trained in a parallel manner (Brendan et al. 2013, Andrew & Gao 2007). LR model with L1 regularization can generate sparse solution, making it fast for online prediction. Unfortunately, CTR prediction problem is a highly nonlinear problem. In particular, user-click generation involves many complex factors, like ad quality, context information, user interests, and complex interactions of these factors. To help LR model catch the nonlinearity, feature engineering technique is explored, which is both time and humanity consuming.

Another direction, is to capture the nonlinearity with well-designed models. Facebook (He et al. 2014) uses a hybrid model which combines decision trees with logistic regression. Decision tree plays a nonlinear feature transformation role, whose output is fed to LR model. However, tree-based method is not suitable for very sparse and high dimensional data (Safavian S. R. & Landgrebe D. 1990). (Rendle S. 2010) introduces Factorization Machines(FM), which involves interactions among features using 2nd order functions (or using other given-number-order functions). However, FM can not fit all general nonlinear patterns in data (like other higher order patterns).

In this paper, we present a piece-wise linear model and its training algorithm for large scale data. We name it Large Scale Piecewise Linear Model (LS-PLM). LS-PLM follows the divide-and-conquer strategy, that is, first divides the feature space into several local regions, then fits a linear model in each region, resulting in the output with combinations of weighted linear predictions. Note that, these two steps are learned simultaneously in a supervised manner, aiming to minimize the prediction loss. LS-PLM is superior for web-scale data mining in three aspects:

  • Nonlinearity. With enough divided regions, LS-PLM can fit any complex nonlinear function.
  • Scalability. Similar to LR model, LS-PLM is scalable both to massive samples and high dimensional features. We design a distributed system which can train the model on hundreds of machines parallel. In our online product systems, dozens of LS-PLM models with tens of million parameters are trained and deployed everyday.
  • Sparsity. As pointed in (Brendan et al. 2013), model sparsity is a practical issue for online serving in industrial setting. We show LS-PLM with L1 and L2,1 regularizer can achieve good sparsity.

The learning of LS-PLM with sparsity regularizer can be transformed to be a non-convex and nondifferential optimization problem, which is difficult to be solved. We propose an efficient optimization method for such problems, based on directional derivatives and quasi-Newton method. Due to the ability of capturing nonlinear patterns and scalability to massive data, LS-PLMs have become main CTR prediction models in the online display advertising system in alibaba, serving hundreds of millions users since 2012 early. It is also applied in recommendation systems, search engines and other product systems.

The paper is structured as follows. In Section 2, we present LS-PLM model in detail, including formulation, regularization and optimization issues. In Section 3 we introduce our parallel implementation structure. in Section 4, we evaluate the model carefully and demonstrate the advantage of LS-PLM compared with LR. Finally in Section 5, we close with conclusions.

Figure 1: A demo illustration of LS-PLM model. Figure A is the demo dataset. It is a binary classification problem, with red points belong to positive class and blue points belong to negative class. Figure B shows the classification result using LR model. Figure C shows the classification result using LS-PLM model. It’s clear that LS-PLM can capture the nonlinear distribution of data.

2. Method

We focus on the large scale CTR prediction application. It is a binary classification problems, with dataset and xt Rd is usually high dimensional and sparse.

2.1 Formulation

To model the nonlinearity of massive scale data, we employ a divide-and-conquer strategy, similar with

(Jordan & Jacobs 1994). We divide the whole feature space into some local regions. For each region we employ an individual generalized linear-classification model. In this way, we tackle the nonlinearity with a piece-wise linear model. We give our model as follows:

                                                                               (1)

Here Θ = {u1,··· ,um,w1,··· ,wm} ∈ Rd×2m denote the model parameters. {u1,··· ,um} is the parameters for dividing function σ(·), and {w1,··· ,wm} for fitting function η(·). Given instance x, our predicating model p(y|x) consists of two parts: the first part σ(uTj x) divides feature space into m (hyper-parameter) different regions, the second part η(wjTx) gives prediction in each region. Function g(·) ensures our model to satisfy the definition of probability function.

Special Case. Take softmax ( Kivinen & Warmuth 1998) as dividing function σ(x) and sigmoid (Hilbe 2009) as fitting function η(x) and g(x) = x, we get a specific formulation:

    (2)

In this case, our mixture model can be seen as a FOE model (Jordan & Jacobs 1994, Wang & Puterman 1998) as follows:

                                                                   (3)

Eq.(2) is the most common used formulation in our real applications. In the reminder of the paper, without special declaration, we take Eq.(2) as our prediction model. Figure 1 illustrates the model compared with LR in a demo dataset, which shows clearly LS-PLM can capture the nonlinear pattern of data. The objective function of LS-PLM model is formalized as Eq.(4):

                                                             arg minΘf(Θ) = loss(Θ) + λkΘk2,1 + βkΘk1                                                                           (4)

n

                                             loss(Θ)=−Xhyt log(p(yt=1|xt,Θ)) + (1 − yt)log(p(yt=0|xt,Θ))i                      (5)

t=1

Here loss(Θ) defined in Eq.(5) is the neg-likelihood loss function and kΘ2,1k and kΘ1k are two regulariza-

tion terms providing different properties. First, L2,1 regularization () is employed for feature selection. As in our model, each dimension of feature is associated with 2m parameters. L2,1 regularization are expected to push all the 2m parameters of one dimension of feature to be zero, that is, to suppress those less important features. Second, L1 regularization (kΘk1 = Pij |θij|) is employed for sparsity. Except with the feature selection property, L1 regularization can also force those parameters of left features to be zero as much as possible, which can help improve the interpretation ability as well as generalization performance of the model.

However, both L1 norm and L2,1 norm are non-smooth functions. This causes the objective function of Eq.(4) to be non-convex and non-smooth, making it difficult to employ those traditional gradient-descent optimization methods (Andrew & Gao 2007, Zhang 2004, Bertsekas 2003) or EM method (Wang & Puterman

1998).

Note that, while (Wang & Puterman 1998) gives the same mixture model formulation as Eq.(3), our model is more general for employing different kinds of prediction functions. Besides, we propose a different objective function for large scale industry data, taking the feature sparsity into consideration explicitly. This is crucial for real-world applications, as prediction speed and memory usage are two key indicators for online model serving. Furthermore, we give a more efficient optimization method to solve the large-scale non-convex problem, which is described in the following section.

    1. Optimization

Before we present our optimization method, we establish some notations and definitions that will be used in the reminder of the paper. Let ∂ij+f(Θ) denote the right partial derivative of f at Θ with respect to Θij:

                                                                                                              (6)

where eij is the ijth standard basis vector. The directional derivative of f as Θ in direction d is denoted as f0(Θ;d), which is defined as:

                                                                                                                (7)

A vector d is regarded as a descent direction if f0(Θ;d) < 0. sign(·) is the sign function takes value {−1,0,1}. The projection function

(

                                                                                    Θij           ,       sign(Θij) = sign(Ωij)

                                                           πij(Θ;Ω) =                                                                                               (8)

                                                                                   0        ,     otherwise

means projecting Θ onto the orthant defined by Ω.

      1. Choose descent direction

As discussed above, our objective function for large scale CTR prediction problem is both non-convex and non-smooth. Here we propose a general and efficient optimization method to solve such kind of non-convex problems. Since the negative-gradients of our objective function do not exists for all Θ, we take the direction d which minimizes the directional derivative of f with Θ as a replace. The directional derivative f0(Θ;d) exists for any Θ and direction d, whic is declared as Lemma 1.

Lemma 1. When an objective function f(Θ) is composed by a smooth loss function with L1 and L2,1 norm, for example the objective function given in Eq. (4), the directional derivative f0(Θ;d) exists for any Θ and direction d.

We leave the proof in Appendix A. Since the directional derivative f0(Θ;d) always exists, we choose the direction as the descent direction which minimizes the directional derivative f0(Θ;d) when the negative gradient of f(Θ) does not exist. The following proposition 2 explicitly gives the direction.

Proposition 2. Given a smooth loss function loss(Θ) and an objective function f(Θ) = loss(Θ)+λkΘk2,1+ βkΘk1, the bounded direction d which minimizes the directional derivative f0(Θ;d) is denoted as follows:

                                                                          (9)

where and v = max{| − ∇loss(Θ)ij| − β,0}sign(−∇loss(Θ)ij).

More details about the proof can be found in Appendix B. According to the proof, we can see that the negative pseudo-gradient defined in Gao’s work (Andrew & Gao 2007) is a special case of our descent direction. Our proposed method is more general to find the descent direction for those non-smooth and non-convex objective functions.

Based on the direction dk in Eq.(9), we update the model parameters along a descent direction calculated by limited-memory quasi-newton method (LBFGS) (Wang & Puterman 1998), which approximates the inverse Hessian matrix of Eq.(4) on the given orthant. Motivated by the OWLQN method (Andrew & Algorithm 1 Optimize problem Eq.(4)

 

Input:Choose initial point Θ(0)

S ← {},Y ← {}

for k = 0 to MaxIters do

  1. Compute d(k) with Eq. (9).
  2. Compute pk with Eq. (11) using S and Y .
  3. Find Θ(k+1) with constrained line search (12).
  4. If termination condition satisfied then stop and return Θ(k+1) End if
  5. Update S with s(k) = Θ(k) − Θ(k−1)
  6. Update Y with y(k) = −d(k) − (−d(k−1)) end for

 

Gao 2007), we also restrict the signs of model parameters not changing in each iteration. Given the chosen direction dk and the old Θ(k), we constrain the orthant of current iteration as follows:

                                                                        .                                         (10)

 

 
   


(k)

 

When Θ             = 0, the new Θij would not change sign in current iteration. When Θij = 0, we choose the

(k) orthant decided by the selected directionfor the new Θij .

      1. Update direction constraint and line search

Given the descent direction dk, we approximate the inverse-Hessian matrix Hk using LBFGS method with a sequence of y(k),s(k). Then the final update direction is Hkd(k). Here we give two tricks to adjust the update direction. First, we constrain the update direction in the orthant with respect to d(k). Second, as our objective function is non-convex, we cannot guarantee that Hk is positive-definite. We use y(k)Ts(k) > 0 as a condition to ensure Hk is a positive-definite matrix. If y(k)Ts(k) ≤ 0, we switch to d(k) as the update direction. The final update direction pk is defined as follows:

                                                                               Hkd(k);d(k)),         y(k)Ts(k) > 0

(11) d( ),        otherwise

Given the update direction, we use backtracking line search to find the proper step size α. Same as OWLQN, we project the new Θ(k+1) onto the given orthant decided by the Eq. (10).

                                                                            Θ(k+1) = π(Θ(k) + αpk;ξ(k))                                                  (12)

    1. Algorithm

A pseudo-code description of optimization is given in Algorithm 1. In fact, only a few steps of the standard LBFGS algorithm need to change. These modifications are:

  1. The direction d(k) which minimizes the direction derivative of the non-convex objective is used in replace of negative gradient.
  2. The update direction is constrained to the given orthant defined by the chosen direction d(k). Switch to d(k) when the Hk is not positive-definite.
  3. During the line search, each search point is projected onto the orthant of the previous point.
  1. Implementation

In this section, we first provide our parallel implementation of LS-PLM model for large-scale data, then introduce an important trick which helps to accelerate the training procedue greatly.

 

Figure 2: The architecture of parallel implementation. Figure A illustrates the physical distributed topology. It’s a variant of parameter server, where each computation node runs with both a server and a worker, aiming to maximize the utility of computation power as well as memory usuage. Figure B illustrates the parameter server structure in model-parallelism and data-parallelism manner.

    1. Parallel implementation

To apply Algorithm 1 in large-scale settings, we implement it with a distributed learning framework, as illustrated in Figure 2. It’s a variant of parameter server. In our implementation, each computation node runs with both a server node and a worker node, aiming to

  • Maximize the utility of CPU’s computation power. In traditional parameter server setting, server nodes work as a distributed KV storer with interfaces of push and pull operations, which are low computation costly. Running with worker nodes can make full use of the computation power.
  • Maximize the utility of memory. Machines today usually have big memory, for example 128GB. Running on the same computation node, server node and worker node can share and utilize the big memory better.

In brief, there are two roles in the framework. The first role is the work node. Each node stores a part of training data and a local model, which only saves the model parameters used for the local training data. The second role is the server node. Each node stores a part of global model, which is mutually-exclusive. In each iteration, all of the worker nodes first calculate the loss and the descent direction with local model and local data in parallel(data parallelism). Then server nodes aggregate the loss and the direction d(k) as well as the corresponding entries of Θ needed to calculate the revised gradient (model parallelism). After finishing calculating the steepest descent direction in Step 1, workers synchronize the corresponding entries of Θ, and then, perform Step 2–6 locally.

    1. Common Feature Trick

 

Figure 3: Common feature pattern in display advertising. Usually in each page view, a user will see several different ads at the same time. In this situation, user features can be shared across these samples.

In addition to the general-purpose parallel implementation, we also optimized the implementation in online advertising context. Training samples in CTR prediction tasks usually have similar common feature pattern. Take display advertising as an example, as illustrated in Figure 3, during each page view, a user will see several different ads at the same time. For example, user U1 in Figure 3 sees three ads in one visit session, thus generates three samples. In this situation, features of user U1 can be shared across these three samples. These features include user profiles (sex, age, etc.) and user behavior histories during visits of Alibabas e-commerce websites, for example, his/her shopping item IDs, preferred brands or favorite shop IDs.

Remember the model defined in Eq. 2, most computation cost focus on µTi x and wiTx. By employing the common feature trick, we can split the calculation into common and non-common parts and rewrite them as follows:

                                                                               µTi x = µTi,cxc + µTi,ncxnc                                                                     (13)

                                                                             wiTx = wi,cT xc + wi,ncT   xnc

Hence, for the common feature part, we need just calculate once and then index the result, which will be utilized by the following samples.

Specifically, we optimize the parallel implementation with common features trick in the following three aspects:

  • Group training samples with common features and make sure these samples are stored in the same worker.
  • Save memory by storing common features shared by multiple samples only once.
  • Speed up iteration by updating loss and gradient w.r.t. common features only once.

Due to the common feature pattern of our production data, employing the common feature trick improves the performance of training procedure greatly, which will be shown in the following section 4.3.

  1. Experiments

In this session, we evaluate the performance of LS-PLM. Our datasets are generated from Alibaba’s mobile display advertising product system. As shown in Table 1, we collect seven datasets in continuous sequential Table 1: Alibaba’s mobile display advertising CTR prediction datasets

Dataset

#features

#samples (training/validation/testing)

1

3.04 × 106

1.34/0.25/0.26 × 109

2

3.27 × 106

1.44/0.26/0.26 × 109

3

3.49 × 106

1.56/0.26/0.25 × 109

4

3.67 × 106

1.62/0.25/0.26 × 109

5

3.82 × 106

1.69/0.26/0.26 × 109

6

3.95 × 106

1.74/0.26/0.26 × 109

7

4.07 × 106

1.78/0.26/0.26 × 109

periods, aiming to evaluate the consist performance of the proposed model, which is important for online product serving. In each dataset, training/validation/testing samples are disjointly collected from different days, with proportion about 7:1:1. AUC (Fawcett 2006) metric is used to evaluate the model performance.

    1. Effectiveness of division number

LS-PLM is a piece-wise linear model, with division number m controlling the model capacity. We evaluate the division effectiveness on model’s performance. It is executed on dataset 1 and results are shown in Figure

4.

Generally speaking, larger m means more parameters and thus leads to larger model capacity. But the training cost will also increase, both time and memory. Hence, in real applications we have to balance the model performance with the training cost.

 

Figure 4: Model performance with different divisions.

Figure 4 shows the training and testing AUC with different division number m. We try m = 6,12,24,36, the testing AUC for m = 12 is markedly better than m = 6, and improvement for m = 24,36 is relatively gentle. Thus in all the following experiments , the parameter m is set as 12 for LS-PLM model.

    1. Effectiveness of regularization

As stated in Session 2, in order to keep our model simpler and more generalized, we prefer to constrain the model parameters sparse by both L1 and L2,1 norms. Here we evaluate the strength of both the regularization terms.

Table 2 gives the results. As expected, both L1 and L2,1 norms can push our model to be sparse. Model trained with L2,1 norm has only 9.4% non-zero parameters left and 18.7% features are kept back. While in L1 norm case, there are only 1.9% non-zero parameters left. Combining them together, we get the sparsest Table 2: Regularization effects on model sparsity and performance β/λ(L1/L2,1) #features #non-zero parameters testing auc

 

 

Table 3: Training cost comparision with/without common feature trick

Cost

Without CF.

With CF.

Cost Saving

Memory cost/node

89.2 GB

31 GB

65.2%

Time cost/iteration

121s

10s

91.7%

result. Meanwhile, models trained with different norm get different AUC performance. Again adding the two norms together the model reaches the best AUC performance.

In this experiment, the hyper-parameter m is set to be 12. Parameters β and λ are selected by grid search. {0.01,0.1,1,10} are tried for both norms in the all cases. The model with β = 1 and λ = 1 preforms best.

    1. Effectiveness of common feature trick

We prove the effectiveness of common features trick. Specifically, we set up the experiments with 100 workers, each of which uses 12 CPU cores, with up to 110 GB memory totally. As shown in Table 3, compressing instances with common feature trick does not affect the actual dimensions of feature space. However, in practice we can significantly reduce memory usage (reduce to about 1/3) and speed up the calculation (around 12 times faster) compared to the training without common feature trick.

 

Figure 5: Model performance comparison on 7 different test datasets. LS-PLM owns consistent and markable promotion compared with LR.

    1. Comparison with LR

We now compare LS-PLM with LR, the widely used CTR prediction model in product setting. The two models are trained using our distributed implementation architecture, running with hundreds of machines for speed-up. The choice of the L1 and L2,1 parameters for LS-PLM and the L1 parameter for LR are based on grid search. β = 0.01,0.1,1,10 and λ = 0.01,0.1,1,10 are tried. The best parameters are β = 1 and λ = 1 for LS-PLM, and β = 1 for LR.

As shown in Figure 5, LS-PLM outperforms LR clearly. The average improvement of AUC for LR is 1.44%, which has significant impact to the overall online ad system performance. Besides, the improvement is stable. This ensures LS-PLM can be safely deployed for daily online production system.

  1. Conclusions

In this paper, a piece-wise linear model, LS-PLM for CTR prediction problem is proposed. It can capture the nonlinear pattern from sparse data and save us from heavy feature engineering jobs, which is crucial for real industry applications. Additionally, powered by our distributed and optimized implementation, our algorithm can handle problems of billion samples with ten million parameters, which is the typical industrial data volume. Regularization terms of L1 and L2,1 are utilized to keep the model sparse. Since 2012, LS-PLM has become the main CTR prediction model in alibaba’s online display advertising system, serving hundreds of millions users every day.

Acknowledgments

We would like to thank Xingya Dai and Yanghui Yan for their help for this work.

Appendix

A         Proof of Lemma 2.1

Proof. the definition of f0(Θ;d) is given as follows:

                                                                                                              (14)

As the gradient of loss function exists for any Θ, the directional derivative for the first part is

 

                                                                    loss(Θ + αd) − loss(Θ)                       T

                                                            lim                                             = ∇loss(Θ) d

(15)

loss(Θ + αd) − loss(Θ) =lim

                                                             α↓0                            α

For the second part, we know if kΘi·k2,1 6= 0, the L2,1 norm’s partial derivative exists. So the directional derivative is

                                                          .                                (16)

However, when kΘi·k2,1 = 0, it means Θij = 0,1 ≤ j ≤ 2m. Then its directional derivative can be denoted as follows:

                                                                                                                  (17)

So combine the above cases in Eq. (16) and Eq. (17), we get the directional derivative for the second part:

                                                                                             (18)

Same as the second part, the direction derivative for the third part is:

                                                                                                (19)

Based on Eq. (15), Eq. (18) and Eq. (19), we get that for any Θ and direction d, f0(Θ;d) exists.

 

B        Proof of Proposition 2.2

Proof. Finding the expected direction turns to an optimization problem, which is formulated as follows:

minf0(Θ;d)    s.t. kdk2 ≤ C.     (20) d

Here the direction d is bounded by a constant scalar C. To solve this problem, we employ lagrange function to combine the objective function and inequality function together:

                                                                       L(d,µ) = f0(Θ;d) + µ(kdk2 − C).                                             (21)

Here µ ≥ 0 is the lagrange multiplier. Setting the partial derivative of d with respect to L(d,µ) to zero has three cases.

Define

  1. when Θij 6= 0, it implies that

2µdij = s βsign(Θij)

  1. when Θij = 0 and kΘi·k2,1 > 0, it is easy to have

2µdij = max{|s| − β,0}sign(s)

  1. We give more details when Θij = 0 and kΘi·k2,1 = 0. For di· we have

loss(Θ).

Here we use sign(di·) = [sign(di1),...,sign(di2m)]T for simplicity. Then we get

loss(Θ)i· − βsign(di·)

which implies that sign(di·) = sign(−∇loss(Θ)i· − βsign(di·)). When dij ≥ 0, it implies −∇loss(Θ)ij

. βsign(dij) ≥ 0. Inversely, we have −∇loss(Θ)ijβsign(dij) ≤ 0 when dij ≤ 0. So we define v = −∇loss(Θ)i·− βsign(di·) and vj = max{| − ∇loss(Θ)ij| − β,0}sign(−∇loss(Θ)ij). So

 

As kdi·k ≥ 0, we have 2µkdi·k = max(kvk − λ,0). Thus 2

The lagrange multiplier u is a scalar, and it has equivalent influence for all dij. We can see that the optimal direction which is bounded by C is the same direction as we defined in Eq. (9) without considering the constant scalar µ. Here we finish our proof.

 

References

  1. Andrew G. and Gao J. (2007) Scalable Training of L1-Regularized Log-Linear Models. Proceedings of the 24-th International Conference on Machine Learning.
  2. Bertsekas, D. (2003) Nonlinear Programming. Springer US, 51–88.
  3. Brendan H., Holt G., Sculley D., Young M., Ebner D., Grady J., Nie L., Phillips. T, Davydov E., Golovin D., Chikkerur S., Liu D., Wattenberg M., Hrafnkelsson A., Boulos T., Kubica J. (2013) Ad Click Prediction: a View from the Trenches. Proceedings of the 19-th KDD.
  4. Fawcett T. (2006) An introduction to ROC analysis. Pattern Recognition Letters, 27, 861–874.
  5. Friedman J. (1999) Greedy Function Approximation: A Gradient Boosting Machine. Technical Report, Dept. of Statistics, Stanford University.
  6. Hilbe M. (2009) Logistic regression models. CRC Press.
  7. He X., Pan J., Jin O., Xu T., Liu B., Xu T, Shi Y., Atallah A, Herbrich R., Bowers S., Candela J. (2014) Practical Lessons from Predicting Clicks on Ads at Facebook. Proceedings of the 20-th KDD.
  8. Jordan I., Jacobs A (1994) Hierarchical mixtures of experts and the EM algorithm. Neural computation, 6(2): 181-214.
  9. Kivinen J., Warmuth M K. (1998) Relative Loss Bounds for Multidimensional Regression Problems. Machine Learning, 45(3):301-329.
  10. Rendle S. (2010) Factorization Machines. Proceedings of the 10th IEEE International Conference on Data Mining.
  11. Roth S, Black M J. (2009) Fields of experts. International Journal of Computer Vision, 82(2): 205–229.
  12. Safavian S. R., Landgrebe D. (1990) A survey of decision tree classifier methodology[J].
  13. Wang P.-M and Puterman M. (1998) Mixed Logistic Regression Models. Journal of Agricultural, Biological, and Environmental Statistics, 3(2), 175–200.
  14. Zhang T. (2004) Solving large scale linear prediction problems using stochastic gradient descent algorithms. Proceedings of the twenty-first international conference on Machine learning. ACM, 116.
  15. Gai K. http://club.alibabatech.org/resource_detail.htm?topicId=106

 

發表評論
所有評論
還沒有人評論,想成為第一個評論的人麼? 請在上方評論欄輸入並且點擊發布.
相關文章