[go: up one dir, main page]

CN108595550A - A kind of music commending system and recommendation method based on convolutional neural networks - Google Patents

A kind of music commending system and recommendation method based on convolutional neural networks Download PDF

Info

Publication number
CN108595550A
CN108595550A CN201810314889.9A CN201810314889A CN108595550A CN 108595550 A CN108595550 A CN 108595550A CN 201810314889 A CN201810314889 A CN 201810314889A CN 108595550 A CN108595550 A CN 108595550A
Authority
CN
China
Prior art keywords
music
user
convolutional neural
neural networks
recommendation
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.)
Pending
Application number
CN201810314889.9A
Other languages
Chinese (zh)
Inventor
邵曦
何蓉
Current Assignee (The listed assignees may be inaccurate. Google has not performed a legal analysis and makes no representation or warranty as to the accuracy of the list.)
Nanjing Post and Telecommunication University
Original Assignee
Nanjing Post and Telecommunication University
Priority date (The priority date 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 date listed.)
Filing date
Publication date
Application filed by Nanjing Post and Telecommunication University filed Critical Nanjing Post and Telecommunication University
Priority to CN201810314889.9A priority Critical patent/CN108595550A/en
Publication of CN108595550A publication Critical patent/CN108595550A/en
Pending legal-status Critical Current

Links

Classifications

    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06FELECTRIC DIGITAL DATA PROCESSING
    • G06F18/00Pattern recognition
    • G06F18/20Analysing
    • G06F18/21Design or setup of recognition systems or techniques; Extraction of features in feature space; Blind source separation
    • G06F18/213Feature extraction, e.g. by transforming the feature space; Summarisation; Mappings, e.g. subspace methods
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06FELECTRIC DIGITAL DATA PROCESSING
    • G06F18/00Pattern recognition
    • G06F18/20Analysing
    • G06F18/21Design or setup of recognition systems or techniques; Extraction of features in feature space; Blind source separation
    • G06F18/214Generating training patterns; Bootstrap methods, e.g. bagging or boosting
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/08Learning methods

Landscapes

  • Engineering & Computer Science (AREA)
  • Theoretical Computer Science (AREA)
  • Data Mining & Analysis (AREA)
  • Physics & Mathematics (AREA)
  • General Engineering & Computer Science (AREA)
  • Computer Vision & Pattern Recognition (AREA)
  • Life Sciences & Earth Sciences (AREA)
  • Artificial Intelligence (AREA)
  • General Physics & Mathematics (AREA)
  • Evolutionary Computation (AREA)
  • Bioinformatics & Cheminformatics (AREA)
  • Evolutionary Biology (AREA)
  • Bioinformatics & Computational Biology (AREA)
  • Health & Medical Sciences (AREA)
  • Biomedical Technology (AREA)
  • Biophysics (AREA)
  • Computational Linguistics (AREA)
  • General Health & Medical Sciences (AREA)
  • Molecular Biology (AREA)
  • Computing Systems (AREA)
  • Mathematical Physics (AREA)
  • Software Systems (AREA)
  • Information Retrieval, Db Structures And Fs Structures Therefor (AREA)

Abstract

本发明提供了一种基于卷积神经网络的音乐推荐系统及推荐方法,包括用于采集音乐用户历史行为数据,构建音乐用户偏好模型的音乐用户建模模块;用于获得回归模型的音乐特征建模模块;用于通过回归模型找到与音乐用户偏好相匹配的音乐对象,推荐给音乐用户的推荐算法模块。本发明把深度学习应用到推荐系统中,有效地弥补了歌曲特征与音频信号之间的语义差别,同时避免了协同过滤中的“冷启动”等问题,提高了推荐系统的准确率。采用卷积神经网络解决了训练效率低下与高时效性需求间的矛盾,并且将用户历史行为信息和音频的声学特征一起加入到模型中,使得推荐结果更符合用户的偏好需求,增强了用户对推荐系统的使用体验性。

The invention provides a music recommendation system and recommendation method based on a convolutional neural network, including a music user modeling module for collecting historical behavior data of music users and constructing a music user preference model; a music feature building module for obtaining a regression model Modular module; a recommendation algorithm module for finding music objects that match music user preferences through a regression model and recommending them to music users. The invention applies deep learning to the recommendation system, effectively compensates for the semantic difference between song features and audio signals, avoids problems such as "cold start" in collaborative filtering, and improves the accuracy of the recommendation system. Convolutional neural network is used to solve the contradiction between low training efficiency and high timeliness requirements, and the user's historical behavior information and audio acoustic features are added to the model, so that the recommendation results are more in line with the user's preference needs, and the user's awareness of the problem is enhanced. The user experience of the recommendation system.

