FIVES: Feature Interaction Via Edge Search for Large-Scale Tabular Data
Abstract.
High-order interactive features capture the correlation between different columns and thus are promising to enhance various learning tasks on ubiquitous tabular data. To automate the generation of interactive features, existing works either explicitly traverse the feature space or implicitly express the interactions via intermediate activations of some designed models. These two kinds of methods show that there is essentially a trade-off between feature interpretability and search efficiency. To possess both of their merits, we propose a novel method named Feature Interaction Via Edge Search (FIVES), which formulates the task of interactive feature generation as searching for edges on the defined feature graph. Specifically, we first present our theoretical evidence that motivates us to search for useful interactive features with increasing order. Then we instantiate this search strategy by optimizing both a dedicated graph neural network (GNN) and the adjacency tensor associated with the defined feature graph. In this way, the proposed FIVES method simplifies the time-consuming traversal as a typical training course of GNN and enables explicit feature generation according to the learned adjacency tensor. Experimental results on both benchmark and real-world datasets show the advantages of FIVES over several state-of-the-art methods. Moreover, the interactive features identified by FIVES are deployed on the recommender system of Taobao, a worldwide leading e-commerce platform. Results of an online A/B testing further verify the effectiveness of the proposed method FIVES, and we further provide FIVES as AI utilities for the customers of Alibaba Cloud.
1. Introduction
Data representation learning (Bengio et al., 2013a) is an important yet challenging task when applying machine learning techniques to real-world applications. Recently, deep neural networks (DNN) have made impressive progress in representation learning for various types of data, including speech, image, and natural language, in which dedicated networks such as RNN (Gers et al., 2002; Cho et al., 2014), CNN (Krizhevsky et al., 2012) and Transformer (Vaswani et al., 2017) are effective at learning compact representations to improve the predictive performance. However, the tabular data, which are ubiquitous in many real-world applications such as click-through rate (CTR) prediction in recommendation and online advertising, are still heavily relied on manual feature engineering to explore higher-order feature space.
Specifically, tabular data are often stored as a SQL table where each instance corresponds to a row and each kind of feature corresponds to a column. To achieve satisfactory performance on tabular data, feature interaction (i.e., feature crossing) is indispensable for industrial applications, which aims at generating high-order interactive features (i.e., combinatorial features, cross features) that are helpful for capturing the intrinsic correlation between different columns. For example, a -order interactive feature “Gender Age Income” can be discriminative for predicting the types of recommended commodities. In practice, many data scientists search for useful interactive features in a trial-and-error manner, which has occupied a lot of their workloads.
Since such manual interactive feature generation is tedious and needs case-by-case experience that cannot be transferred easily, automatic feature generation (Katz et al., 2016; Kaul et al., 2017; Shi et al., 2020; Luo et al., 2020), one major topic of Automated Machine Learning (AutoML) (Hutter et al., 2019) has attracted increasing attention from both academia and industry. As a result, many kinds of DNNs (Rendle, 2010; Juan et al., 2016; Shan et al., 2016; Guo et al., 2017; Lian et al., 2018; Xu et al., 2019; Li et al., 2019; Song et al., 2019; Su et al., 2021) are deliberately designed and demonstrated their effectiveness in automatic feature generation.
Although these DNN-based methods can successfully express the interactive features by their hidden representations, the interpretability is weakened due to their black-box nature. However, according to the requirements from both various scenarios of Alibaba and the customers of Alibaba Cloud, it is unfavorable to implicitly encode interactive features by a certain DNN, due to the following considerations: (i) Overfitting issue. The tabular data forms an extremely high-dimensional and sparse input, e.g., in the recommender system of Taobao, the dimension of raw features exceeds 2 billion with sparsity over . With such an input space, DNNs can cause over-fitting issue easily with implicit interactive features. (ii) Interpretability. The hidden representation created by DNNs lacks of interpretability, which is required in many traditional industries (e.g., healthcare, manufacturing and finance). Even for the online services, product managers often do their analysis based on explicitly discovered interactive features. (iii) Real-time requirement. For industrial application scenarios, the real-time inference is always favored, and it becomes more important during a sale promotion (e.g., Double 11 promotion in Taobao) due to the tremendous traffic flow. In these and many more real-world scenarios, the inference cost of deep architecture can be prohibitive, while in contrast, explicitly generated interactive features can be fed into the lightweight models, with a negligible decrease in their inference speed. This strong demand for explicitly identifying useful interactive features have also been discussed in previous works (Kanter and Veeramachaneni, 2015; Katz et al., 2016; Cheng et al., 2016; Luo et al., 2019; Tsang et al., 2020).
To meet the demand for explicitly generated interactive features, some of the related works, search-based methods (Kanter and Veeramachaneni, 2015; Katz et al., 2016; Luo et al., 2019), are proposed to traverse the high-order interactive feature space in a trial-and-error manner, with designed strategies for either pruning the search space or early stopping at each trial. Although these search-based methods can satisfy the demand of explicit feature generation, when the scale of the considered tabular data is large, their required computing resources and training time can become intolerable.
To possess both feature interpretability and search efficiency, in this paper, we propose a novel method for automatic feature generation, called Feature Interaction Via Edge Search (FIVES). First, we propose to inductively search for an optimal collection of -order features from the interactions between the generated -order features and the original features. A theoretical analysis (see Proposition 2.2) is provided to explain the intuition behind this search strategy—informative interaction features tend to come from the informative lower-order ones. Then we instantiate this inductive search strategy by modeling the features as a feature graph and expressing the interactions between nodes as propagating the graph signal via a designed graph neural network (GNN). In the defined feature graph, the layer-wise adjacency matrix determines which original features should be selected to interact with which of the features generated by the previous layer. In this way, we formulate the task of interactive feature generation as edge search—learning the adjacency tensor. Inspired by differentiable neural architecture search (NAS) (Liu et al., 2019; Noy et al., 2019), we solve the edge search problem by alternatively updating the adjacency tensor and the predictive model, which transforms the trial-and-error procedure into a differentiable NAS problem. In particular, the learned adjacency tensor can explicitly indicate which interactive features are useful. We also parameterize the adjacency matrices in a recursive way where the dependencies are conceptually required by our search strategy. Such kinds of dependencies are ignored by most NAS methods (Zhou et al., 2019).
To validate the effectiveness of the proposed method, we compare FIVES with both search-based and DNN-based methods, on benchmark datasets and real-world business datasets. The experimental results demonstrate the advantages of FIVES, as both an end-to-end predictive model and a feature generator. Further, the interactive features generated by FIVES are deployed in the recommender system of Taobao App, where online A/B testing during one week shows a significant improvement of CTR, indicating the usefulness of generated interactive features. Last but not the least, we provide FIVES as AI utilities to the customers of Alibaba Cloud.
In the following, we first present the details of the proposed method FIVES in Section 2, which consists of the inductively search strategy, the instantiation of search strategy via feature graph and a GNN-based method, optimization and interpretability of FIVES. Then, in Section 3, we conduct quantitative evaluation to demonstrate the advantages of FIVES. We discuss related work in Section 4, and conclude the paper in Section 5.
2. Methodology
2.1. Preliminary
We consider the ubiquitous tabular data where each column represents a feature and each row represents a sample. Without loss of generality, we assume that numeric features have been discretized and thus all considered features are categorical ones, for example, feature “user city” takes value from , and feature “user age” takes value from . Based on these, we first define the high-order interactive feature:
Definition 0.
Given original features , a -order () interactive feature can be represented as the Cartesian product of distinct original features where each feature is selected from .
Since the interactive features bring in non-linearity, e.g., the Cartesian product of two binary features enables a linear model to predict the label of their XOR relation, they are widely adopted to improve the performance of machine learning methods on tabular data. The goal of interactive feature generation is to find a set of such interactive features. To evaluate the usefulness of generated interactive features, we measure the performance improvements introduced by the generated features. Following the majority of literature (Liu et al., 2020b; Luo et al., 2019; Li et al., 2019), we take the CTR prediction as an application scenario where the usefulness can be measured by the AUC improvements. The interactive feature generation task distinguishes from a standard classification task in its emphasis on identifying the useful interactive features that can be fed into other components of machine learning pipelines, including but not limited to other models, data preprocessing, result post-explanations.
As the number of all possible interactions from original features is , it is challenging to search for the optimal set of interactive features from such a huge space, not to mention the evaluation of a proposed feature can be costly and noisy. Thus some recent methods model the search procedure as the optimization of designed DNNs, transforming it into a one-shot training at the cost of interpretability. In the rest of this section, we present our proposed method—FIVES, which can provide explicit interaction results via an efficient differentiable search.
2.2. Search Strategy
As aforementioned, exhaustively traversal of the exponentially growing interactive feature space seems intractable. By Definition 2.1, any -order interactive features could be regarded as the interaction (i.e., Cartesian product) of several lower-order features, with many choices of the decomposition. This raises a question that could we solve the task of generating interactive features in a bottom-up manner? To be specific, could we generate interactive features in an inductive manner, that is, searching for a group of informative -order features from the interactions between original features and the group of -order features identified in previous step? We present the following proposition to provide theoretical evidence for discussing the question.
Proposition 0.
Let and be Bernoulli random variables with a joint conditional probability mass function, such that . Suppose further that mutual information between and satisfies where and is a non-negative constant. If and are weakly correlated given , that is, , we have
(1) |
We defer the proof to Appendix A. Specifically, the random variable and stands for the feature and the label respectively, and the joint of s stands for their interaction. Recall that: 1) As the considered raw features are categorical, modeling each feature as a Bernoulli random variable would not sacrifice much generality; 2) In practice, the raw features are preprocessed to remove redundant ones, so the weak correlation assumption holds. Based on these, our proposition indicates that, for small we have , thereby the information gain introduced by interaction of features is at most that of the individuals. This proposition therefore could be interpreted as—under practical assumptions, it is unlikely to construct an informative feature from the interaction of uninformative ones. This proposition supports the bottom-up search strategy, as lower-order features that have not been identified as informative are less likely to be a useful building brick of high-order features. Besides, the identified -order features are recursively constructed from the identified ones of lower-orders, and thus they are likely to include sufficient information for generating informative -order features. We also empirically validate this strategy in Section 3.2 and Section 3.4. Although this inductive search strategy cannot guarantee to generate all useful interactive features, the generated interactive features in such a way are likely to be useful ones, based on the above proposition. This can be regarded as a trade-off between the usefulness of generated interactive features and the completeness of them, under the constraint of limited computation resources.
2.3. Modeling
To instantiate our inductive search strategy, we conceptually regard the original features as a feature graph and model the interactions among features by a designed GNN.
First, we denote the feature graph as where each node corresponds to a feature and each edge indicates an interaction between node and node . We use as the initial node representation for node that conventionally takes the embedding looked up by from the feature embedding matrix as its value. It is easy to show that, by applying a vanilla graph convolutional operator to such a graph, the output is capable of expressing the -order interactive features. However, gradually propagating the node representations with only one adjacency matrix fails to express higher-order () interactions. Thus, to generate at highest -order interactive features, we extend the feature graph by defining an adjacency tensor to indicate the interactions among features at each order, where each slice represents a layer-wise adjacency matrix and is the number of original features (nodes). Once an entry is active, we intend to generate a -order feature based on node by and synthesize these into . Formally, with an adjacency tensor , our dedicated graph convolutional operator produces the node representations layer-by-layer, in the following way:
(2) |
Here “MEAN” is adopted as the aggregator, and denotes the element-wise product. is the transformation matrix for node , and is the initial input to the GNN and described as the feature embeddings of node . Assume that the capacity of our GNN and embedding matrix is sufficient for to express , we can show that the node representation at -th layer corresponds to the generated -order interactive features:
where the choices of which features should be combined are determined by the adjacency tensor .
As shown above, the feature graph and the associated GNN is capable of conceptually expressing our inductive search strategy. Thus from the perspective of feature graph, the task of generating interactive features is equivalent to learning an optimal adjacency tensor , so-called edge search in our study. In order to evaluate the quality of generated features, i.e., the learned adjacency tensor , we apply a linear output layer to the concatenation of node representations at each layer:
(3) |
where and are the projection matrix and bias term respectively, and denotes the sigmoid function. We pack all the parameters as . Then we define a cross-entropy loss function (denoted as CE) for the joint of and :
(4) |
where is the considered dataset, denotes the ground truth label of -th instance from , and denotes its prediction based on the node representations from -th layer.
Eventually, the edge search task could be formulated as a bilevel optimization problem:
(5) |
where and denote the training and the validation dataset respectively. Such a nested formulation in Eq. (5) has also been studied recently in differentiable NAS (Liu et al., 2019; Cai et al., 2019; Noy et al., 2019), where the architecture parameters ( in our formulation) and network parameters ( in our formulation) are alternatively updated during the search procedure. However, most of NAS methods ignored the dependencies among architecture parameters (Zhou et al., 2019), which are critical for our task as the higher-order interactive features are generated based on the choice of previous layers.
2.4. Differentiable Search
Directly solving the optimization problem in Eq. (5) is intractable because of its bilevel nature and the binary values of . Existing methods AutoInt (Song et al., 2019) and Fi-GNN (Li et al., 2019) tackle the issue of binary by calculating it on-the-fly, that is, the set of features to be aggregated for interaction is determined by a self-attention layer. This solution enables efficient optimization, but the attention weights dynamically change from sample to sample. Thus it is hard to interpret these attention weights to know which interactive features should be generated. On the other hand, there are some straightforward ways to learn a stationary adjacency tensor. To be specific, we can regard as Bernoulli random variables parameterized by . Then, in the forward phase, we sample each slice ; and in the backward phase, we update based on straight-through estimation (STE) (Bengio et al., 2013b). This technique has also been adopted for solving problems like Eq. (5) in some NAS studies (Cai et al., 2019).
Following the search strategy in Section 2.2, the adjacency tensor should be determined slice-by-slice from to . In addition, since that which -order features should be generated depend on those -order features have been generated, the optimization of should be conditioned on . Our inductive search strategy would be precisely instantiated, only when such dependencies are modeled. Thus, we parameterize the adjacency tensor by in this recursive way:
(6) |
where is a binarization function with a tunable threshold, and is the degree matrix of serving as a normalizer.

