CCPM&FGCNN:使用CNN进行特征生成的CTR预测模型

前言

今天主要通过两篇论文介绍如何将CNN应用在传统的结构化数据预测任务中,本文尽量以精简的语言说明主要问题,并提供代码实现和运行demo,细节问题请参阅论文。

  • CIKM‘05 《A Convolutional Click Prediction Model》
  • WWW’19《Feature Generation by Convolutional Neural Network for Click-Through Rate Prediction》

CNN在计算机视觉领域占据着主导地位,在自然语言处理领域也有广泛的应用。基于点击率预测任务和自然语言处理中一些任务的相似性(大规模稀疏特征),NLP的一些方法和CTR预测任务的方法其实也是可以互通的。

A Convolutional Click Prediction Model

模型结构

主要思想

通过一个(width, 1)的kernel进行对特征的embedding矩阵进行二维卷积,其中width表示的每次对连续width个特征进行卷积运算,之后使用一个Flexible pooling机制进行池化操作进行特征聚合和压缩表示,堆叠若干层后将得到特征矩阵作为MLP的输入,得到最终的预测结果。

这里解释两个问题

  1. 为什么强调是连续width个特征进行卷积
  • 我们都知道CNN之所以在CV领域大放异彩是由于其具有如下特性

    • 参数共享
      通常一个特征检测子(如边缘检测)在图像某一部位有用也在其他部位生效。
    • 稀疏连接
      每一层的输出只依赖于前一层一小部分的输入
  • 在NLP任务中由于语句天然存在前后依赖关系,所以使用CNN能获得一定的特征表达,那么在CTR任务中使用CNN能获得特征提取的功能吗?
    答案是能,但是效果可能没有那么好,问题就出在卷积是对连续的width个特征进行计算,这导致了我们输入特征的顺序发生变化就会引起结果的变化,而在CTR任务中,我们的特征输入是没有顺序的。
    这相当于我们给了一个先验在里面,就是连续的width个特征进行组合更具有意义。
    虽然我们可以使用类似空洞卷积的思想增加感受野来使得卷积计算的时候跨越多个特征,但是这仍然具有一定的随机性。
    所以使用CNN进行CTR任务的特征提取的一个难点就在于其计算的是局部特征组合,无法有效捕捉全局组合特征。

  1. Flexible pooliong是什么?
    其实就是Max Pooling,只不过每次沿某一维度取p个最大的,不是1个最大的。
    p的取值根据当前池化层数和总层数自适应计算,其中i是当前层数,l是总层数

核心代码

这里就简单贴一下卷积池化还有最后全连接层的对应代码,完整的代码请参考CCPM

    for i in range(1, l + 1):
        filters = conv_filters[i - 1]
        width = conv_kernel_width[i - 1]
        k = max(1, int((1 - pow(i / l, l - i)) * n)) if i < l else 3

        conv_result = tf.keras.layers.Conv2D(filters=filters, kernel_size=(width, 1), strides=(1, 1), padding='same',
                                             activation='tanh', use_bias=True, )(pooling_result)
        pooling_result = KMaxPooling(
            k=min(k, conv_result.shape[1].value), axis=1)(conv_result)

    flatten_result = tf.keras.layers.Flatten()(pooling_result)
    final_logit = MLP(hidden_size, l2_reg=l2_reg_deep,
                      keep_prob=keep_prob)(flatten_result)

Feature Generation by Convolutional Neural Network for Click-Through Rate Prediction

文章的主要贡献点有2个:

  • 使用重组层进行特征生成缓解了CCPM中CNN无法有效捕获全局组合特征的问题
  • FGCNN作为一种特征生成方法,可以和任意模型进行组合

模型结构


  • 分组嵌入
    由于原始特征既要作为后续模型的输入,又要作为FGCNN模块的输入,所以原始特征的embedding向量可能会遇到梯度耦合的问题。
    这里对于FGCNN模块使用一套独立的embedding向量,避免梯度耦合的问题。

  • 卷积层和池化层
    卷积和池化和CCPM类似,池化层使用的是普通的Max Pooling。

  • 重组层
    我们之前提到了,使用CNN进行CTR任务的特征提取的一个难点就在于其计算的是局部特征组合。所以这里作者提出使用一个重组的机制来生成全局组合特征,做法是将池化后的Feature Maps( <math> <semantics> <mrow> <msup> <mi> S </mi> <mi> i </mi> </msup> </mrow> <annotation encoding="application&#47;x&#45;tex"> S^i </annotation> </semantics> </math>Si)展平成一个向量,然后使用单层的神经网络进行特征组合,输出维度 <math> <semantics> <mrow> <msup> <mi> R </mi> <mi> i </mi> </msup> </mrow> <annotation encoding="application&#47;x&#45;tex"> R^i </annotation> </semantics> </math>Ri受超参数控制。

  • 拼接层
    经过若干重组后,将重组后生成的特征拼接上原始的特征作为新的输入,后面可以使用各种其他的方法,如LR,FM,DeepFM等。

实验结果对比

  • IPNN-FGCNN于其他stoa模型的对比
  • 作为特征生成模型的效果

核心代码

这里分两部分介绍,一个是FGCNN的特征生成模块,一个使用FGCNN进行特征扩充的IPNN介绍。