Description

一种基于卷积神经网络的音乐推荐系统及推荐方法A music recommendation system and recommendation method based on convolutional neural network

技术领域technical field

本发明属于智能推荐技术领域,具体涉及一种基于卷积神经网络的音乐推荐系统及推荐方法。The invention belongs to the technical field of intelligent recommendation, and in particular relates to a music recommendation system and a recommendation method based on a convolutional neural network.

背景技术Background technique

随着数字多媒体技术的不断发展与应用,数字音乐受到了大众的欣赏和喜爱,人们可以通过在线试听、在线下载等多种方式方便地获取音乐资源。但随着音乐库变得越来越大,音乐资源越来越丰富,如何让用户在浩瀚如海的音乐世界里高效地获取自己感兴趣的歌曲便成了一个难题。针对这种现象,个性化音乐推荐系统应运而生。With the continuous development and application of digital multimedia technology, digital music has been appreciated and loved by the public, and people can conveniently obtain music resources through various methods such as online audition and online download. However, as the music library becomes larger and the music resources become more and more abundant, how to allow users to efficiently obtain the songs they are interested in in the vast music world has become a difficult problem. In response to this phenomenon, a personalized music recommendation system came into being.

目前,常用的音乐推荐的方法主要有基于内容推荐、协同过滤推荐、基于关联规则推荐以及混合推荐等。而应用最广泛的是协同过滤推荐,其包括基于邻居和基于模型两种方法。基于邻居的音乐推荐方法通常用于研究用户或音乐之间的相似度计算问题,即通过计算用户和邻居的兴趣相似性,向用户推荐邻居听过的音乐,或通过分析用户的试听行为记录的音乐,根据用户行为计算不同音乐之间的相似度。而基于模型的音乐推荐方法则试图将用户-音乐的关系评估数据转化为不同的模型,并使用这些模型在未知场景中向用户推荐音乐。At present, the commonly used music recommendation methods mainly include content-based recommendation, collaborative filtering recommendation, association rule-based recommendation, and hybrid recommendation. The most widely used is collaborative filtering recommendation, which includes two methods based on neighbors and based on models. Neighbor-based music recommendation methods are usually used to study the similarity calculation problem between users or music, that is, by calculating the interest similarity between users and neighbors, recommending music that neighbors have listened to to users, or by analyzing user listening behavior records. Music, calculate the similarity between different music based on user behavior. Whereas, model-based music recommendation methods try to convert user-music relationship evaluation data into different models and use these models to recommend music to users in unknown scenarios.

虽然现有的音乐推荐系统种类繁多,但推荐效果良莠不齐,或多或少都存在一些典型的问题,如冷启动、稀疏性、扩展性等问题。因此,音乐推荐系统仍需要进一步的研究与改进,以更好地适应日益强烈的个性化应用需求。卷积神经网络(CNN)是近年发展起来,并引起广泛重视的一种高效的识别方法,广泛应用于语音识别、图像识别和自然语音处理等不同的大规模机器学习问题中,并且取得了比传统机器学习更好的效果提升。Although there are many types of existing music recommendation systems, the recommendation effects are uneven, and there are more or less typical problems, such as cold start, sparsity, and scalability. Therefore, the music recommendation system still needs further research and improvement to better adapt to the increasingly strong personalized application requirements. Convolutional neural network (CNN) is an efficient recognition method developed in recent years and has attracted widespread attention. It is widely used in different large-scale machine learning problems such as speech recognition, image recognition and natural speech processing, and has achieved comparative results. Traditional machine learning has better effect improvement.

发明内容Contents of the invention

为了解决现有技术的不足,本发明提供了一种基于卷积神经网络的音乐推荐系统及推荐方法。In order to solve the deficiencies of the prior art, the present invention provides a music recommendation system and recommendation method based on a convolutional neural network.

本发明的目的通过以下技术方案来实现:The purpose of the present invention is achieved through the following technical solutions:

一种基于卷积神经网络的音乐推荐系统,包括A music recommendation system based on convolutional neural network, including

音乐用户建模模块:用于采集音乐用户历史行为数据,构建音乐用户的偏好模型;Music user modeling module: used to collect historical behavior data of music users and build music user preference models;

音乐特征建模模块:所述音乐特征建模模块与所述音乐用户建模模块电性连接,用于对训练样本进行训练深度卷积神经网络获得回归模型;Music feature modeling module: the music feature modeling module is electrically connected to the music user modeling module, and is used to train a deep convolutional neural network to obtain a regression model for training samples;