We illustrate the intuition behind Eq. (6) in Figure 1. Specifically, if we regard each -order interactive feature, e.g., as a -hop path jumping from to , then can be treated as a binary sample drawn from the -hop transition matrix where indicates the -hop visibility (or say accessibility) from to . Conventionally, the transition matrix of -hop can be calculated by multiplying that of -hop with the normalized adjacency matrix. Following the motivation of defining an adjacency tensor such that the topological structures at different layers tend to vary from each other, we design as a layer-wise (unnormalized) transition matrix. In this way, with Eq. (6), we make the adjacency matrix of each layer depend on that of previous layer, which exactly instantiates our search strategy.
Since there is a binarization function in Eq. (6), cannot be directly optimized via a differentiable way w.r.t. the loss function in Eq. (4). One possible solution is to use policy gradient (Sutton et al., 2000), Gumbel-max trick (Jang et al., 2017), or other approximations (Nayman et al., 2019). However, it can be inefficient when the action space (here the possible interactions) is too large.
To make the optimization more efficient, we allow to use a soft for propagation at the -th layer, while the calculation of still depends on a binarized :
(7) |
However, the entries of an optimized may still lie near the borderline (around ). When we use these borderline values for generating interactive features, the gap between the binary decisions and the learned cannot be neglected (Noy et al., 2019). To fill this gap, we re-scale each entry of through dividing it by a temperature before using it for propagation, which can be formatted as:
(8) |
where denotes the entry of . As anneals from to a small value, e.g., along the search phase, the re-scaled value becomes close to either or .
Finally, our modeling allows us to solve the optimization problem in Eq. (5) with gradient descent method. The whole optimization algorithm is summarized in Algorithm 1.
2.5. Interpretability
By Algorithm 1, the adjacency tensor and the model parameters are learned and can solely serve as a predictive model. Moreover, one can derive useful high-order interactive features according to the learned adjacency tensor , which means that FIVES can also serve as a feature generator. In general, we are allowed to specify layer-wise thresholds for binarizing the learned and then derive the useful -order () interactive features suggested by inductively. An example of the interactive feature derivation is shown in Figure 2.

