CN113159892B - A product recommendation method based on multimodal product feature fusion - Google Patents
A product recommendation method based on multimodal product feature fusion Download PDFInfo
- Publication number
- CN113159892B CN113159892B CN202110444726.4A CN202110444726A CN113159892B CN 113159892 B CN113159892 B CN 113159892B CN 202110444726 A CN202110444726 A CN 202110444726A CN 113159892 B CN113159892 B CN 113159892B
- Authority
- CN
- China
- Prior art keywords
- commodity
- user
- representation
- word
- vector
- Prior art date
- Legal status (The legal status is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the status listed.)
- Expired - Fee Related
Links
Images
Classifications
-
- G—PHYSICS
- G06—COMPUTING; CALCULATING OR COUNTING
- G06Q—INFORMATION AND COMMUNICATION TECHNOLOGY [ICT] SPECIALLY ADAPTED FOR ADMINISTRATIVE, COMMERCIAL, FINANCIAL, MANAGERIAL OR SUPERVISORY PURPOSES; SYSTEMS OR METHODS SPECIALLY ADAPTED FOR ADMINISTRATIVE, COMMERCIAL, FINANCIAL, MANAGERIAL OR SUPERVISORY PURPOSES, NOT OTHERWISE PROVIDED FOR
- G06Q30/00—Commerce
- G06Q30/06—Buying, selling or leasing transactions
- G06Q30/0601—Electronic shopping [e-shopping]
- G06Q30/0631—Item recommendations
-
- G—PHYSICS
- G06—COMPUTING; CALCULATING OR COUNTING
- G06F—ELECTRIC DIGITAL DATA PROCESSING
- G06F16/00—Information retrieval; Database structures therefor; File system structures therefor
- G06F16/90—Details of database functions independent of the retrieved data types
- G06F16/95—Retrieval from the web
- G06F16/953—Querying, e.g. by the use of web search engines
- G06F16/9535—Search customisation based on user profiles and personalisation
-
- G—PHYSICS
- G06—COMPUTING; CALCULATING OR COUNTING
- G06F—ELECTRIC DIGITAL DATA PROCESSING
- G06F40/00—Handling natural language data
- G06F40/20—Natural language analysis
- G06F40/205—Parsing
- G06F40/216—Parsing using statistical methods
-
- G—PHYSICS
- G06—COMPUTING; CALCULATING OR COUNTING
- G06F—ELECTRIC DIGITAL DATA PROCESSING
- G06F40/00—Handling natural language data
- G06F40/20—Natural language analysis
- G06F40/279—Recognition of textual entities
- G06F40/289—Phrasal analysis, e.g. finite state techniques or chunking
-
- G—PHYSICS
- G06—COMPUTING; CALCULATING OR COUNTING
- G06N—COMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
- G06N3/00—Computing arrangements based on biological models
- G06N3/02—Neural networks
- G06N3/04—Architecture, e.g. interconnection topology
- G06N3/045—Combinations of networks
-
- G—PHYSICS
- G06—COMPUTING; CALCULATING OR COUNTING
- G06N—COMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
- G06N3/00—Computing arrangements based on biological models
- G06N3/02—Neural networks
- G06N3/08—Learning methods
-
- G—PHYSICS
- G06—COMPUTING; CALCULATING OR COUNTING
- G06N—COMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
- G06N7/00—Computing arrangements based on specific mathematical models
- G06N7/01—Probabilistic graphical models, e.g. probabilistic networks
Landscapes
- Engineering & Computer Science (AREA)
- Theoretical Computer Science (AREA)
- Physics & Mathematics (AREA)
- General Physics & Mathematics (AREA)
- General Engineering & Computer Science (AREA)
- Computational Linguistics (AREA)
- Artificial Intelligence (AREA)
- General Health & Medical Sciences (AREA)
- Health & Medical Sciences (AREA)
- Business, Economics & Management (AREA)
- Data Mining & Analysis (AREA)
- Databases & Information Systems (AREA)
- Computing Systems (AREA)
- Accounting & Taxation (AREA)
- Life Sciences & Earth Sciences (AREA)
- Mathematical Physics (AREA)
- Software Systems (AREA)
- Molecular Biology (AREA)
- Evolutionary Computation (AREA)
- Audiology, Speech & Language Pathology (AREA)
- Biomedical Technology (AREA)
- Biophysics (AREA)
- Finance (AREA)
- Development Economics (AREA)
- Economics (AREA)
- Marketing (AREA)
- Strategic Management (AREA)
- General Business, Economics & Management (AREA)
- Probability & Statistics with Applications (AREA)
- Information Retrieval, Db Structures And Fs Structures Therefor (AREA)
Abstract
本发明属于商品推荐领域,具体涉及一种基于多模态商品特征融合的商品推荐方法。所述商品推荐方法包括:根据用户已经购买的商品序列构建用户‑商品二分图,通过图卷积得到用户节点的向量表示和商品节点的向量表示;通过卷积神经网络对商品得到的评论文本进行特征提取,得到商品评论的向量表示;通过卷积神经网络对商品的标题和描述信息进行特征提取,得到商品内容的向量表示;将商品节点、评论和内容的向量表示连接得到商品的最终表示,将用户节点的向量表示作为用户的最终表示。本发明通过利用商品的多模态特征,能够极大的缓解商品推荐中的数据稀疏性问题,提高推荐准确率。
The invention belongs to the field of commodity recommendation, in particular to a commodity recommendation method based on multimodal commodity feature fusion. The commodity recommendation method includes: constructing a user-commodity bipartite graph according to the commodity sequence that the user has purchased, obtaining the vector representation of the user node and the vector representation of the commodity node through graph convolution; Feature extraction to obtain the vector representation of the product reviews; feature extraction of the title and description information of the product through a convolutional neural network to obtain the vector representation of the product content; the final representation of the product is obtained by connecting the vector representations of product nodes, reviews and content, Take the vector representation of the user node as the final representation of the user. The present invention can greatly alleviate the problem of data sparsity in the product recommendation and improve the recommendation accuracy by utilizing the multi-modal features of the product.
Description
技术领域technical field
本发明涉及一种商品推荐方法,属于商品推荐领域。The invention relates to a commodity recommendation method, which belongs to the field of commodity recommendation.
背景技术Background technique
目前的商品推荐方法在对商品进行建模的过程中,大多数仅利用商品的id提取隐含在用户和商品交互中的协同信号,从而对商品进行建模,这通常面临着严重的数据稀疏性问题,极大的制约了推荐系统的性能。尽管也有一些工作将评论信息纳入考虑,以捕获包含在评论中的商品特征信息,同时缓解数据稀疏性问题,但商品本身的标题和描述信息却很少得到利用。然而,评论信息由用户给出,其中由于用户表达习惯、关注点的不同,不同的评论中包含的信息通常具有不同的信息性,甚至有可能包含很多的噪声信息。与评论信息不同,商品标题和描述通常由商家进行撰写,其中会包含更多且更全面的商品特征,并且在表达中会更加的专业和准确。因此,在推荐中对商品建模时,在商品id和商品评论信息的基础上,结合商品标题和描述信息将有助于实现更好的推荐性能。In the process of product modeling, most of the current product recommendation methods only use the id of the product to extract the collaborative signal implied in the interaction between the user and the product, so as to model the product, which usually faces serious data sparsity. This problem greatly restricts the performance of the recommender system. Although there are also some works that take review information into consideration to capture item feature information contained in reviews while alleviating the data sparsity problem, the title and description information of items themselves are rarely utilized. However, the comment information is given by the user, and due to the different expression habits and concerns of the user, the information contained in different comments usually has different informativeness, and may even contain a lot of noise information. Different from the review information, the product title and description are usually written by the merchant, which will contain more and more comprehensive product characteristics, and will be more professional and accurate in the expression. Therefore, when modeling products in recommendation, on the basis of product id and product review information, combining product title and description information will help to achieve better recommendation performance.
发明内容SUMMARY OF THE INVENTION
针对上述问题,本发明提出了一种基于多模态商品特征融合的商品推荐方法,所述推荐方法包括:In view of the above problems, the present invention proposes a product recommendation method based on multimodal product feature fusion, the recommendation method includes:
S1:根据用户历史购买的商品序列构建用户-商品二分图,通过图卷积得到用户节点的向量表示和商品节点的向量表示;S1: Construct a user-commodity bipartite graph according to the sequence of commodities purchased by the user in the past, and obtain the vector representation of the user node and the vector representation of the commodity node through graph convolution;
S2:获取商品的评论文档,通过卷积神经网络提取商品评论的向量表示;S2: Obtain the review document of the product, and extract the vector representation of the product review through the convolutional neural network;
S3:获取商品的标题和描述信息,通过卷积神经网络提取商品内容的向量表示;S3: Obtain the title and description information of the product, and extract the vector representation of the product content through a convolutional neural network;
S4:得到用户的最终表示和商品的最终表示;S4: Get the final representation of the user and the final representation of the product;
S5:计算用户和商品的相似度;S5: Calculate the similarity between the user and the product;
S6:通过贝叶斯个性化排序损失优化提出方法中的参数。S6: Parameters in the proposed method are optimized by Bayesian personalized ranking loss.
进一步的,所述S1中构建用户-商品二分图包括:Further, constructing a user-commodity bipartite graph in S1 includes:
S11:根据隐式反馈或显式反馈获取用户历史购买商品序列,通过历史购买商品序列构建用户-商品二分图,使用用户-商品邻接矩阵 表示,其中nu和np分别是用户数和商品数,是用户-商品交互矩阵,RT是R的转置, S11: Obtain the user's historically purchased commodity sequence according to the implicit feedback or explicit feedback, construct a user-commodity bipartite graph through the historically purchased commodity sequence, and use the user-commodity adjacency matrix represents, where n u and n p are the number of users and the number of items, respectively, is the user-item interaction matrix, R T is the transpose of R,
S12:为了利用用户-商品二分图中节点自身的信息,向A添加一个单位矩阵同时,为了避免训练过程中的梯度消失或梯度爆炸,使用对角度矩阵进行归一化处理,其中对角线上的值为用户-商品二分图中各个节点的度,从而得到 S12: In order to utilize the information of the node itself in the user-item bipartite graph, add an identity matrix to A At the same time, in order to avoid gradient disappearance or gradient explosion during training, use the pair angle matrix Perform normalization processing, where the value on the diagonal line is the degree of each node in the user-commodity bipartite graph, so as to obtain
进一步的,所述S1中得到用户节点的向量表示和商品节点的向量表示包括:Further, obtaining the vector representation of the user node and the vector representation of the commodity node in S1 includes:
S13:通过图卷积对用户-商品二分图进行邻居传播和聚合操作,得到用户节点的向量表示和商品节点的向量表示。S13: Perform neighbor propagation and aggregation operations on the user-commodity bipartite graph through graph convolution to obtain the vector representation of the user node and the vector representation of the commodity node.
进一步的,所述S13中图卷积的具体步骤为:Further, the specific steps of the graph convolution in the S13 are:
S131:通过嵌入层将每个用户和商品唯一对应的id转换为密集向量,得到用户特征向量和商品特征向量其中d是特征向量的维度;S131: Convert the unique id corresponding to each user and product into a dense vector through the embedding layer to obtain a user feature vector and commodity feature vectors where d is the dimension of the feature vector;
S132:建立嵌入表来表示用户-商品二分图的特征矩阵;S132: Create an embedded table to represent the feature matrix of the user-item bipartite graph;
S133:使用t层的图卷积来聚合节点邻居的特征,其中传播过程定义为: S133: Aggregate features of node neighbors using graph convolution at layer t, where the propagation process is defined as:
S134:通过t层的图卷积,得到从到的t个特征矩阵,将这t个特征矩阵连接,得到最终的特征矩阵 然后将E分割为特征矩阵的两个部分和 分别作为用户节点的向量表示和商品节点的向量表示 S134: Through the graph convolution of the t layer, the arrive The t feature matrices of , connect the t feature matrices to get the final feature matrix Then split E into two parts of the feature matrix and Respectively as the vector representation of user nodes and vector representation of commodity nodes
进一步的,所述S2中提取商品评论的向量表示包括:Further, the vector representation of the extracted product reviews in S2 includes:
S21:将每个商品得到的评论整合为该商品的评论文档,并对商品的评论文档进行分词、词形还原、移除停用词、移除出现频率极高的单词和出现频率极低的单词等预处理;S21: Integrate the reviews obtained for each product into a review document of the product, and perform word segmentation, morphological restoration, removal of stop words, and removal of words with extremely high frequency and extremely low frequency on the review document of the product. word preprocessing;
S22:通过文本特征提取器对商品评论文档进行特征提取,得到商品评论的向量表示 S22: Perform feature extraction on the product review document through a text feature extractor to obtain a vector representation of the product review
进一步的,所述S22中文本特征提取器的具体步骤为:Further, the specific steps of the text feature extractor in the S22 are:
S221:将输入文本的词序列表示为[w1,w2,…,wl],其中l是输入文本的长度;S221: Represent the word sequence of the input text as [w 1 ,w 2 ,...,w l ], where l is the length of the input text;
S222:通过单词嵌入层将S5的单词序列表示转换为单词向量表示序列其中dv是单词嵌入维度;S222: Convert the word sequence representation of S5 into a word vector representation sequence through the word embedding layer where d v is the word embedding dimension;
S223:使用卷积神经网络对单词向量表示序列进行处理,从而得到上下文单词向量表示序列[c1,c2,…,cl],其中第i个单词的上下文表示ci的计算方法为:ci=LeakyReLU(Wt×v(i-k):(i+k)+bt);S223: Use the convolutional neural network to process the sequence of word vector representations to obtain the contextual word vector representation sequence [c 1 ,c 2 ,...,c l ], where the calculation method of the context representation c i of the ith word is: c i =LeakyReLU(W t ×v (ik):(i+k) +b t );
S224:使用注意力机制为上下文单词向量表示序列中的每个单词向量表示计算一个权重[α1,α2,…,αl],然后将上下文单词向量表示序列与对应权重相乘得到输入文本的最终表示其中αi的计算方法为: S224: Use the attention mechanism to calculate a weight [α 1 ,α 2 ,...,α l ] for each word vector representation in the context word vector representation sequence, and then multiply the context word vector representation sequence with the corresponding weight to obtain the input text the final representation of The calculation method of α i is:
进一步的,所述S3中提取商品内容的向量表示包括:Further, the vector representation of the extracted commodity content in S3 includes:
S31:获取商品的标题和描述信息,并对这些信息进行分词、词形还原、移除停用词、移除出现频率极高的单词和出现频率极低的单词等预处理;S31: Obtain the title and description information of the product, and perform preprocessing on the information, such as word segmentation, morphological restoration, removal of stop words, removal of words with extremely high frequency and words with extremely low frequency;
S32:通过与S22中相同的文本特征提取器对商品标题和描述信息进行特征提取,得到商品内容的向量表示 S32: Perform feature extraction on the product title and description information through the same text feature extractor as in S22 to obtain a vector representation of the product content
进一步的,所述S4中得到用户最终表示和商品最终表示包括:Further, obtaining the final representation of the user and the final representation of the product in S4 includes:
S41:将商品节点的向量表示ep、评论的向量表示ar、内容的向量表示at连接得到商品的最终表示p;将用户的节点表示eu作为用户的最终表示u。S41: Connect the vector representation ep of the commodity node, the vector representation a r of the comment, and the vector representation at t of the content to obtain the final representation p of the product; use the node representation e u of the user as the final representation u of the user.
进一步的,所述S5中计算用户和商品的相似度包括:Further, calculating the similarity between the user and the product in S5 includes:
通过用户最终表示和商品最终表示的点积计算用户和商品的相似度:Calculate the similarity between the user and the item by the dot product of the final representation of the user and the final representation of the item:
进一步的,所述S6中通过贝叶斯个性化排序损失优化提出方法中的参数包括:Further, the parameters in the method proposed by Bayesian personalized ranking loss optimization in S6 include:
附图说明Description of drawings
图1是本发明的商品推荐方法流程示意图。FIG. 1 is a schematic flow chart of the method for recommending products of the present invention.
图2是本发明的商品推荐方法结构示意图。FIG. 2 is a schematic structural diagram of the method for recommending products of the present invention.
具体实施方式Detailed ways
下面结合附图对本发明作进一步描述。以下实施例仅用于更加清楚地说明本发明的技术方案,而不能以此来限制本发明的保护范围。The present invention will be further described below in conjunction with the accompanying drawings. The following examples are only used to illustrate the technical solutions of the present invention more clearly, and cannot be used to limit the protection scope of the present invention.
如图1所示,本发明提供了一种基于多模态商品特征融合的商品推荐方法,包括如下步骤:As shown in Figure 1, the present invention provides a product recommendation method based on multimodal product feature fusion, including the following steps:
步骤1:根据用户历史购买的商品序列构建用户-商品二分图,通过图卷积得到用户节点的向量表示和商品节点的向量表示;Step 1: Construct a user-commodity bipartite graph according to the sequence of commodities purchased by the user in the past, and obtain the vector representation of the user node and the vector representation of the commodity node through graph convolution;
具体的,图卷积的具体步骤为:Specifically, the specific steps of graph convolution are:
首先根据用户和商品的历史交互构建用户-商品二分图,使用用户-商品邻接矩阵表示,其中nu和np分别是用户数和商品数,是用户-商品交互矩阵,RT是R的转置, Firstly, a user-item bipartite graph is constructed based on the historical interaction between users and items, and a user-item adjacency matrix is used. represents, where n u and n p are the number of users and the number of items, respectively, is the user-item interaction matrix, R T is the transpose of R,
为了利用用户-商品二分图中节点自身的信息,向A添加一个单位矩阵同时,为了避免训练过程中的梯度消失或梯度爆炸,使用对角度矩阵进行归一化处理,其中对角线上的值为用户-商品二分图中各个节点的度,从而得到 To take advantage of the information about the nodes themselves in the user-item bipartite graph, add an identity matrix to A At the same time, in order to avoid gradient disappearance or gradient explosion during training, use the pair angle matrix Perform normalization processing, where the value on the diagonal line is the degree of each node in the user-commodity bipartite graph, so as to obtain
然后通过嵌入层将每个用户和商品唯一对应的id转换为密集向量,得到用户特征向量和商品特征向量其中d是特征向量的维度;我们建立以下嵌入表E0来表示用户-商品二分图的特征矩阵:Then, the unique corresponding id of each user and product is converted into a dense vector through the embedding layer, and the user feature vector is obtained and commodity feature vectors where d is the dimension of the feature vector ; we build the following embedding table E0 to represent the feature matrix of the user-item bipartite graph:
然后,我们使用t层的图卷积来聚合节点邻居的特征,其中传播过程定义为:Then, we use graph convolution at layer t to aggregate the features of node neighbors, where the propagation process is defined as:
其中是可训练的权重矩阵,σ是LeakyRelu激活函数。in is the trainable weight matrix and σ is the LeakyRelu activation function.
通过t层的图卷积,得到从到的t个特征矩阵,将这t个特征矩阵连接,得到最终的特征矩阵E,然后将E分割为特征矩阵的两个部分和分别作为用户节点的向量表示和商品节点的向量表示 Through the graph convolution of the t layer, we get from arrive The t feature matrices of , connect the t feature matrices to get the final feature matrix E, and then divide E into two parts of the feature matrix and Respectively as the vector representation of user nodes and vector representation of commodity nodes
步骤2:将每个商品得到的评论整合为该商品的评论文档,对商品的评论文档进行分词、词形还原、移除停用词、移除出现频率极高的单词和出现频率极低的单词等处理,然后使用文本特征提取器对商品评论文档进行处理得到商品评论的向量表示 Step 2: Integrate the reviews obtained for each product into a review document for the product, perform word segmentation, morphological restoration, remove stop words, and remove words with extremely high frequency and extremely low frequency on the review document of the product. words, etc., and then use the text feature extractor to process the product review document to obtain the vector representation of the product review
具体的,文本特征提取器的具体步骤为:Specifically, the specific steps of the text feature extractor are:
首先是单词嵌入,将输入文本的单词序列表示为[w1,w2,…,wl],其中l是输入文本的长度,然后通过单词嵌入层将其转换为单词向量表示序列其中dv是单词嵌入维度。The first is word embedding, which represents the sequence of words in the input text as [w 1 ,w 2 ,…,w l ], where l is the length of the input text, which is then converted to a word vector representation sequence through a word embedding layer where d v is the word embedding dimension.
为了利用输入文本中的局部上下文信息,我们使用卷积神经网络对单词向量表示序列进行处理,从而得到上下文单词向量表示序列[c1,c2,…,cl],其中第i个单词的上下文表示ci的计算方法为:In order to utilize the local contextual information in the input text, we use a convolutional neural network to process the sequence of word vector representations to obtain a sequence of contextual word vector representations [c 1 ,c 2 ,…,c l ], where the i-th word’s The context representation ci is calculated as:
ci=LeakyReLU(Wt×v(i-k):(i+k)+bt)c i =LeakyReLU(W t ×v (ik):(i+k) +b t )
其中v(i-k):(i+k)是从第i-k个单词到第i+k个单词的单词嵌入的拼接,Wt和bt分别是卷积核和偏置。where v (ik):(i+k) is the concatenation of word embeddings from the ikth word to the i+kth word, and W t and b t are the convolution kernel and bias, respectively.
考虑到输入文本中的不同单词具有不同的信息性,因此我们使用注意力机制为上下文单词向量表示序列中的每个单词向量表示计算一个权重[α1,α2,…,αl],然后将上下文单词向量表示序列与对应权重相乘得到输入文本的最终表示其中αi的计算方法为:Considering that different words in the input text have different informativeness, we use the attention mechanism to calculate a weight [α 1 ,α 2 ,…,α l ] for each word vector representation in the sequence of context word vector representations, and then Multiply the sequence of context word vector representations with the corresponding weights to get the final representation of the input text The calculation method of α i is:
其中Wa和ba分别是可训练的权重矩阵和偏置,q是注意力查询向量。where W a and b a are the trainable weight matrices and biases, respectively, and q is the attention query vector.
步骤3:获取商品的标题和描述信息,对商品的标题和描述信息进行分词、词形还原、移除停用词、移除出现频率极高的单词和出现频率极低的单词等处理,然后使用与步骤2相同的文本特征提取器对商品标题和描述信息进行处理得到商品内容的向量表示 Step 3: Obtain the title and description information of the product, perform word segmentation, morphological restoration, remove stop words, remove words with extremely high frequency and words with extremely low frequency, etc. on the title and description information of the product, and then Use the same text feature extractor as step 2 to process the product title and description information to obtain the vector representation of the product content
步骤4:将商品节点的向量表示ep、评论的向量表示ar、内容的向量表示at连接得到商品的最终表示p;将用户的节点表示eu作为用户的最终表示u。Step 4: Connect the vector representation ep of the commodity node, the vector representation ar of the comment, and the vector representation at t of the content to obtain the final representation p of the product; use the node representation e u of the user as the final representation u of the user.
步骤5:通过用户最终表示和商品最终表示的点积计算用户和商品的相似度:Step 5: Calculate the similarity between the user and the product through the dot product of the final representation of the user and the final representation of the product:
步骤6:使用贝叶斯个性化排序损失对提出方法中的参数进行优化:Step 6: The parameters in the proposed method are optimized using a Bayesian personalized ranking loss:
其中表示成对训练数据,表示用户u购买过的商品集,表示用户u未购买过的商品集;σ是sigmoid函数;θ表示所有可训练模型参数,λ控制L2正则化强度以防止过拟合。in represents paired training data, represents the set of items purchased by user u, represents the set of items that user u has not purchased; σ is the sigmoid function; θ represents all trainable model parameters, and λ controls the L2 regularization strength to prevent overfitting.
实验数据集为Amazon评论数据集的CDs_and_Vinyl、Movies_and_TV和Books三个板块。下表描述了三个数据集的统计信息:The experimental datasets are CDs_and_Vinyl, Movies_and_TV and Books of the Amazon review dataset. The following table describes the statistics for the three datasets:
对于每个数据集,将其所有交互的70%作为训练集、10%作为验证集、20%作为测试集。For each dataset, take 70% of all its interactions as the training set, 10% as the validation set, and 20% as the test set.
选择Recall@K和NDCG@K作为评估标准,实验中,K=20。Select Recall@K and NDCG@K as evaluation criteria, in the experiment, K=20.
选择的对比方法包括:BPRMF、NGCF、DeepCoNN,下表展示了相应的实验结果:The selected comparison methods include: BPRMF, NGCF, DeepCoNN, and the following table shows the corresponding experimental results:
从实验结果可以看出,本发明提供的方法在三个数据集上都实现了优于对比方法的性能。It can be seen from the experimental results that the method provided by the present invention achieves better performance than the comparison method on all three data sets.
Claims (7)
Priority Applications (1)
Application Number | Priority Date | Filing Date | Title |
---|---|---|---|
CN202110444726.4A CN113159892B (en) | 2021-04-24 | 2021-04-24 | A product recommendation method based on multimodal product feature fusion |
Applications Claiming Priority (1)
Application Number | Priority Date | Filing Date | Title |
---|---|---|---|
CN202110444726.4A CN113159892B (en) | 2021-04-24 | 2021-04-24 | A product recommendation method based on multimodal product feature fusion |
Publications (2)
Publication Number | Publication Date |
---|---|
CN113159892A CN113159892A (en) | 2021-07-23 |
CN113159892B true CN113159892B (en) | 2022-05-06 |
Family
ID=76870143
Family Applications (1)
Application Number | Title | Priority Date | Filing Date |
---|---|---|---|
CN202110444726.4A Expired - Fee Related CN113159892B (en) | 2021-04-24 | 2021-04-24 | A product recommendation method based on multimodal product feature fusion |
Country Status (1)
Country | Link |
---|---|
CN (1) | CN113159892B (en) |
Families Citing this family (4)
Publication number | Priority date | Publication date | Assignee | Title |
---|---|---|---|---|
CN114155512A (en) * | 2021-12-07 | 2022-03-08 | 南京理工大学 | Fatigue detection method and system based on multi-feature fusion of 3D convolutional network |
CN114936901B (en) * | 2022-05-21 | 2024-05-28 | 山东大学 | Visual perception recommendation method and system based on cross-modal semantic reasoning and fusion |
CN114943588B (en) * | 2022-06-15 | 2024-07-02 | 厦门大学 | Commodity recommendation method based on neural network noise data |
CN117786234B (en) * | 2024-02-28 | 2024-04-26 | 云南师范大学 | Multimode resource recommendation method based on two-stage comparison learning |
Citations (5)
Publication number | Priority date | Publication date | Assignee | Title |
---|---|---|---|---|
CN106227815A (en) * | 2015-07-22 | 2016-12-14 | Tcl集团股份有限公司 | The personalized application program function of a kind of multi-modal clue recommends method and system thereof |
CN109559209A (en) * | 2019-01-18 | 2019-04-02 | 深圳创新奇智科技有限公司 | A kind of electric business clothes based on multi-modal information, which are worn, takes recommended method |
CN110263256A (en) * | 2019-06-21 | 2019-09-20 | 西安电子科技大学 | Personalized recommendation method based on multi-modal heterogeneous information |
EP3557499A1 (en) * | 2018-04-20 | 2019-10-23 | Facebook, Inc. | Assisting users with efficient information sharing among social connections |
CN111222332A (en) * | 2020-01-06 | 2020-06-02 | 华南理工大学 | A Product Recommendation Method Combining Attention Network and User Sentiment |
-
2021
- 2021-04-24 CN CN202110444726.4A patent/CN113159892B/en not_active Expired - Fee Related
Patent Citations (5)
Publication number | Priority date | Publication date | Assignee | Title |
---|---|---|---|---|
CN106227815A (en) * | 2015-07-22 | 2016-12-14 | Tcl集团股份有限公司 | The personalized application program function of a kind of multi-modal clue recommends method and system thereof |
EP3557499A1 (en) * | 2018-04-20 | 2019-10-23 | Facebook, Inc. | Assisting users with efficient information sharing among social connections |
CN109559209A (en) * | 2019-01-18 | 2019-04-02 | 深圳创新奇智科技有限公司 | A kind of electric business clothes based on multi-modal information, which are worn, takes recommended method |
CN110263256A (en) * | 2019-06-21 | 2019-09-20 | 西安电子科技大学 | Personalized recommendation method based on multi-modal heterogeneous information |
CN111222332A (en) * | 2020-01-06 | 2020-06-02 | 华南理工大学 | A Product Recommendation Method Combining Attention Network and User Sentiment |
Also Published As
Publication number | Publication date |
---|---|
CN113159892A (en) | 2021-07-23 |
Similar Documents
Publication | Publication Date | Title |
---|---|---|
CN113159892B (en) | A product recommendation method based on multimodal product feature fusion | |
CN110648163B (en) | Recommendation algorithm based on user comments | |
CN113468227A (en) | Information recommendation method, system, device and storage medium based on graph neural network | |
WO2023065859A1 (en) | Item recommendation method and apparatus, and storage medium | |
CN109033294B (en) | Mixed recommendation method for integrating content information | |
CN109241424A (en) | A kind of recommended method | |
EP3300002A1 (en) | Method for determining the similarity of digital images | |
CN108563755A (en) | A kind of personalized recommendation system and method based on bidirectional circulating neural network | |
CN107357793A (en) | Information recommendation method and device | |
CN112085525A (en) | User network purchasing behavior prediction research method based on hybrid model | |
CN116150480A (en) | User personalized demand prediction method integrating multi-mode comment information | |
CN114238758A (en) | A user portrait prediction method based on multi-source cross-border data fusion | |
CN112734519B (en) | Commodity recommendation method based on convolution self-encoder network | |
CN114330291A (en) | Text recommendation system based on dual attention mechanism | |
CN113159891A (en) | Commodity recommendation method based on fusion of multiple user representations | |
CN112818256B (en) | A recommendation method based on neural collaborative filtering | |
CN111930926B (en) | Personalized recommendation algorithm combined with comment text mining | |
Gu et al. | Fashion coordinates recommendation based on user behavior and visual clothing style | |
CN117745371A (en) | A fair recommendation method and system based on conditional diffusion model | |
CN110321565B (en) | Real-time text emotion analysis method, device and equipment based on deep learning | |
CN115204967A (en) | Recommendation method integrating implicit feedback of long-term and short-term interest representation of user | |
CN115344794A (en) | A tourist attraction recommendation method based on knowledge graph semantic embedding | |
CN108984551A (en) | A kind of recommended method and system based on the multi-class soft cluster of joint | |
CN114022233A (en) | A Novel Product Recommendation Method | |
CN116738035B (en) | Recommendation rearrangement method based on window sliding |
Legal Events
Date | Code | Title | Description |
---|---|---|---|
PB01 | Publication | ||
PB01 | Publication | ||
SE01 | Entry into force of request for substantive examination | ||
SE01 | Entry into force of request for substantive examination | ||
GR01 | Patent grant | ||
GR01 | Patent grant | ||
EE01 | Entry into force of recordation of patent licensing contract | ||
EE01 | Entry into force of recordation of patent licensing contract |
Application publication date: 20210723 Assignee: Guangxi wisdom Valley Technology Co.,Ltd. Assignor: GUILIN University OF ELECTRONIC TECHNOLOGY Contract record no.: X2022450000202 Denomination of invention: A Product Recommendation Method Based on Multimodal Product Feature Fusion Granted publication date: 20220506 License type: Common License Record date: 20221125 |
|
CF01 | Termination of patent right due to non-payment of annual fee | ||
CF01 | Termination of patent right due to non-payment of annual fee |
Granted publication date: 20220506 |