推荐算法模块:所述推荐算法模块与所述音乐特征建模模块电性连接,用于通过回归模型找到与音乐用户偏好相匹配的音乐对象,推荐给音乐用户。Recommendation algorithm module: the recommendation algorithm module is electrically connected to the music feature modeling module, and is used to find music objects that match music user preferences through a regression model and recommend them to music users.

优选地,以上所述的一种基于卷积神经网络的音乐推荐系统的推荐方法,包括如下步骤:Preferably, the above-mentioned recommendation method of a music recommendation system based on a convolutional neural network comprises the following steps:

S1、音乐用户建模模块对音乐用户的行为数据进行获取,并通过量化标准构建出实际的评分矩阵R,并通过矩阵分解得到用户-潜在因子矩阵Q和潜在因子-音乐矩阵P;S1. The music user modeling module acquires the behavior data of music users, constructs the actual scoring matrix R through quantitative standards, and obtains the user-latent factor matrix Q and latent factor-music matrix P through matrix decomposition;

S2、利用梅尔频率倒谱系数(MFCC)法对所用数据集中音乐进行时间-频率音频特征提取,从而获得音频片段的梅尔声谱;S2, using the Mel Frequency Cepstral Coefficient (MFCC) method to perform time-frequency audio feature extraction on the music in the data set used, thereby obtaining the Mel Spectrum of the audio segment;

S3、使用梅尔声谱作为卷积神经网络的网络输入,将S1中分解获得的音乐特征因子向量用作训练预测模型的基本真值,通过一系列训练样本,训练深度卷积神经网络,不断减小潜在因子向量与音频特征预测值之间的均方差(MSE),最终形成回归模型;S3. Use the Mel acoustic spectrum as the network input of the convolutional neural network, use the music feature factor vector obtained by decomposition in S1 as the basic truth value of the training prediction model, and train the deep convolutional neural network through a series of training samples, and continuously Reduce the mean square error (MSE) between the latent factor vector and the audio feature prediction value, and finally form a regression model;

S4、测试样本i经过上述回归模型预测出潜在因子-音乐向量pi′,并且与S1中分解得到的用户-潜在因子向量qu进行内积运算,即得到用户u对歌曲i的估计评分在计算出所有测试样本构成的估计评分矩阵后,选择分数较高的音乐推荐给相应的用户。S4. The test sample i predicts the latent factor-music vector p i ′ through the above regression model, and performs an inner product operation with the user-latent factor vector q u decomposed in S1 to obtain the user u’s estimated score for song i After calculating the estimated scoring matrix composed of all test samples After that, the music with higher score is selected and recommended to the corresponding user.

优选地,所述S1中用户的行为数据为通过网络爬虫的方式获取的用户对某首音乐过去所进行的操作记录,所述操作包括但不限于单曲循环、分享、收藏、跳过、拉黑。Preferably, the user's behavior data in S1 is a record of the user's past operations on a certain piece of music obtained through a web crawler, and the operations include but are not limited to single track looping, sharing, favorites, skipping, black.

优选地,所述S1中矩阵分解为加权矩阵分解法。Preferably, the matrix decomposition in S1 is a weighted matrix decomposition method.

优选地,所述S2中时间-频率音频特征提取包括预加重、分帧、加窗、快速傅里叶变换(FFT)、梅尔滤波器组、离散余弦变换(DCT)等步骤,并且训练集和测试集采用相同的帧长、窗函数、帧移和梅尔滤波器个数等参数。Preferably, the time-frequency audio feature extraction in the S2 includes steps such as pre-emphasis, framing, windowing, fast Fourier transform (FFT), Mel filter bank, discrete cosine transform (DCT), and the training set The parameters such as frame length, window function, frame shift and the number of Mel filters are the same as the test set.

优选地,所述帧长度为256个采样点,帧移为帧长的一半,窗函数为a=0.46的汉明窗,梅尔滤波器的个数为24。Preferably, the frame length is 256 sampling points, the frame shift is half of the frame length, the window function is a Hamming window with a=0.46, and the number of Mel filters is 24.

优选地,所述S3中所述深度卷积神经网络由4个卷积层和池化层及1个全连接层组成。Preferably, the deep convolutional neural network in S3 is composed of 4 convolutional layers, pooling layers and 1 fully connected layer.

本发明的有益效果体现在:1、本发明把深度学习应用到推荐系统中,通过训练深度卷积神经网络来预测音乐音频的潜在因子,有效地弥补了歌曲特征与音频信号之间的语义差别,同时避免了协同过滤中的“冷启动”等问题,提高了推荐系统的准确率。The beneficial effects of the present invention are reflected in: 1. The present invention applies deep learning to the recommendation system, and predicts the potential factors of music audio by training the deep convolutional neural network, effectively making up for the semantic difference between song features and audio signals , while avoiding problems such as "cold start" in collaborative filtering, and improving the accuracy of the recommendation system.