Specifically, given an adjacency matrix , which is the -th slice of the binarized adjacency tensor , we can determine the feature graph (denoted as “Feature Graph” in the figure) at the -th layer based on it, where represents there exists a directed edge from the start node to the end node . Then, we can derive useful interactive features (denoted as “Generated Features” in the figure) from the feature graphs layer-by-layer in an inductively manner. At each layer, a directed edge means to apply the crossing operation (i.e., ) between each of the features represented by the start node and that represented by the end node, which generates some interactive features. As defined in Eq. (2), the features represented by a node are different when it serves as a start node or an end node. At the -th layer, when a node serves as a start node, it represents the interactive features that have been generated by the edges starting from at the -th order; elsewise, it just represents the corresponding original feature . Particularly, when , no matter a node serves as a start node or an end node, it represents the corresponding original feature.
Take the instance in Figure 2 as an example: In the middle column, is an end node in the connection , thus it represents the original feature ; In the right column, is a start node in the connection , thus it represents the interactive feature , which is propagated from crossing in the previous order. The generated interactive features via crossing at each layer are synthesized in the start node and propagated to the next layer. The edge and propagation are denoted as the dotted frames and dotted arrows in different colors respectively in the figure.
Formally, the useful interactive features suggested by FIVES can be given as }.
3. Experiments
We conduct a series of experiments to demonstrate the effectiveness of the proposed FIVES method, with the aims to answer the following questions. Q1: When the learned of FIVES solely serves as a predictive model, how it performs compared to state-of-the-art feature generation methods? Q2: Could we boost the performance of some lightweight models with the interactive features generated by FIVES? Q3: How do different components of FIVES contribute to its performance? Q4: Are the interactions indicated by the learned adjacency tensor really useful? Q5: Can FIVES run as efficient as existing DNN-based methods? Q6: Can we improve the CTR in a real-world e-commerce platform by deploying the interactive features generated by FIVES?
Datasets. We conduct experiments on five benchmark datasets that are widely adopted in related works, and we also include two more real-world business datasets. The datasets are randomly partitioned for a fair comparison, and their statistics are summarized in Table 1. The availability of the benchmark datasets can be found in Appendix B.
# Features | # Train | # Test | |
---|---|---|---|
Employee | 9 | 29,493 | 3,278 |
Bank | 20 | 27,459 | 13,729 |
Adult | 42 | 32,561 | 16,281 |
Credit | 16 | 100,000 | 50,000 |
Criteo | 39 | 41,256K | 4,584K |
Business1 | 53 | 1,572K | 673K |
Business2 | 59 | 25,078K | 12,537K |
Method | Employee | Bank | Adult | Credit | Criteo | Business1 | Business2 |
---|---|---|---|---|---|---|---|
LR | 0.8353 | 0.9377 | 0.8836 | 0.8262 | 0.7898 | 0.6912 | 0.7121 |
DNN | 0.8510 | 0.9435 | 0.8869 | 0.8292 | 0.7779 | 0.6927 | 0.6841 |
FM | 0.8473 | 0.9434 | 0.8847 | 0.8278 | 0.7836 | 0.6888 | 0.7152 |
Wide&Deep | 0.8484 | 0.9416 | 0.8870 | 0.8299 | 0.7710 | 0.6941 | 0.7128 |
AutoInt | 0.8397 | 0.9393 | 0.8869 | 0.8301 | 0.7993 | 0.6960 | 0.7237 |
Fi-GNN | 0.8260 | 0.9417 | 0.8813 | 0.8276 | 0.7964 | 0.6882 | 0.7103 |
AutoFIS | 0.8454 | 0.9423 | 0.8840 | 0.8295 | 0.7916 | 0.6967 | 0.6981 |
FIVES | 0.8536 | 0.9446∗∗ | 0.8863 | 0.8307∗ | 0.8006∗∗ | 0.6984∗∗ | 0.7276∗∗ |
v.s. LR (base) | Employee | Bank | Adult | Credit | Criteo | Business1 | Business2 | Average |
---|---|---|---|---|---|---|---|---|
Random+LR | -0.98% | -0.04% | -0.59% | -0.04% | -0.94% | 0.15% | 0.16% | -0.33% |
CMI+LR | 0.70% | -0.07% | -0.56% | 0.02% | -1.70% | 0.30% | 1.32% | 0.01% |
AutoCross+LR | 1.76% | 0.16% | -0.65% | 0.12% | 0.04% | 0.04% | 0.01% | 0.21% |
FIVES+LR | 1.79%∗∗ | 0.01% | 0.14%∗∗ | 0.12% | 0.26%∗∗ | 0.34%∗ | 1.36% | 0.57% |
Preprocessing. We discretize numeric features into equal-width buckets. Then the numeric features are transformed into one-hot vector representations according to their bucket indices. This follows the multi-granularity discretization proposed in (Luo et al., 2019). For all the rare feature category values (whose frequency is less than ), we assign them the same identifier.
Metric. Following existing works, we use AUC to evaluate the predictive performance. A higher AUC indicates a better performance. As has been pointed out in the previous studies (Cheng et al., 2016; Luo et al., 2019; Song et al., 2019), a small improvement (at 0.001-level) in offline AUC evaluation can make a significant difference in real-world business predictive tasks such as CTR prediction in advertisements.
3.1. FIVES as a predictive model (Q1)
As mentioned in Section 2.4, the learned of FIVES is a predictive model by itself. We adopt the following methods as baselines, including those frequently used in practical recommender systems and state-of-the-art feature generation methods: (1) LR: Logistic Regression with only the original features (more settings of LR will be given in next part). (2) DNN: The standard Deep Neural Network with fully connected cascade and a output layer with sigmoid function. (3) FM (Rendle, 2010): The factorization machine uses the inner product of two original features to express their interactions. (4) Wide&Deep (Cheng et al., 2016): This method jointly trains wide linear models and deep neural networks. (5) AutoInt (Song et al., 2019): A DNN-based feature generation method, in which the multi-head self-attentive neural network with residual connections is proposed to model feature interactions. (6) Fi-GNN (Li et al., 2019): It proposes to represent the multi-field features as a graph structure for the first time, and the interactions of features are modeled as the attentional edge weights. The implementation details of these methods can be found in Appendix C.
After hyperparameter optimization for all methods (see supplementary material for details), we use the optimal configuration to run each method for 10 times and conduct independent t-test between the results of FIVES and the strongest baseline method to show the significance: “” represents and “” represents . The experimental results are summarized in Table 2.
The experimental results demonstrate that FIVES can significantly improve the performance compared to baselines on most datasets. Especially on the large-scale datasets, FIVES outperforms all other baseline methods by a considerable large margin.


