期刊文献+
共找到2,085篇文章
< 1 2 105 >
每页显示 20 50 100
Data Empowerment in Precision Marketing: Algorithm Recommendations and Their Associated Risks
1
作者 Di Zhou 《Proceedings of Business and Economic Studies》 2025年第1期111-118,共8页
This paper examines the impact of algorithmic recommendations and data-driven marketing on consumer engagement and business performance.By leveraging large volumes of user data,businesses can deliver personalized cont... This paper examines the impact of algorithmic recommendations and data-driven marketing on consumer engagement and business performance.By leveraging large volumes of user data,businesses can deliver personalized content that enhances user experiences and increases conversion rates.However,the growing reliance on these technologies introduces significant risks,including privacy violations,algorithmic bias,and ethical concerns.This paper explores these challenges and provides recommendations for businesses to mitigate associated risks while optimizing marketing strategies.It highlights the importance of transparency,fairness,and user control in ensuring responsible and effective data-driven marketing. 展开更多
关键词 Data-driven marketing algorithmic recommendations Privacy and ethics
在线阅读 下载PDF
Adaptive Music Recommendation: Applying Machine Learning Algorithms Using Low Computing Device
2
作者 Tianhui Zhang Xianchen Liu +1 位作者 Zhen Guo Yuanhao Tian 《Journal of Software Engineering and Applications》 2024年第11期817-831,共15页
In the digital music landscape, the accuracy and response speed of music recommendation systems (MRS) are crucial for user experience optimization. Traditional MRS often relies on the use of high-performance servers f... In the digital music landscape, the accuracy and response speed of music recommendation systems (MRS) are crucial for user experience optimization. Traditional MRS often relies on the use of high-performance servers for large-scale training to produce recommendation results, which may result in the inability to achieve music recommendation in some areas due to substandard hardware conditions. This study evaluates the adaptability of four popular machine learning algorithms (K-means clustering, fuzzy C-means (FCM) clustering, hierarchical clustering, and self-organizing map (SOM)) on low-computing servers. Our comparative analysis highlights that while K-means and FCM are robust in high-performance settings, they underperform in low-power scenarios where SOM excels, delivering fast and reliable recommendations with minimal computational overhead. This research addresses a gap in the literature by providing a detailed comparative analysis of MRS algorithms, offering practical insights for implementing adaptive MRS in technologically diverse environments. We conclude with strategic recommendations for emerging streaming services in resource-constrained settings, emphasizing the need for scalable solutions that balance cost and performance. This study advocates an adaptive selection of recommendation algorithms to manage operational costs effectively and accommodate growth. 展开更多
关键词 Music recommendation Media Arts and Sciences Artificial Intelligence Machine Learning algorithms Comparative Analysis
在线阅读 下载PDF
Recruiting PE Teachers Based on Regional Socio-Economic Status Evaluation and Recommendation Algorithm
3
作者 Haitao Long Yinfu Lu 《Journal of Artificial Intelligence and Technology》 2024年第1期49-55,共7页
The most important step in creating a teaching force for physical education(PE)is finding enough qualified teachers.In order to better absorb the PE teaching talents who aremore suitable for the job requirements,the a... The most important step in creating a teaching force for physical education(PE)is finding enough qualified teachers.In order to better absorb the PE teaching talents who aremore suitable for the job requirements,the ability variables of sports talents,the expected regional social and economic status,and historical data are considered,the intelligent matching of talents and positions is made,and the Bayesian variational network recommendation model considering the needs is constructed.According to the experimental findings,this model’s highest recommendation accuracy in the normal scenario is 0.5888 and its maximum recommendation accuracy in the training and test sets is roughly 0.6 and 0.68.The model has good convergence and high accuracy of recommendation,which is conducive to matching PE teaching talents and teaching positions,providing job seekers with positions that meet their needs,providing teaching talents to meet the requirements,and creating a team of PE teachers that match people and posts. 展开更多
关键词 Bayesian networks PE teachers recommendation algorithms social–economic status workforce development
在线阅读 下载PDF
Collaborative Filtering Algorithms Based on Kendall Correlation in Recommender Systems 被引量:3
4
作者 YAO Yu ZHU Shanfeng CHEN Xinmeng 《Wuhan University Journal of Natural Sciences》 CAS 2006年第5期1086-1090,共5页
In this work, Kendall correlation based collaborative filtering algorithms for the recommender systems are proposed. The Kendall correlation method is used to measure the correlation amongst users by means of consider... In this work, Kendall correlation based collaborative filtering algorithms for the recommender systems are proposed. The Kendall correlation method is used to measure the correlation amongst users by means of considering the relative order of the users' ratings. Kendall based algorithm is based upon a more general model and thus could be more widely applied in e-commerce. Another discovery of this work is that the consideration of only positive correlated neighbors in prediction, in both Pearson and Kendall algorithms, achieves higher accuracy than the consideration of all neighbors, with only a small loss of coverage. 展开更多
关键词 Kendall correlation collaborative filtering algorithms recommender systems positive correlation
在线阅读 下载PDF
FedCDR:Privacy-preserving federated cross-domain recommendation 被引量:2
5
作者 Dengcheng Yan Yuchuan Zhao +2 位作者 Zhongxiu Yang Ying Jin Yiwen Zhang 《Digital Communications and Networks》 SCIE CSCD 2022年第4期552-560,共9页
Cross-Domain Recommendation(CDR)aims to solve data sparsity and cold-start problems by utilizing a relatively information-rich source domain to improve the recommendation performance of the data-sparse target domain.H... Cross-Domain Recommendation(CDR)aims to solve data sparsity and cold-start problems by utilizing a relatively information-rich source domain to improve the recommendation performance of the data-sparse target domain.However,most existing approaches rely on the assumption of centralized storage of user data,which undoubtedly poses a significant risk of user privacy leakage because user data are highly privacy-sensitive.To this end,we propose a privacy-preserving Federated framework for Cross-Domain Recommendation,called FedCDR.In our method,to avoid leakage of user privacy,a general recommendation model is trained on each user's personal device to obtain embeddings of users and items,and each client uploads weights to the central server.The central server then aggregates the weights and distributes them to each client for updating.Furthermore,because the weights implicitly contain private information about the user,local differential privacy is adopted for the gradients before uploading them to the server for better protection of user privacy.To distill the relationship of user embedding between two domains,an embedding transformation mechanism is used on the server side to learn the cross-domain embedding transformation model.Extensive experiments on real-world datasets demonstrate that ourmethod achieves performance comparable with that of existing data-centralized methods and effectively protects user privacy. 展开更多
关键词 cross-domain recommendation Federated learning Privacy preserving
在线阅读 下载PDF
Design and Implementation of Book Recommendation Management System Based on Improved Apriori Algorithm 被引量:2
6
作者 Yingwei Zhou 《Intelligent Information Management》 2020年第3期75-87,共13页
The traditional Apriori applied in books management system causes slow system operation due to frequent scanning of database and excessive quantity of candidate item-sets, so an information recommendation book managem... The traditional Apriori applied in books management system causes slow system operation due to frequent scanning of database and excessive quantity of candidate item-sets, so an information recommendation book management system based on improved Apriori data mining algorithm is designed, in which the C/S (client/server) architecture and B/S (browser/server) architecture are integrated, so as to open the book information to library staff and borrowers. The related information data of the borrowers and books can be extracted from books lending database by the data preprocessing sub-module in the system function module. After the data is cleaned, converted and integrated, the association rule mining sub-module is used to mine the strong association rules with support degree greater than minimum support degree threshold and confidence coefficient greater than minimum confidence coefficient threshold according to the processed data and by means of the improved Apriori data mining algorithm to generate association rule database. The association matching is performed by the personalized recommendation sub-module according to the borrower and his selected books in the association rule database. The book information associated with the books read by borrower is recommended to him to realize personalized recommendation of the book information. The experimental results show that the system can effectively recommend book related information, and its CPU occupation rate is only 6.47% under the condition that 50 clients are running it at the same time. Anyway, it has good performance. 展开更多
关键词 Information recommendation BOOK Management APRIORI algorithm Data Mining Association RULE PERSONALIZED recommendation
在线阅读 下载PDF
Video Recommendation System Using Machine-Learning Techniques
7
作者 Meesala Sravani Ch Vidyadhari S Anjali Devi 《Journal of Harbin Institute of Technology(New Series)》 CAS 2024年第4期24-33,共10页
In the realm of contemporary artificial intelligence,machine learning enables automation,allowing systems to naturally acquire and enhance their capabilities through learning.In this cycle,Video recommendation is fini... In the realm of contemporary artificial intelligence,machine learning enables automation,allowing systems to naturally acquire and enhance their capabilities through learning.In this cycle,Video recommendation is finished by utilizing machine learning strategies.A suggestion framework is an interaction of data sifting framework,which is utilized to foresee the“rating”or“inclination”given by the different clients.The expectation depends on past evaluations,history,interest,IMDB rating,and so on.This can be carried out by utilizing collective and substance-based separating approaches which utilize the data given by the different clients,examine them,and afterward suggest the video that suits the client at that specific time.The required datasets for the video are taken from Grouplens.This recommender framework is executed by utilizing Python Programming Language.For building this video recommender framework,two calculations are utilized,for example,K-implies Clustering and KNN grouping.K-implies is one of the unaided AI calculations and the fundamental goal is to bunch comparable sort of information focuses together and discover the examples.For that K-implies searches for a steady‘k'of bunches in a dataset.A group is an assortment of information focuses collected due to specific similitudes.K-Nearest Neighbor is an administered learning calculation utilized for characterization,with the given information;KNN can group new information by examination of the‘k'number of the closest information focuses.The last qualities acquired are through bunching qualities and root mean squared mistake,by using this algorithm we can recommend videos more appropriately based on user previous records and ratings. 展开更多
关键词 video recommendation system KNN algorithms collaborative filtering content⁃based filtering classification algorithms artificial intelligence
在线阅读 下载PDF
Recommendation Algorithm Integrating CNN and Attention System in Data Extraction 被引量:1
8
作者 Yang Li Fei Yin Xianghui Hui 《Computers, Materials & Continua》 SCIE EI 2023年第5期4047-4063,共17页
With the rapid development of the Internet globally since the 21st century,the amount of data information has increased exponentially.Data helps improve people’s livelihood and working conditions,as well as learning ... With the rapid development of the Internet globally since the 21st century,the amount of data information has increased exponentially.Data helps improve people’s livelihood and working conditions,as well as learning efficiency.Therefore,data extraction,analysis,and processing have become a hot issue for people from all walks of life.Traditional recommendation algorithm still has some problems,such as inaccuracy,less diversity,and low performance.To solve these problems and improve the accuracy and variety of the recommendation algorithms,the research combines the convolutional neural networks(CNN)and the attention model to design a recommendation algorithm based on the neural network framework.Through the text convolutional network,the input layer in CNN has transformed into two channels:static ones and non-static ones.Meanwhile,the self-attention system focuses on the system so that data can be better processed and the accuracy of feature extraction becomes higher.The recommendation algorithm combines CNN and attention system and divides the embedding layer into user information feature embedding and data name feature extraction embedding.It obtains data name features through a convolution kernel.Finally,the top pooling layer obtains the length vector.The attention system layer obtains the characteristics of the data type.Experimental results show that the proposed recommendation algorithm that combines CNN and the attention system can perform better in data extraction than the traditional CNN algorithm and other recommendation algorithms that are popular at the present stage.The proposed algorithm shows excellent accuracy and robustness. 展开更多
关键词 Data extraction recommendation algorithm CNN algorithm attention model
在线阅读 下载PDF
Tourism Route Recommendation Based on A Multi-Objective Evolutionary Algorithm Using Two-Stage Decomposition and Pareto Layering 被引量:1
9
作者 Xiaoyao Zheng Baoting Han Zhen Ni 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2023年第2期486-500,共15页
Tourism route planning is widely applied in the smart tourism field.The Pareto-optimal front obtained by the traditional multi-objective evolutionary algorithm exhibits long tails,sharp peaks and disconnected regions ... Tourism route planning is widely applied in the smart tourism field.The Pareto-optimal front obtained by the traditional multi-objective evolutionary algorithm exhibits long tails,sharp peaks and disconnected regions problems,which leads to uneven distribution and weak diversity of optimization solutions of tourism routes.Inspired by these limitations,we propose a multi-objective evolutionary algorithm for tourism route recommendation(MOTRR)with two-stage and Pareto layering based on decomposition.The method decomposes the multiobjective problem into several subproblems,and improves the distribution of solutions through a two-stage method.The crowding degree mechanism between extreme and intermediate populations is used in the two-stage method.The neighborhood is determined according to the weight of the subproblem for crossover mutation.Finally,Pareto layering is used to improve the updating efficiency and population diversity of the solution.The two-stage method is combined with the Pareto layering structure,which not only maintains the distribution and diversity of the algorithm,but also avoids the same solutions.Compared with several classical benchmark algorithms,the experimental results demonstrate competitive advantages on five test functions,hypervolume(HV)and inverted generational distance(IGD)metrics.Using the experimental results of real scenic spot datasets from two famous tourism social networking sites with vast amounts of users and large-scale online comments in Beijing,our proposed algorithm shows better distribution.It proves that the tourism routes recommended by our proposed algorithm have better distribution and diversity,so that the recommended routes can better meet the personalized needs of tourists. 展开更多
关键词 Evolutionary algorithm multi-objective optimization Pareto optimization tourism route recommendation two-stage decomposition
在线阅读 下载PDF
Recommendation algorithm of cloud computing system based on random walk algorithm and collaborative filtering model 被引量:1
10
作者 Feng Zhang Hua Ma +1 位作者 Lei Peng Lanhua Zhang 《International Journal of Technology Management》 2017年第3期79-81,共3页
The traditional collaborative filtering recommendation technology has some shortcomings in the large data environment. To solve this problem, a personalized recommendation method based on cloud computing technology is... The traditional collaborative filtering recommendation technology has some shortcomings in the large data environment. To solve this problem, a personalized recommendation method based on cloud computing technology is proposed. The large data set and recommendation computation are decomposed into parallel processing on multiple computers. A parallel recommendation engine based on Hadoop open source framework is established, and the effectiveness of the system is validated by learning recommendation on an English training platform. The experimental results show that the scalability of the recommender system can be greatly improved by using cloud computing technology to handle massive data in the cluster. On the basis of the comparison of traditional recommendation algorithms, combined with the advantages of cloud computing, a personalized recommendation system based on cloud computing is proposed. 展开更多
关键词 Random walk algorithm collaborative filtering model cloud computing system recommendation algorithm
在线阅读 下载PDF
Explainable Rules and Heuristics in AI Algorithm Recommendation Approaches——A Systematic Literature Review and Mapping Study
11
作者 Francisco JoséGarcía-Penlvo Andrea Vázquez-Ingelmo Alicia García-Holgado 《Computer Modeling in Engineering & Sciences》 SCIE EI 2023年第8期1023-1051,共29页
The exponential use of artificial intelligence(AI)to solve and automated complex tasks has catapulted its popularity generating some challenges that need to be addressed.While AI is a powerfulmeans to discover interes... The exponential use of artificial intelligence(AI)to solve and automated complex tasks has catapulted its popularity generating some challenges that need to be addressed.While AI is a powerfulmeans to discover interesting patterns and obtain predictive models,the use of these algorithms comes with a great responsibility,as an incomplete or unbalanced set of training data or an unproper interpretation of the models’outcomes could result in misleading conclusions that ultimately could become very dangerous.For these reasons,it is important to rely on expert knowledge when applying these methods.However,not every user can count on this specific expertise;non-AIexpert users could also benefit from applying these powerful algorithms to their domain problems,but they need basic guidelines to obtain themost out of AI models.The goal of this work is to present a systematic review of the literature to analyze studies whose outcomes are explainable rules and heuristics to select suitable AI algorithms given a set of input features.The systematic review follows the methodology proposed by Kitchenham and other authors in the field of software engineering.As a result,9 papers that tackle AI algorithmrecommendation through tangible and traceable rules and heuristics were collected.The reduced number of retrieved papers suggests a lack of reporting explicit rules and heuristics when testing the suitability and performance of AI algorithms. 展开更多
关键词 SLR systematic literature review artificial intelligence machine learning algorithm recommendation HEURISTICS explainability
在线阅读 下载PDF
Short Video Recommendation Algorithm Incorporating Temporal Contextual Information and User Context
12
作者 Weihua Liu Haoyang Wan Boyuan Yan 《Computer Modeling in Engineering & Sciences》 SCIE EI 2023年第4期239-258,共20页
With the popularity of 5G and the rapid development of mobile terminals,an endless stream of short video software exists.Browsing short-form mobile video in fragmented time has become the mainstream of user’s life.He... With the popularity of 5G and the rapid development of mobile terminals,an endless stream of short video software exists.Browsing short-form mobile video in fragmented time has become the mainstream of user’s life.Hence,designing an efficient short video recommendation method has become important for major network platforms to attract users and satisfy their requirements.Nevertheless,the explosive growth of data leads to the low efficiency of the algorithm,which fails to distill users’points of interest on one hand effectively.On the other hand,integrating user preferences and the content of items urgently intensify the requirements for platform recommendation.In this paper,we propose a collaborative filtering algorithm,integrating time context information and user context,which pours attention into expanding and discovering user interest.In the first place,we introduce the temporal context information into the typical collaborative filtering algorithm,and leverage the popularity penalty function to weight the similarity between recommended short videos and the historical short videos.There remains one more point.We also introduce the user situation into the traditional collaborative filtering recommendation algorithm,considering the context information of users in the generation recommendation stage,and weight the recommended short-formvideos of candidates.At last,a diverse approach is used to generate a Top-K recommendation list for users.And through a case study,we illustrate the accuracy and diversity of the proposed method. 展开更多
关键词 recommendation algorithm user contexts short video temporal contextual information
在线阅读 下载PDF
Predicting the CME arrival time based on the recommendation algorithm
13
作者 Yu-Rong Shi Yan-Hong Chen +9 位作者 Si-Qing Liu Zhu Liu Jing-Jing Wang Yan-Mei Cui Bingxian Luo Tian-Jiao Yuan Feng Zheng Zisiyu Wang Xin-Ran He Ming Li 《Research in Astronomy and Astrophysics》 SCIE CAS CSCD 2021年第8期59-74,共16页
CME is one of the important events in the sun-earth system as it can induce geomagnetic disturbance and an associated space environment effect.It is of special significance to predict whether CME will reach the Earth ... CME is one of the important events in the sun-earth system as it can induce geomagnetic disturbance and an associated space environment effect.It is of special significance to predict whether CME will reach the Earth and when it will arrive.In this paper,we firstly built a new multiple association list for 215 different events with 18 characteristics including CME features,eruption region coordinates and solar wind parameters.Based on the CME list,we designed a novel model based on the principle of the recommendation algorithm to predict the arrival time of CMEs.According to the two commonly used calculation methods in the recommendation system,cosine distance and Euclidean distance,a controlled trial was carried out respectively.Every feature has been found to have its own appropriate weight.The error analysis indicates the result using the Euclidean distance similarity is much better than that using cosine distance similarity.The mean absolute error and root mean square error of test data in the Euclidean distance are 11.78 and 13.77 h,close to the average level of other CME models issued in the CME scoreboard,which verifies the effectiveness of the recommendation algorithm.This work gives a new endeavor using the recommendation algorithm,and is expected to induce other applications in space weather prediction. 展开更多
关键词 Sun:coronal mass ejections(CMEs) method:recommendation algorithm
在线阅读 下载PDF
Design of Hybrid Recommendation Algorithm in Online Shopping System
14
作者 Yingchao Wang Yuanhao Zhu +2 位作者 Zongtian Zhang Huihuang Liu Peng Guo 《Journal of New Media》 2021年第4期119-128,共10页
In order to improve user satisfaction and loyalty on e-commerce websites,recommendation algorithms are used to recommend products that may be of interest to users.Therefore,the accuracy of the recommendation algorithm... In order to improve user satisfaction and loyalty on e-commerce websites,recommendation algorithms are used to recommend products that may be of interest to users.Therefore,the accuracy of the recommendation algorithm is a primary issue.So far,there are three mainstream recommendation algorithms,content-based recommendation algorithms,collaborative filtering algorithms and hybrid recommendation algorithms.Content-based recommendation algorithms and collaborative filtering algorithms have their own shortcomings.The content-based recommendation algorithm has the problem of the diversity of recommended items,while the collaborative filtering algorithm has the problem of data sparsity and scalability.On the basis of these two algorithms,the hybrid recommendation algorithm learns from each other’s strengths and combines the advantages of the two algorithms to provide people with better services.This article will focus on the use of a content-based recommendation algorithm to mine the user’s existing interests,and then combine the collaborative filtering algorithm to establish a potential interest model,mix the existing and potential interests,and calculate with the candidate search content set.The similarity gets the recommendation list. 展开更多
关键词 recommendation algorithm hybrid recommendation algorithm content-based recommendation algorithm collaborative filtering algorithm
在线阅读 下载PDF
Research and implementation of a personalized book recommendation algorithm --Taking the library of Jinan University as an example
15
作者 LI Tianzhang ZHU Yijia XIAO Liping 《International English Education Research》 2018年第3期20-22,共3页
Abstract: Taking the basic data and the log data of the various businesses of the automation integrated management system of the library in Jinan University as the research object this paper analyzes the internal rel... Abstract: Taking the basic data and the log data of the various businesses of the automation integrated management system of the library in Jinan University as the research object this paper analyzes the internal relationship between books and between the books and the readers, and designs a personalized book recommendation algorithm, the BookSimValue, on the basis of the user collaborative filteringtechnology. The experimental results show that the recommended book information produced by this algorithm can effectively help the readers to solve the problem of the book information overload, which can bring great convenience to the readers and effectively save the time of the readers' selection of the books, thus effectively improving the utilization of the library resources and the service levels. 展开更多
关键词 recommendation system book recommendation personalized recommendation algorithm
在线阅读 下载PDF
A New Time-Aware Collaborative Filtering Intelligent Recommendation System 被引量:6
16
作者 Weijin Jiang Jiahui Chen +4 位作者 Yirong Jiang Yuhui Xu Yang Wang Lina Tan Guo Liang 《Computers, Materials & Continua》 SCIE EI 2019年第8期849-859,共11页
Aiming at the problem that the traditional collaborative filtering recommendation algorithm does not fully consider the influence of correlation between projects on recommendation accuracy,this paper introduces projec... Aiming at the problem that the traditional collaborative filtering recommendation algorithm does not fully consider the influence of correlation between projects on recommendation accuracy,this paper introduces project attribute fuzzy matrix,measures the project relevance through fuzzy clustering method,and classifies all project attributes.Then,the weight of the project relevance is introduced in the user similarity calculation,so that the nearest neighbor search is more accurate.In the prediction scoring section,considering the change of user interest with time,it is proposed to use the time weighting function to improve the influence of the time effect of the evaluation,so that the newer evaluation information in the system has a relatively large weight.The experimental results show that the improved algorithm improves the recommendation accuracy and improves the recommendation quality. 展开更多
关键词 Fuzzy clustering time weight attenuation function Collaborative filtering method recommendation algorithm
在线阅读 下载PDF
Multi-objective optimization of operation loop recommendation for kill web 被引量:5
17
作者 YANG Kewei XIA Boyuan +2 位作者 CHEN Gang YANG Zhiwei LI Minghao 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2022年第4期969-985,共17页
In order to improve our military ’s level of intelligent accusation decision-making in future intelligent joint warfare, this paper studies operation loop recommendation methods for kill web based on the fundamental ... In order to improve our military ’s level of intelligent accusation decision-making in future intelligent joint warfare, this paper studies operation loop recommendation methods for kill web based on the fundamental combat form of the future, i.e.,“web-based kill,” and the operation loop theory. Firstly, we pioneer the operation loop recommendation problem with operation ring quality as the objective and closed-loop time as the constraint, and construct the corresponding planning model.Secondly, considering the case where there are multiple decision objectives for the combat ring recommendation problem,we propose for the first time a multi-objective optimization algorithm, the multi-objective ant colony evolutionary algorithm based on decomposition(MOACEA/D), which integrates the multi-objective evolutionary algorithm based on decomposition(MOEA/D) with the ant colony algorithm. The MOACEA/D can converge the optimal solutions of multiple single objectives nondominated solution set for the multi-objective problem. Finally,compared with other classical multi-objective optimization algorithms, the MOACEA/D is superior to other algorithms superior in terms of the hyper volume(HV), which verifies the effectiveness of the method and greatly improves the quality and efficiency of commanders’ decision-making. 展开更多
关键词 MULTI-OBJECTIVE operation loop recommendation kill web ant colony evolutionary algorithm hyper volume(HV)
在线阅读 下载PDF
Efficient and High-quality Recommendations via Momentum-incorporated Parallel Stochastic Gradient Descent-Based Learning 被引量:7
18
作者 Xin Luo Wen Qin +2 位作者 Ani Dong Khaled Sedraoui MengChu Zhou 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2021年第2期402-411,共10页
A recommender system(RS)relying on latent factor analysis usually adopts stochastic gradient descent(SGD)as its learning algorithm.However,owing to its serial mechanism,an SGD algorithm suffers from low efficiency and... A recommender system(RS)relying on latent factor analysis usually adopts stochastic gradient descent(SGD)as its learning algorithm.However,owing to its serial mechanism,an SGD algorithm suffers from low efficiency and scalability when handling large-scale industrial problems.Aiming at addressing this issue,this study proposes a momentum-incorporated parallel stochastic gradient descent(MPSGD)algorithm,whose main idea is two-fold:a)implementing parallelization via a novel datasplitting strategy,and b)accelerating convergence rate by integrating momentum effects into its training process.With it,an MPSGD-based latent factor(MLF)model is achieved,which is capable of performing efficient and high-quality recommendations.Experimental results on four high-dimensional and sparse matrices generated by industrial RS indicate that owing to an MPSGD algorithm,an MLF model outperforms the existing state-of-the-art ones in both computational efficiency and scalability. 展开更多
关键词 Big data industrial application industrial data latent factor analysis machine learning parallel algorithm recommender system(RS) stochastic gradient descent(SGD)
在线阅读 下载PDF
Applying memetic algorithm-based clustering to recommender system with high sparsity problem 被引量:2
19
作者 MARUNG Ukrit THEERA-UMPON Nipon AUEPHANWIRIYAKUL Sansanee 《Journal of Central South University》 SCIE EI CAS 2014年第9期3541-3550,共10页
A new recommendation method was presented based on memetic algorithm-based clustering. The proposed method was tested on four highly sparse real-world datasets. Its recommendation performance is evaluated and compared... A new recommendation method was presented based on memetic algorithm-based clustering. The proposed method was tested on four highly sparse real-world datasets. Its recommendation performance is evaluated and compared with that of the frequency-based, user-based, item-based, k-means clustering-based, and genetic algorithm-based methods in terms of precision, recall, and F1 score. The results show that the proposed method yields better performance under the new user cold-start problem when each of new active users selects only one or two items into the basket. The average F1 scores on all four datasets are improved by 225.0%, 61.6%, 54.6%, 49.3%, 28.8%, and 6.3% over the frequency-based, user-based, item-based, k-means clustering-based, and two genetic algorithm-based methods, respectively. 展开更多
关键词 memetic algorithm recommender system sparsity problem cold-start problem clustering method
在线阅读 下载PDF
Improving Recommendation for Effective Personalization in Context-Aware Data Using Novel Neural Network 被引量:1
20
作者 R.Sujatha T.Abirami 《Computer Systems Science & Engineering》 SCIE EI 2023年第8期1775-1787,共13页
The digital technologies that run based on users’content provide a platform for users to help air their opinions on various aspects of a particular subject or product.The recommendation agents play a crucial role in ... The digital technologies that run based on users’content provide a platform for users to help air their opinions on various aspects of a particular subject or product.The recommendation agents play a crucial role in personalizing the needs of individual users.Therefore,it is essential to improve the user experience.The recommender system focuses on recommending a set of items to a user to help the decision-making process and is prevalent across e-commerce and media websites.In Context-Aware Recommender Systems(CARS),several influential and contextual variables are identified to provide an effective recommendation.A substantial trade-off is applied in context to achieve the proper accuracy and coverage required for a collaborative recommendation.The CARS will generate more recommendations utilizing adapting them to a certain contextual situation of users.However,the key issue is how contextual information is used to create good and intelligent recommender systems.This paper proposes an Artificial Neural Network(ANN)to achieve contextual recommendations based on usergenerated reviews.The ability of ANNs to learn events and make decisions based on similar events makes it effective for personalized recommendations in CARS.Thus,the most appropriate contexts in which a user should choose an item or service are achieved.This work converts every label set into a Multi-Label Classification(MLC)problem to enhance recommendations.Experimental results show that the proposed ANN performs better in the Binary Relevance(BR)Instance-Based Classifier,the BR Decision Tree,and the Multi-label SVM for Trip Advisor and LDOS-CoMoDa Dataset.Furthermore,the accuracy of the proposed ANN achieves better results by 1.1%to 6.1%compared to other existing methods. 展开更多
关键词 recommendation agents context-aware recommender systems collaborative recommendation personalization systems optimized neural network-based contextual recommendation algorithm
在线阅读 下载PDF
上一页 1 2 105 下一页 到第
使用帮助 返回顶部