2、本发明采用的卷积神经网络相比其他深度学习模型,参数较少,训练效率较高,解决了训练效率低下与高时效性需求间的矛盾,同时将用户历史行为信息和音频的声学特征一起加入到模型中,使得推荐结果更符合用户的偏好需求,增强了用户对推荐系统的使用体验性。2. Compared with other deep learning models, the convolutional neural network used in the present invention has fewer parameters and higher training efficiency, which solves the contradiction between low training efficiency and high timeliness requirements, and at the same time integrates user historical behavior information and audio acoustics The features are added to the model together to make the recommendation results more in line with the user's preferences and enhance the user's experience in using the recommendation system.

附图说明Description of drawings

图1:本发明音乐推荐系统结构框图。Fig. 1: The structural block diagram of the music recommendation system of the present invention.

图2:本发明卷积神经网络模型训练过程流程图。Figure 2: Flow chart of the training process of the convolutional neural network model of the present invention.

具体实施方式Detailed ways

本发明揭示了一种基于卷积神经网络的音乐推荐系统及其推荐方法,结合图1-图2所示,所述推荐系统包括用于采集音乐用户历史行为数据,构建音乐用户的偏好模型的音乐用户建模模块,与所述音乐用户建模模块电性连接的音乐特征建模模块,以及与所述音乐特征建模模块电性连接的推荐算法模块。所述音乐特征建模模块用于对训练样本进行训练深度卷积神经网络获得回归模型。所述推荐算法模块用于通过回归模型找到与音乐用户偏好相匹配的音乐对象,推荐给音乐用户。The present invention discloses a music recommendation system and its recommendation method based on convolutional neural network. As shown in Fig. 1-Fig. A music user modeling module, a music feature modeling module electrically connected to the music user modeling module, and a recommendation algorithm module electrically connected to the music feature modeling module. The music feature modeling module is used to train a deep convolutional neural network on training samples to obtain a regression model. The recommendation algorithm module is used to find music objects that match the preferences of music users through a regression model, and recommend them to music users.

以上所述的一种基于卷积神经网络的音乐推荐系统的推荐方法,包括如下步骤:A kind of recommendation method based on the music recommendation system of convolutional neural network described above, comprises the following steps:

S1、音乐用户建模模块对音乐用户的行为数据进行获取,并通过量化标准构建出实际的评分矩阵R,并通过加权矩阵分解法矩阵分解得到两个低维度用户-潜在因子矩阵Q和潜在因子-音乐矩阵P,分别表示不同的用户对于不用元素的偏好程度和每种音乐含有各种元素的成分。所述用户的行为数据为通过网络爬虫的方式获取的用户对某首音乐过去所进行的操作记录,所述操作包括但不限于单曲循环、分享、收藏、跳过、拉黑。本发明中优选的量化标准设定为:单曲循环=5,分享=4,收藏=3,主动播放=2,听完=1,跳过=-2,拉黑=-5。S1. The music user modeling module acquires the behavior data of music users, and constructs the actual scoring matrix R through quantitative standards, and obtains two low-dimensional user-latent factor matrices Q and latent factors through weighted matrix decomposition matrix decomposition -Music matrix P, which respectively represents the degree of preference of different users for different elements and the composition of various elements in each type of music. The user's behavior data is a record of the user's past operations on a certain piece of music obtained through a web crawler, and the operations include but are not limited to single track looping, sharing, favorites, skipping, and blacklisting. The preferred quantification standard in the present invention is set as: single cycle = 5, share = 4, favorite = 3, active play = 2, finish listening = 1, skip = -2, block = -5.