3.2. FIVES as a feature generator (Q2)
In practice, the generated interactive features are often used to augment original features, and then all of them are fed into some lightweight models to meet the requirement of inference speed. In specific, we adopt LR as the basic model to compare the usefulness of the interactive features discovered by different methods. It is worth pointing out that LR is widely adopted for such experiments in this area (Luo et al., 2019; Rosales et al., 2012; Lian et al., 2018), since it is simple, scalable, and interpretable.
As aforementioned, we can explicitly derive useful interactive features from the learned adjacency tensor . We call this method FIVES+LR and compare it with the following methods: (1) Random+LR: LR with original features and randomly selected interactive features; (2) CMI+LR: conditional mutual information (CMI) as a filter to select useful interactive features from all possible -order interactions; (3) AutoCross+LR (Luo et al., 2019): a recent search-based method, which performs beam search in a tree-structured space. We also run the experiments for 10 times and analyze the results by t-test to draw statistically significant conclusions. The results are summarized in Table 3.
On all the datasets, the interactive features FIVES indicated consistently improve the performance of a LR. The improvements are larger than that of other search-based method on most datasets, which is particularly significant on the largest one (i.e., Criteo). The degeneration of some reference methods may be caused by redundant features that harden the optimization of a LR.
3.3. Contributions of different components (Q3)
3.3.1. Modeling the dependencies between adjacency matrices
As (Zhou et al., 2019) pointed out that most existing NAS works ignore the dependencies between architecture parameters, which is indispensable to precisely express our inductive search strategy. FIVES models such dependencies by recursively defining the adjacency matrices (see Eq. (6)). In contrast, we define a variant of FIVES without considering such dependencies by parameterizing each with its specific : . We conduct an ablation study to compare our recursive modeling with this independence modeling, and the results in Figure 3 clearly confirmed the effectiveness of the recursive modeling FIVES adopted.
3.3.2. Filling the gap between differentiable search and hard decision
Since a soft is used in graph convolution (see Eq. (7)), the learned may lie near the borderline, which causes a gap between the binary decisions and the soft used during search phase. As (Noy et al., 2019) observed, such kind of gap hurts the performance of NAS. To tackle this, we re-scale with the temperature annealed. Here is an ablation study to see the necessity of such a re-scaling.
From Figure 4, we observe that the re-scaling can noticeably reduce the performance gap between FIVES and FIVES+LR. Without this re-scaling, the interactions evaluated during search phase consist of softly weighted ones, which are inconsistent with the interactive features fed into LR. By incorporating the re-scaling, almost all entries of are forced to be binary before being taken into consideration by next layer, so that the decisions made at -order are based on the exact -order interactive features that will be fed into LR. In this way, the edge search procedure would be led by exact evaluation of what to be generated.
3.4. Usefulness of generated interactive features (Q4)
The above experiments evaluate the usefulness of the interactive features generated by FIVES from the perspective of augmenting the feature set for lightweight models. Here, we further evaluate the usefulness of generated features from more different perspectives.
First, we can directly calculate the AUCs of making predictions by each interactive feature. Then we plot the features as points in Figure 5, with the value of their entries as x-axis and corresponding AUC values as y-axis, which illustrates a positive correlation between and the feature’s AUC. This correlation confirms that the generated interactive features are indeed useful.
Another way to assess the usefulness of generated features is to compare different choices of the adjacency tensor . From the view of NAS, acts as the architecture parameters. If it represents a useful architecture, we shall achieve satisfactory performance by tuning the model parameters w.r.t. it. Specifically, we can fix a well learned and learn just the predictive model parameters . We consider the following different settings: (1) is learned from scratch (denoted as LFS); (2) is fine-tuned with the output of Algorithm 1 as its initialization (denoted as FT). We also show the performance of a random architecture (i.e., is random initialized and will not be optimized) as the baseline (denoted as Random).
The experimental results in Figure 6 show the advantage of the searched architecture against a random one. Since the architecture parameter indicates which interactive features should be generated, the effectiveness of searched architecture confirms the usefulness of generated interactive features. On the contrary, the randomly generated interactions can degrade the performance, especially when the original feature is relatively scarce, e.g., on Employee dataset. Meanwhile, the improvement from “FIVES” to “FT” shows that, given a searched architecture (i.e., learned ), improvement for predictive performance can be achieved via fine-tuning .