FGCNN模块

        embedding_size = inputs.shape[-1].value
        pooling_result = tf.keras.layers.Lambda(lambda x: tf.expand_dims(x, axis=3))(inputs)#将3D输入转换成4D格式(None,field_size,embedding_size,1)

        new_feature_list = []#存储每一轮次的新生成特征

        for i in range(1, len(self.filters) + 1):
            filters = self.filters[i - 1]
            width = self.kernel_width[i - 1]
            new_filters = self.new_maps[i - 1]
            pooling_width = self.pooling_width[i - 1]
            #卷积操作
            conv_result = tf.keras.layers.Conv2D(filters=filters, kernel_size=(width, 1), strides=(1, 1),
                                                 padding='same',
                                                 activation='tanh', use_bias=True, )(pooling_result)
            #池化操作 
            pooling_result = tf.keras.layers.MaxPooling2D(pool_size=(pooling_width, 1))(conv_result)
            #重组操作
            flatten_result = tf.keras.layers.Flatten()(pooling_result)
            new_result = tf.keras.layers.Dense(pooling_result.shape[1].value * embedding_size * new_filters,
                                               activation='tanh', use_bias=True)(flatten_result)
            new_feature_list.append(
                tf.keras.layers.Reshape((pooling_result.shape[1].value * new_filters, embedding_size))(new_result))
        new_features = concat_fun(new_feature_list, axis=1)

使用FGCNN进行特征扩充的IPNN

完整代码请参考FGCNN

  • 特征分组嵌入
    根据输入特征分别得到deep_emb_listfg_deep_emb_list,其中fg_deep_emb_list用于FGCNN模块的输入。
    deep_emb_list, fg_deep_emb_list, linear_logit, inputs_list = preprocess_input_embedding(feature_dim_dict,embedding_size,l2_reg_embedding,l2_reg_linear, init_std, seed, True)
  • CNN特征生成模块
    通过封装好的FGCNNLayer,生成CNN提取的组合特征new_features
  new_features = FGCNNLayer(conv_filters, conv_kernel_width, new_maps, pooling_width)(fg_input)
  • 拼接层
    将原始embedding输入和新特征拼接,生成组合输入combined_input
  combined_input = concat_fun([origin_input, new_features], axis=1)
  • 交叉层
    这部分可以看作是一个独立的模型,论文里是用的IPNN模型,其实这里可以自由的替换成任意结构,deepctr.layers.interaction里面的大部分层都可以在这里使用。
    inner_product = tf.keras.layers.Flatten()(InnerProductLayer()(combined_input))
    linear_signal = tf.keras.layers.Flatten()(combined_input)
    dnn_input = tf.keras.layers.Concatenate()([linear_signal, inner_product])
    dnn_input = tf.keras.layers.Flatten()(dnn_input)

    final_logit = MLP(hidden_size, keep_prob=keep_prob, l2_reg=l2_reg_deep)(dnn_input)
    final_logit = tf.keras.layers.Dense(1, use_bias=False)(final_logit)
    output = PredictionLayer(final_activation)(final_logit)

    model = tf.keras.models.Model(inputs=inputs_list, outputs=output)

运行用例

首先确保你的python版本>=3.4,然后pip install deepctr(如果已经安装了tensorflow-gpu,请使用命令 pip install deepctr --no-deps,), 再去下载一下demo数据 然后直接运行下面的代码吧!

import pandas as pd
from sklearn.metrics import log_loss, roc_auc_score
from sklearn.model_selection import train_test_split
from sklearn.preprocessing import LabelEncoder, MinMaxScaler

from deepctr.models import FGCNN
from deepctr.inputs import  SparseFeat, DenseFeat,get_fixlen_feature_names

if __name__ == "__main__":
    data = pd.read_csv('./criteo_sample.txt')

    sparse_features = ['C' + str(i) for i in range(1, 27)]
    dense_features = ['I' + str(i) for i in range(1, 14)]

    data[sparse_features] = data[sparse_features].fillna('-1', )
    data[dense_features] = data[dense_features].fillna(0, )
    target = ['label']

    # 1.Label Encoding for sparse features,and do simple Transformation for dense features
    for feat in sparse_features:
        lbe = LabelEncoder()
        data[feat] = lbe.fit_transform(data[feat])
    mms = MinMaxScaler(feature_range=(0, 1))
    data[dense_features] = mms.fit_transform(data[dense_features])

    # 2.count #unique features for each sparse field,and record dense feature field name

    fixlen_feature_columns = [SparseFeat(feat, data[feat].nunique())
                           for feat in sparse_features] + [DenseFeat(feat, 1,)
                          for feat in dense_features]

    dnn_feature_columns = fixlen_feature_columns
    linear_feature_columns = fixlen_feature_columns

    fixlen_feature_names = get_fixlen_feature_names(linear_feature_columns + dnn_feature_columns)

    # 3.generate input data for model

    train, test = train_test_split(data, test_size=0.2)
    train_model_input = [train[name] for name in fixlen_feature_names]

    test_model_input = [test[name] for name in fixlen_feature_names]

    # 4.Define Model,train,predict and evaluate
    model = FGCNN( dnn_feature_columns, task='binary')
    model.compile("adam", "binary_crossentropy",
                  metrics=['binary_crossentropy'], )

    history = model.fit(train_model_input, train[target].values,
                        batch_size=256, epochs=10, verbose=2, validation_split=0.2, )
    pred_ans = model.predict(test_model_input, batch_size=256)
    print("test LogLoss", round(log_loss(test[target].values, pred_ans), 4))
    print("test AUC", round(roc_auc_score(test[target].values, pred_ans), 4))


参考资料

全部评论

相关推荐

10-30 10:16
南京大学 Java
龚至诚:给南大✌️跪了
点赞 评论 收藏
分享
点赞 收藏 评论
分享
牛客网
牛客企业服务