S2、利用梅尔频率倒谱系数(MFCC)法对所用数据集中音乐进行时间-频率音频特征提取,从而获得音频片段的梅尔声谱;所述时间-频率音频特征提取包括预加重、分帧、加窗、快速傅里叶变换(FFT)、梅尔滤波器组、离散余弦变换(DCT)等步骤,并且训练集和测试集采用相同的帧长、窗函数、帧移和梅尔滤波器个数等参数;所述训练集和测试集为系统中音乐资源数据集随机分配得到。通常音频信号约在10-30ms范围内,其特性基本保持不变,分帧时需要选择合适的帧长度;同时为了避免相邻两帧变化过大,造成音频信息的不连贯,相邻两帧间需要有一段重叠区域即帧移;每一帧乘以合适的窗函数,可以增加帧左端和右端的连续性;利用滤波器组可对频谱进行平滑化并消除谐波。本发明中优选采用所述帧长度为256个采样点,帧移为帧长的一半,窗函数为a=0.46的汉明窗,梅尔滤波器的个数为24。以上参数可依据具体需求进行改变。S2, utilize Mel Frequency Cepstral Coefficient (MFCC) method to carry out time-frequency audio feature extraction to the music in used data set, thereby obtain the Mel sound spectrum of audio clip; Described time-frequency audio feature extraction comprises pre-emphasis, framing , windowing, fast Fourier transform (FFT), Mel filter bank, discrete cosine transform (DCT) and other steps, and the training set and test set use the same frame length, window function, frame shift and Mel filter number and other parameters; the training set and test set are obtained by random distribution of music resource data sets in the system. Usually the audio signal is in the range of 10-30ms, and its characteristics remain basically unchanged. When dividing frames, it is necessary to select an appropriate frame length; at the same time, in order to avoid excessive changes in two adjacent frames, resulting in incoherent audio information, two adjacent frames There needs to be an overlapping area between them, that is, frame shift; each frame is multiplied by a suitable window function, which can increase the continuity of the left and right ends of the frame; the frequency spectrum can be smoothed and harmonics can be eliminated by using a filter bank. In the present invention, the frame length is preferably 256 sampling points, the frame shift is half of the frame length, the window function is a Hamming window of a=0.46, and the number of Mel filters is 24. The above parameters can be changed according to specific needs.

S3、使用梅尔声谱作为卷积神经网络的网络输入,将S1中分解获得的音乐特征因子向量用作训练预测模型的基本真值,通过一系列训练样本,训练深度卷积神经网络,不断减小潜在因子向量与音频特征预测值之间的均方差(MSE),直至达到所需的训练条件,最终形成回归模型;所述深度卷积神经网络在不断调整优化后,使用多层卷积层以便能够提取到更深层次的特征信息,并且通过池化层对提取到的特征信息进行降维,简化了网络计算的复杂度,同时有利于防止过拟合。本发明中优选采用深度卷积神经网络由4个卷积层和池化层及1个全连接层组成。为了加快模型训练,输入的是从音频中随机剪辑的1秒钟音频片段的梅尔声谱。对于更长音频片段则需要分成若干个1秒时长并对窗口预测值作平均处理。并且学习速率设为0.001,采用ReLu激活函数和Adam梯度下降优化算法。S3. Use the Mel acoustic spectrum as the network input of the convolutional neural network, use the music feature factor vector obtained by decomposition in S1 as the basic truth value of the training prediction model, and train the deep convolutional neural network through a series of training samples, and continuously Reduce the mean square error (MSE) between the latent factor vector and the audio feature prediction value until the required training conditions are reached, and finally form a regression model; after continuous adjustment and optimization, the deep convolutional neural network uses multi-layer convolution layer in order to be able to extract deeper feature information, and reduce the dimensionality of the extracted feature information through the pooling layer, which simplifies the complexity of network calculations and helps prevent overfitting. In the present invention, it is preferred to adopt a deep convolutional neural network consisting of 4 convolutional layers, pooling layers and 1 fully connected layer. To speed up model training, the input is the mel spectrogram of 1-second audio clips randomly clipped from the audio. For longer audio clips, it needs to be divided into several 1-second durations and the window prediction values should be averaged. And the learning rate is set to 0.001, and the ReLu activation function and Adam gradient descent optimization algorithm are used.

S4、测试样本i经过上述回归模型预测出潜在因子-音乐向量pi′,并且与S1中分解得到的用户-潜在因子向量qu进行内积运算,即得到用户u对歌曲i的估计评分在计算出所有测试样本构成的估计评分矩阵后,选择分数较高的音乐推荐给相应的用户。S4. The test sample i predicts the latent factor-music vector p i ′ through the above regression model, and performs an inner product operation with the user-latent factor vector q u decomposed in S1 to obtain the user u’s estimated score for song i After calculating the estimated scoring matrix composed of all test samples After that, the music with higher score is selected and recommended to the corresponding user.

最后应说明的是:以上实施例仅用以说明本发明的技术方案,而非对其限制;尽管参照前述实施例对本发明进行了详细的说明,本领域的普通技术人员应当理解:其依然可以对前述各实施例所记载的技术方案进行修改,或者对其中部分技术特征进行等同替换;而这些修改或者替换,并不使相应技术方案的本质脱离本发明各实施例技术方案的精神和范围。Finally, it should be noted that: the above embodiments are only used to illustrate the technical solutions of the present invention, rather than to limit them; although the present invention has been described in detail with reference to the foregoing embodiments, those of ordinary skill in the art should understand that: it can still be Modifications are made to the technical solutions described in the foregoing embodiments, or equivalent replacements are made to some of the technical features; and these modifications or replacements do not make the essence of the corresponding technical solutions deviate from the spirit and scope of the technical solutions of the various embodiments of the present invention.