3.5. Efficiency Comparisons (Q5)
To study the efficiency of the proposed method, we empirically compare it against other DNN-based methods in terms of both convergence rate and run-time per epoch. As Figure 7 shows, although we formulate the edge search task as a bilevel optimization problem, FIVES achieves comparable validation AUC at each different number of training steps, which indicates a comparable convergence rate. Meanwhile, the run-time per epoch of all the DNN-based methods is at the same order, even though, the run-time per epoch of both Fi-GNN and FIVES is relatively larger than that of others due to the complexity of graph convolutional operator. Actually, with 4 Nvidia GTX1080Ti GPU cards, FIVES can complete its search phase on Criteo (traversal of 3 epochs) within hours. In contrast, both dozens of hours and hundreds of times of computational resources are needed for search-based methods due to their trial-and-error nature.
3.6. Online A/B Testing
We conduct an online A/B testing for one week on a leading e-commerce platform, Tabobao, to verify the effectiveness of FIVES. Specifically, we first train FIVES on the training data collected from search logs, and then derive the top 5 interactive features with the highest probability according to the learned adjacency tensor (please refer to Section 2.5 for the derivation process). The interactive features generated by FIVES are deployed on the online serving system, so that the deployed CTR prediction models (of various architectures) are fed with these features, which eventually affect the ranking of items. The one-week observations show that the interactive features provided by FIVES contributes 0.42% pCTR (page click-through rate, i.e., the ratio of page clicks and page views) and 0.28% uCTR (user click-through rate, i.e., the ratio of user clicks and user views) improvements in the online A/B testing, which demonstrates the effectiveness of FIVES for real-world e-commerce platforms.
Moreover, we deploy FIVES as AI utilities on Alibaba Cloud111https://cn.aliyun.com/product/bigdata/product/learn to empower a broader range of real-world businesses. The data scientists from both Alibaba and the customers of Alibaba Cloud who want to generate useful interactive features can benefit from our proposed FIVES, especially those who demand for the interpretability of generated features.
4. Related Works
To save data scientists from the tedious processes of manually feature generation, automatic feature interaction, one important topic of Automated Machine Learning (AutoML) (Hutter et al., 2019; Yao et al., 2019; Zöller and Huber, 2019; Khurana, 2018), has received a lot of attention from both academia and industry. Recent works on automatic feature interaction can be roughly divided into two categories: search-based (Kanter and Veeramachaneni, 2015; Katz et al., 2016; Luo et al., 2019; Liu et al., 2020a) and DNN-based (Juan et al., 2016; Shan et al., 2016; Guo et al., 2017; Lian et al., 2018; Xu et al., 2019; Rendle, 2010; Li et al., 2019; Song et al., 2019; Wang et al., 2020; Wang et al., 2017).
The search-based methods focus on designing different search strategies that prune as much of the candidates to be evaluated as possible, while aiming to keep the most useful interactive features. For example, ExploreKit (Katz et al., 2016) evaluates only the top-ranked candidates where the feature ranker has been pre-trained on other datasets. AutoCross (Luo et al., 2019) incrementally selects the optimal candidate from the pairwise interactions of current features. Although these mechanisms can trim the search space to be traversed, due to their trial-and-error nature, the needed time and computing resources are usually intolerable in practice.
On the other hand, the DNN-based methods design specific neural architectures to express the interactions among different features. For example, AutoInt (Song et al., 2019) and Fi-GNN (Li et al., 2019) exploit the self-attention mechanism (Vaswani et al., 2017) for weighting features in their synthesis, and achieve leading performances with just a one-shot training course. But this advantage comes at the cost of implicit feature interactions as it is hard to exactly interpret which interactive features are useful from the attention weights. Actually, it is in great demand that useful interactive features can be explicitly expressed, since they can be incorporated to train lightweight predictive models to satisfy the requirement of real-time inference. Some recent works (Song et al., 2020; Liu et al., 2020b) explicitly parameterize the relationships among features and optimize in a differentiable way, but without a well-designed search strategy they still sacrifice either the interpretability of search-based methods or the efficiency of DNN-based methods.
5. Conclusions
Motivated by our theoretical analysis, we propose FIVES, an automatic feature generation method where an adjacency tensor is designed to indicate which feature interactions should be made. The usefulness of indicated interactive features is confirmed from different perspectives in our empirical studies. FIVES provides such interpretability by solving for the optimal adjacency tensor in a differentiable manner, which is much more efficient than search-based method, while also preserving the efficiency benefit of DNN-based method. Extensive experiments and an one-week online A/B testing show the advantages of FIVES as both a predictive model and a feature generator.
Acknowledgment
This work was supported by Alibaba Group through a donation to the ETH Foundation.
References
- (1)
- Bengio et al. (2013a) Yoshua Bengio, Aaron Courville, and Pascal Vincent. 2013a. Representation learning: A review and new perspectives. IEEE transactions on pattern analysis and machine intelligence 35, 8 (2013), 1798–1828.
- Bengio et al. (2013b) Yoshua Bengio, Nicholas Léonard, and Aaron Courville. 2013b. Estimating or propagating gradients through stochastic neurons for conditional computation. arXiv preprint arXiv:1308.3432 (2013).
- Cai et al. (2019) Han Cai, Ligeng Zhu, and Song Han. 2019. ProxylessNAS: Direct Neural Architecture Search on Target Task and Hardware. In International Conference on Learning Representations (ICLR).
- Cheng et al. (2016) Heng-Tze Cheng, Levent Koc, Jeremiah Harmsen, Tal Shaked, Tushar Chandra, Hrishi Aradhye, Glen Anderson, Greg Corrado, Wei Chai, Mustafa Ispir, et al. 2016. Wide & deep learning for recommender systems. In Proceedings of the 1st workshop on deep learning for recommender systems. 7–10.
- Cho et al. (2014) Kyunghyun Cho, Bart van Merriënboer, Caglar Gulcehre, Dzmitry Bahdanau, Fethi Bougares, Holger Schwenk, and Yoshua Bengio. 2014. Learning Phrase Representations using RNN Encoder–Decoder for Statistical Machine Translation. In Proceedings of the Conference on Empirical Methods in Natural Language Processing (EMNLP). 1724–1734.
- Gers et al. (2002) Felix A Gers, Nicol N Schraudolph, and Jürgen Schmidhuber. 2002. Learning precise timing with LSTM recurrent networks. Journal of machine learning research 3, 8 (2002), 115–143.
- Guo et al. (2017) Huifeng Guo, Ruiming TANG, Yunming Ye, Zhenguo Li, and Xiuqiang He. 2017. DeepFM: A Factorization-Machine based Neural Network for CTR Prediction. In Proceedings of the International Joint Conference on Artificial Intelligence (IJCAI). 1725–1731.
- Hutter et al. (2019) Frank Hutter, Lars Kotthoff, and Joaquin Vanschoren. 2019. Automated Machine Learning. Springer.
- Jang et al. (2017) Eric Jang, Shixiang Gu, and Ben Poole. 2017. Categorical Reparameterization with Gumbel-Softmax. In International Conference on Learning Representations.
- Juan et al. (2016) Yuchin Juan, Yong Zhuang, Wei-Sheng Chin, and Chih-Jen Lin. 2016. Field-aware factorization machines for CTR prediction. In Proceedings of the Conference on Recommender Systems (RecSys). 43–50.
- Kanter and Veeramachaneni (2015) James Max Kanter and Kalyan Veeramachaneni. 2015. Deep feature synthesis: Towards automating data science endeavors. In Proceedings of the International Conference on Data Science and Advanced Analytics (DSAA). 1–10.
- Katz et al. (2016) Gilad Katz, Eui Chul Richard Shin, and Dawn Song. 2016. Explorekit: Automatic feature generation and selection. In Proceedings of the International Conference on Data Mining (ICDM). 979–984.
- Kaul et al. (2017) Ambika Kaul, Saket Maheshwary, and Vikram Pudi. 2017. Autolearn—Automated feature generation and selection. In Proceedings of the International Conference on Data Mining (ICDM). 217–226.
- Khurana (2018) Udayan Khurana. 2018. Transformation-based feature engineering in supervised learning: Strategies toward automation. Feature Engineering for Machine Learning and Data Analytics (2018), 221–243.
- Krizhevsky et al. (2012) Alex Krizhevsky, Ilya Sutskever, and Geoffrey E Hinton. 2012. Imagenet classification with deep convolutional neural networks. In Advances in neural information processing systems (NIPS). 1097–1105.
- Li et al. (2019) Zekun Li, Zeyu Cui, Shu Wu, Xiaoyu Zhang, and Liang Wang. 2019. Fi-GNN: Modeling Feature Interactions via Graph Neural Networks for CTR Prediction. In Proceedings of the International Conference on Information and Knowledge Management (CIKM). 539–548.
- Lian et al. (2018) Jianxun Lian, Xiaohuan Zhou, Fuzheng Zhang, Zhongxia Chen, Xing Xie, and Guangzhong Sun. 2018. xDeepFM: Combining explicit and implicit feature interactions for recommender systems. In Proceedings of the SIGKDD International Conference on Knowledge Discovery and Data Mining (KDD). 1754–1763.
- Liu et al. (2020b) Bin Liu, Chenxu Zhu, Guilin Li, Weinan Zhang, Jincai Lai, Ruiming Tang, Xiuqiang He, Zhenguo Li, and Yong Yu. 2020b. AutoFIS: Automatic Feature Interaction Selection in Factorization Models for Click-Through Rate Prediction. In Proceedings of the SIGKDD International Conference on Knowledge Discovery and Data Mining (KDD). 2636–2645.
- Liu et al. (2019) Hanxiao Liu, Karen Simonyan, and Yiming Yang. 2019. DARTS: Differentiable Architecture Search. In International Conference on Learning Representations (ICLR).
- Liu et al. (2020a) Zhaocheng Liu, Qiang Liu, Haoli Zhang, and Yuntian Chen. 2020a. DNN2LR: Interpretation-inspired Feature Crossing for Real-world Tabular Data. arXiv preprint arXiv:2008.09775 (2020).
- Luo et al. (2019) Yuanfei Luo, Mengshuo Wang, Hao Zhou, Quanming Yao, Wei-Wei Tu, Yuqiang Chen, Wenyuan Dai, and Qiang Yang. 2019. AutoCross: Automatic Feature Crossing for Tabular Data in Real-World Applications. In Proceedings of the SIGKDD International Conference on Knowledge Discovery and Data Mining. 1936–1945.
- Luo et al. (2020) Yuanfei Luo, Hao Zhou, Wei-Wei Tu, Yuqiang Chen, Wenyuan Dai, and Qiang Yang. 2020. Network On Network for Tabular Data Classification in Real-world Applications. In Proceedings of the 43rd International ACM SIGIR Conference on Research and Development in Information Retrieval. 2317–2326.
- Nayman et al. (2019) Niv Nayman, Asaf Noy, Tal Ridnik, Itamar Friedman, Rong Jin, and Lihi Zelnik. 2019. XNAS: Neural Architecture Search with Expert Advice. In Advances in neural information processing systems (NeurIPS). 1977–1987.
- Noy et al. (2019) Asaf Noy, Niv Nayman, Tal Ridnik, Nadav Zamir, Sivan Doveh, Itamar Friedman, Raja Giryes, and Lihi Zelnik-Manor. 2019. Asap: Architecture search, anneal and prune. arXiv preprint arXiv:1904.04123 (2019).
- Rendle (2010) Steffen Rendle. 2010. Factorization machines. In Proceedings of the International Conference on Data Mining (ICDM). 995–1000.
- Rosales et al. (2012) Rómer Rosales, Haibin Cheng, and Eren Manavoglu. 2012. Post-click conversion modeling and analysis for non-guaranteed delivery display advertising. In Proceedings of the fifth ACM international conference on Web search and data mining. 293–302.
- Shan et al. (2016) Ying Shan, T. Ryan Hoens, Jian Jiao, Haijing Wang, Dong Yu, and JC Mao. 2016. Deep Crossing: Web-Scale Modeling without Manually Crafted Combinatorial Features. In Proceedings of the SIGKDD International Conference on Knowledge Discovery and Data Mining (KDD). 255–262.
- Shi et al. (2020) Qitao Shi, Ya-Lin Zhang, Longfei Li, Xinxing Yang, Meng Li, and Jun Zhou. 2020. Safe: Scalable automatic feature engineering framework for industrial tasks. In 2020 IEEE 36th International Conference on Data Engineering. IEEE, 1645–1656.
- Song et al. (2020) Qingquan Song, Dehua Cheng, Hanning Zhou, Jiyan Yang, Yuandong Tian, and Xia Hu. 2020. Towards automated neural interaction discovery for click-through rate prediction. In Proceedings of the SIGKDD International Conference on Knowledge Discovery and Data Mining (KDD). 945–955.
- Song et al. (2019) Weiping Song, Chence Shi, Zhiping Xiao, Zhijian Duan, Yewen Xu, Ming Zhang, and Jian Tang. 2019. AutoInt: Automatic feature interaction learning via self-attentive neural networks. In Proceedings of the International Conference on Information and Knowledge Management (CIKM). 1161–1170.
- Su et al. (2021) Yixin Su, Rui Zhang, Sarah Erfani, and Zhenghua Xu. 2021. Detecting Beneficial Feature Interactions for Recommender Systems. In Proceedings of the 34th AAAI Conference on Artificial Intelligence (AAAI).
- Sutton et al. (2000) Richard S Sutton, David A McAllester, Satinder P Singh, and Yishay Mansour. 2000. Policy gradient methods for reinforcement learning with function approximation. In Advances in neural information processing systems (NIPS). 1057–1063.
- Tsang et al. (2020) Michael Tsang, Dehua Cheng, Hanpeng Liu, Xue Feng, Eric Zhou, and Yan Liu. 2020. Feature Interaction Interpretability: A Case for Explaining Ad-Recommendation Systems via Neural Interaction Detection. In International Conference on Learning Representations.
- Vaswani et al. (2017) Ashish Vaswani, Noam Shazeer, Niki Parmar, Jakob Uszkoreit, Llion Jones, Aidan N Gomez, Łukasz Kaiser, and Illia Polosukhin. 2017. Attention is all you need. In Advances in neural information processing systems (NIPS). 5998–6008.
- Wang et al. (2017) Ruoxi Wang, Bin Fu, Gang Fu, and Mingliang Wang. 2017. Deep & cross network for ad click predictions. In Proceedings of the ADKDD’17. 1–7.
- Wang et al. (2020) Ruoxi Wang, Rakesh Shivanna, Derek Z Cheng, Sagar Jain, Dong Lin, Lichan Hong, and Ed H Chi. 2020. DCN-M: Improved Deep & Cross Network for Feature Cross Learning in Web-scale Learning to Rank Systems. arXiv preprint arXiv:2008.13535 (2020).
- Xu et al. (2019) Keyulu Xu, Weihua Hu, Jure Leskovec, and Stefanie Jegelka. 2019. How Powerful are Graph Neural Networks?. In International Conference on Learning Representations (ICLR).
- Yao et al. (2019) Quanming Yao, Mengshuo Wang, Yuqiang Chen, Wenyuan Dai, Yu-Feng Li, Wei-Wei Tu, Qiang Yang, and Yang Yu. 2019. Taking Human out of Learning Applications: A Survey on Automated Machine Learning. arXiv preprint arXiv:1810.13306 (2019).
- Zhou et al. (2019) Hongpeng Zhou, Minghao Yang, Jun Wang, and Wei Pan. 2019. BayesNAS: A Bayesian Approach for Neural Architecture Search. In Proceedings of the International Conference on Machine Learning (ICML), Vol. 97. 7603–7613.
- Zöller and Huber (2019) Marc-André Zöller and Marco F Huber. 2019. Benchmark and survey of automated machine learning frameworks. arXiv preprint arXiv:1904.12054 (2019).
Appendix A Proof of Proposition 1
We first re-state the Proposition 1 in the paper here.
Proposition 0.
Let and be Bernoulli random variables with a joint conditional probability mass function, such that . Suppose further that mutual information between and satisfies where and is a non-negative constant. If and are weakly correlated given , that is, , we have
(9) |
Proof.
As explained in Section 2.2 of the paper, we use to denote the interaction . By Definition 1, the interaction is defined to be the Cartesian product of the individual features. In this sense, could be regarded as a random variable constructed by some bijective mapping from the tuple . In our method, the interaction is expressed via the graph convolutional operator. Although we have assumed such a modeling to be expressive enough, for rigorous analysis, we’d better regard as a non-injective mapping from to , and thus we have . Therefore:
(10) |
where is the so called incremental entropy:
(11) |
Note that and , we further have
(12) |
To prove the Proposition, it remains to prove that:
(13) |
We start with deriving the mathematical expression for in terms of , . For convenience, we define the following notations:
(14) |
Note the following mathematical relations:
(15) |
Using the above relations, it is straightforward to show that
(16) |
Next, we derive the expression for :
(17) |
Combining (16) and (17), we have
(18) |
Next, we expand the terms of as follows:
(19) |
Using the concavity of logarithm, we further have
(20) |
where the last two inequalities follow (18) and that
(21) |
The above inequality holds for all , therefore,
(22) |
Appendix B Datasets Availability
-
•
Employee https://www.kaggle.com/c/amazon-employee-access-challenge/
-
•
Bank https://www.kaggle.com/brijbhushannanda1979/bank-data
-
•
Adult https://archive.ics.uci.edu/ml/datasets/adult
-
•
Credit https://www.kaggle.com/c/GiveMeSomeCredit/data
-
•
Criteo http://labs.criteo.com/2014/02/download-kaggle-display-advertising-challenge-dataset/
Business1 and Business2 are constructed by randomly sampling large-scale search logs. Due to the privacy issue, they are not publicly available currently.
Appendix C Implementation and HPO Details
For FIVES and all baseline methods, we empirically set batch size as 128 for small datasets (Employee, Bank, Adult and Credit), and 1024 for large datasets (Criteo, Business1 and Business2). The learning rate of baseline methods is set to be 5e-3. To overcome the overfitting issue, model parameters are regularized by regularization with the strength of 1e-4 and the dropout rate is set to 0.3. We apply grid search for hyperparameter optimization (HPO). After the HPO procedure, we use the optimal configuration to train and evaluate each method for 10 times, alleviating the impact of randomness. For better parallelism and economic usage of computational resources, we conduct all our experiments on Alibaba Cloud222https://www.alibabacloud.com/product/machine-learning. Other implementation details for each method are described as below:
FIVES. The tunable hyperparameters contain the highest order number of interactive features , the learning rate 5e-3 and {5e-3, 5e-4}, the embedding dimension of node representation . The hidden dimension of GNN is set to be the same as the embedding dimension.
DNN. It is implemented by ourselves. The tunable hyperparameters contain the hidden dimension of fully connected layers and the embedding dimension of node representation .
FM. The cloud platform we used has provided some frequently used machine learning algorithms including FM. The tunable hyperparameters include learning rate and coefficients of regularization .
Wide&Deep. It is implemented by ourselves according to (Cheng et al., 2016). The tunable hyperparameters contain the embedding dimension of node representation and the hidden dimension of fully connected layers in the deep component .
AutoInt. It is reproduced by using the source code333https://github.com/DeepGraphLearning/RecommenderSystems published by (Song et al., 2019). The tunable hyperparameters contain the number of blocks and the number of attention heads . The hidden dimension of interacting layers is set to 32 as suggested by the original paper and the embedding dimension of node representation .
Fi-GNN. It is reproduced by ourselves via TensorFlow according to the source code444https://github.com/CRIPAC-DIG/Fi_GNN published by (Li et al., 2019). The tunable hyperparameters contain the highest order number of interactive features , and the embedding dimension of node representation .
AutoFIS. It is reproduced by using the source code555https://github.com/zhuchenxv/AutoFIS published by (Liu et al., 2020b). The tunable hyperparameters contain the embedding dimension of node representation .
AutoCross. We implement a special LR that either updates all the trainable parameters or updates only the parameters of newly added features. Then we implement a scheduler to trigger training and evaluation routines of the LR over different feature spaces. This fails to exploit the “reuse” trick proposed in (Luo et al., 2019), but identically expresses their search strategy.
LR. We use the LR provided by the cloud platform, which is implemented based on parameter-server architecture. We set the regularization strength as 1.0 and regularization as 0. The maximum iteration is 100 and the toleration is 1e-6.