Claims (7)

1. a kind of music commending system based on convolutional neural networks, it is characterised in that:Including
Music user modeling module:For acquiring music user's history behavioral data, the preference pattern of music user is built;
Musical features modeling module:The musical features modeling module is electrically connected with the music user modeling module, is used for Depth convolutional neural networks are trained to training sample and obtain regression model;
Proposed algorithm module:The proposed algorithm module is electrically connected with the musical features modeling module, is returned for passing through Model finds the music object to match with music user preference, recommends music user.
2. a kind of recommendation method of the music commending system based on convolutional neural networks as described in claim 1, feature exist In:Include the following steps:
S1, music user modeling module obtain the behavioral data of music user, and construct reality by quantitative criteria Rating matrix R, and user-latent factor matrix Q and latent factor-music matrix P are obtained by matrix decomposition;
S2, T/F audio feature extraction is carried out to music in data set used using mel-frequency cepstrum coefficient method, to Obtain the Meier sound spectrum of audio fragment;
S3, using Meier sound spectrum as the network inputs of convolutional neural networks, will be decomposed in S1 the musical features factor of acquisition to Amount is used as the basic true value of training prediction model, trains depth convolutional neural networks by a series of training samples, constantly reduces Mean square deviation between latent factor vector and audio frequency characteristics predicted value, ultimately forms regression model;
S4, test sample i go out latent factor-music vector p by above-mentioned forecast of regression modeli', and obtained with being decomposed in S1 User-latent factor vector quInner product operation is carried out, user u is obtained and scores the estimation of song iIt is calculating The estimation rating matrix that all test samples are constitutedAfterwards, the selection higher music of score recommends corresponding user.
3. a kind of recommendation method of the music commending system based on convolutional neural networks as claimed in claim 2, feature exist In:The behavioral data of user carried out certain song for the user that is obtained by way of web crawlers in the past in the S1 Operation note, it is described operation include but not limited to single recycle, share, collecting, skipping, draw it is black.
4. a kind of recommendation method of the music commending system based on convolutional neural networks as claimed in claim 2, feature exist In:Matrix decomposition is weighting matrix decomposition method in the S1.
5. a kind of recommendation method of the music commending system based on convolutional neural networks as claimed in claim 2, feature exist In:In the S2 T/F audio feature extraction include but not limited to preemphasis, framing, adding window, Fast Fourier Transform (FFT), Meier filter group, discrete cosine transform step, and training sample and test sample use identical parameter, the parameter packet Include frame length, window function, frame shifting and Meier number of filter.
6. a kind of recommendation method of the music commending system based on convolutional neural networks as claimed in claim 5, feature exist In:The frame length is 256 sampled points, and frame moves the half for frame length, and window function is the Hamming window of a=0.46, Meier filtering The number of device is 24.
7. a kind of recommendation method of the music commending system based on convolutional neural networks as claimed in claim 2, feature exist In:Depth convolutional neural networks described in the S3 are made of 4 convolutional layers and pond layer and 1 full articulamentum.
CN201810314889.9A 2018-04-10 2018-04-10 A kind of music commending system and recommendation method based on convolutional neural networks Pending CN108595550A (en)

Priority Applications (1)

Application Number Priority Date Filing Date Title
CN201810314889.9A CN108595550A (en) 2018-04-10 2018-04-10 A kind of music commending system and recommendation method based on convolutional neural networks

Applications Claiming Priority (1)

Application Number Priority Date Filing Date Title
CN201810314889.9A CN108595550A (en) 2018-04-10 2018-04-10 A kind of music commending system and recommendation method based on convolutional neural networks

Publications (1)

Publication Number Publication Date
CN108595550A true CN108595550A (en) 2018-09-28

Family

ID=63621566

Family Applications (1)

Application Number Title Priority Date Filing Date
CN201810314889.9A Pending CN108595550A (en) 2018-04-10 2018-04-10 A kind of music commending system and recommendation method based on convolutional neural networks

Country Status (1)

Country Link
CN (1) CN108595550A (en)

Cited By (20)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN109408665A (en) * 2018-12-29 2019-03-01 咪咕音乐有限公司 Information recommendation method and device and storage medium
CN109522401A (en) * 2018-09-19 2019-03-26 咪咕数字传媒有限公司 Information recommendation method and device
CN109558512A (en) * 2019-01-24 2019-04-02 广州荔支网络技术有限公司 A kind of personalized recommendation method based on audio, device and mobile terminal
CN109582817A (en) * 2018-10-30 2019-04-05 努比亚技术有限公司 A kind of song recommendations method, terminal and computer readable storage medium
CN110377829A (en) * 2019-07-24 2019-10-25 中国工商银行股份有限公司 Function recommended method and device applied to electronic equipment
CN110377840A (en) * 2019-07-29 2019-10-25 电子科技大学 A kind of music list recommended method and system based on user's shot and long term preference
CN111035903A (en) * 2019-12-31 2020-04-21 榆林学院 Healthy community sports planning system
WO2020083344A1 (en) * 2018-10-26 2020-04-30 京东方科技集团股份有限公司 Association determination method and apparatus, recommendation method and apparatus, electronic device, and computer readable storage medium
CN111241408A (en) * 2020-01-21 2020-06-05 武汉轻工大学 Recommendation model construction system and method
CN111488485A (en) * 2020-04-16 2020-08-04 北京雷石天地电子技术有限公司 Music recommendation method, storage medium and electronic device based on convolutional neural network
CN112000819A (en) * 2019-05-27 2020-11-27 北京达佳互联信息技术有限公司 Multimedia resource recommendation method and device, electronic equipment and storage medium
CN112231511A (en) * 2020-10-20 2021-01-15 腾讯音乐娱乐科技(深圳)有限公司 Neural network model training method and song mining method and device
CN112380377A (en) * 2021-01-14 2021-02-19 腾讯科技(深圳)有限公司 Audio recommendation method and device, electronic equipment and computer storage medium
CN112632318A (en) * 2020-12-24 2021-04-09 安克创新科技股份有限公司 Audio recommendation method, device and system and storage medium
CN112784173A (en) * 2021-02-26 2021-05-11 电子科技大学 Recommendation system scoring prediction method based on self-attention confrontation neural network
CN113094544A (en) * 2021-03-26 2021-07-09 湖南大学 Music recommendation method based on DCNN joint feature representation
CN113571087A (en) * 2020-04-29 2021-10-29 宏达国际电子股份有限公司 Method and electronic device for generating action according to audio signal
TWI749547B (en) * 2020-05-08 2021-12-11 元智大學 Speech enhancement system based on deep learning
CN114036339A (en) * 2021-10-29 2022-02-11 广州大学 Method, system, device and storage medium for music recommendation based on audio similarity
CN115080787A (en) * 2022-06-28 2022-09-20 星河智联汽车科技有限公司 A kind of music recommendation method, device and vehicle based on car audio

Citations (1)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN107291845A (en) * 2017-06-02 2017-10-24 北京邮电大学 A kind of film based on trailer recommends method and system

Patent Citations (1)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN107291845A (en) * 2017-06-02 2017-10-24 北京邮电大学 A kind of film based on trailer recommends method and system

Non-Patent Citations (1)

* Cited by examiner, † Cited by third party
Title
AVD OORD 等: "Deep content-based music recommendation", 《ADVANCES IN NEURAL INFORMATION PROCESSING SYSTEMS》 *

Cited By (29)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN109522401A (en) * 2018-09-19 2019-03-26 咪咕数字传媒有限公司 Information recommendation method and device
WO2020083344A1 (en) * 2018-10-26 2020-04-30 京东方科技集团股份有限公司 Association determination method and apparatus, recommendation method and apparatus, electronic device, and computer readable storage medium
CN109582817A (en) * 2018-10-30 2019-04-05 努比亚技术有限公司 A kind of song recommendations method, terminal and computer readable storage medium
CN109408665A (en) * 2018-12-29 2019-03-01 咪咕音乐有限公司 Information recommendation method and device and storage medium
CN109558512B (en) * 2019-01-24 2020-07-14 广州荔支网络技术有限公司 Audio-based personalized recommendation method and device and mobile terminal
CN109558512A (en) * 2019-01-24 2019-04-02 广州荔支网络技术有限公司 A kind of personalized recommendation method based on audio, device and mobile terminal
CN112000819B (en) * 2019-05-27 2023-07-11 北京达佳互联信息技术有限公司 Multimedia resource recommendation method and device, electronic equipment and storage medium
CN112000819A (en) * 2019-05-27 2020-11-27 北京达佳互联信息技术有限公司 Multimedia resource recommendation method and device, electronic equipment and storage medium
CN110377829A (en) * 2019-07-24 2019-10-25 中国工商银行股份有限公司 Function recommended method and device applied to electronic equipment
CN110377840A (en) * 2019-07-29 2019-10-25 电子科技大学 A kind of music list recommended method and system based on user's shot and long term preference
CN110377840B (en) * 2019-07-29 2020-04-17 电子科技大学 Music list recommendation method and system based on long-term and short-term preference of user
CN111035903A (en) * 2019-12-31 2020-04-21 榆林学院 Healthy community sports planning system
CN111035903B (en) * 2019-12-31 2021-08-31 榆林学院 A healthy community sports planning system
CN111241408A (en) * 2020-01-21 2020-06-05 武汉轻工大学 Recommendation model construction system and method
CN111488485A (en) * 2020-04-16 2020-08-04 北京雷石天地电子技术有限公司 Music recommendation method, storage medium and electronic device based on convolutional neural network
CN111488485B (en) * 2020-04-16 2023-11-17 北京雷石天地电子技术有限公司 Music recommendation method based on convolutional neural network, storage medium and electronic device
CN113571087A (en) * 2020-04-29 2021-10-29 宏达国际电子股份有限公司 Method and electronic device for generating action according to audio signal
CN113571087B (en) * 2020-04-29 2023-07-28 宏达国际电子股份有限公司 Method and electronic device for generating action based on audio signal
TWI749547B (en) * 2020-05-08 2021-12-11 元智大學 Speech enhancement system based on deep learning
CN112231511A (en) * 2020-10-20 2021-01-15 腾讯音乐娱乐科技(深圳)有限公司 Neural network model training method and song mining method and device
CN112231511B (en) * 2020-10-20 2025-06-13 腾讯音乐娱乐科技(深圳)有限公司 A neural network model training method and song mining method and device
CN112632318A (en) * 2020-12-24 2021-04-09 安克创新科技股份有限公司 Audio recommendation method, device and system and storage medium
CN112380377A (en) * 2021-01-14 2021-02-19 腾讯科技(深圳)有限公司 Audio recommendation method and device, electronic equipment and computer storage medium
CN112784173A (en) * 2021-02-26 2021-05-11 电子科技大学 Recommendation system scoring prediction method based on self-attention confrontation neural network
CN113094544B (en) * 2021-03-26 2023-03-24 湖南大学 Music recommendation method based on DCNN joint feature representation
CN113094544A (en) * 2021-03-26 2021-07-09 湖南大学 Music recommendation method based on DCNN joint feature representation
CN114036339A (en) * 2021-10-29 2022-02-11 广州大学 Method, system, device and storage medium for music recommendation based on audio similarity
CN114036339B (en) * 2021-10-29 2025-03-18 广州大学 Music recommendation method, system, device and storage medium based on audio similarity
CN115080787A (en) * 2022-06-28 2022-09-20 星河智联汽车科技有限公司 A kind of music recommendation method, device and vehicle based on car audio

Similar Documents

Publication Publication Date Title
CN108595550A (en) A kind of music commending system and recommendation method based on convolutional neural networks
US12131261B2 (en) Artificial neural network trained to reflect human subjective responses
US11544565B2 (en) Processing system for generating a playlist from candidate files and method for generating a playlist
US20210012200A1 (en) Method of training a neural network and related system and method for categorizing and recommending associated content
WO2024021882A1 (en) Audio data processing method and apparatus, and computer device and storage medium
CN113573161B (en) Multimedia data processing method, device, equipment and storage medium
Chen The application of neural network with convolution algorithm in Western music recommendation practice
Yang [Retracted] Research on Music Content Recognition and Recommendation Technology Based on Deep Learning
Zhang [Retracted] Research on Music Classification Technology Based on Deep Learning
CN111026908B (en) Song label determining method, device, computer equipment and storage medium
Lu Personalized music teaching service recommendation based on sensor and information retrieval technology
Feng et al. A hybrid music recommendation algorithm based on attention mechanism
CN110516086B (en) A method for automatic acquisition of video labels based on deep neural network
Geroulanos et al. Emotion recognition in music using deep neural networks
Rajan et al. Multi-channel CNN-Based Rāga Recognition in Carnatic Music Using Sequential Aggregation Strategy
Kai Automatic recommendation algorithm for video background music based on deep learning
Xu et al. Research on music genre classification based on residual network
Yu Research on multimodal music emotion recognition method based on image sequence
Yan [Retracted] Audience Evaluation and Analysis of Symphony Performance Effects Based on the Genetic Neural Network Algorithm for the Multilayer Perceptron (GA‐MLP‐NN)
Küçükbay et al. Hand-crafted versus learned representations for audio event detection
Chen Voice anomaly detection and music website teaching design for 5G internet of things
Sharma et al. Audio songs classification based on music patterns
Lian An artificial intelligence-based classifier for musical emotion expression in media education
CN114817620A (en) Song comparison method and device, equipment, medium and product thereof
He Improved music recommendation algorithm for deep neural network based on attention mechanism

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
RJ01 Rejection of invention patent application after publication
RJ01 Rejection of invention patent application after publication

Application publication date: 20180928