期刊文献+
共找到905篇文章
< 1 2 46 >
每页显示 20 50 100
RNN-Based Sequence-Aware Recommenders for Tourist Attractions
1
作者 Hee Jun Lee Yang Sok Kim +2 位作者 Won Seok Lee In Hyeok Choi Choong Kwon Lee 《CAAI Transactions on Intelligence Technology》 2025年第4期1077-1088,共12页
Selecting appropriate tourist attractions to visit in real time is an important problem for travellers.Since recommenders proactively suggest items based on user preference,they are a promising solution for this probl... Selecting appropriate tourist attractions to visit in real time is an important problem for travellers.Since recommenders proactively suggest items based on user preference,they are a promising solution for this problem.Travellers visit tourist attractions sequentially by considering multiple attributes at the same time.Therefore,it is desirable to consider this when developing recommenders for tourist attractions.Using GRU4REC,we proposed RNN-based sequence-aware recommenders(RNN-SARs)that use multiple sequence datasets for training the recommended model,named multi-RNN-SARs.We proposed two types of multi-RNN-SARs-concatenate-RNN-SARs and parallel-RNN-SARs.In order to evaluate multi-RNN-SARs,we compared hit rate(HR)and mean reciprocal rank(MRR)of the item-based collaborative filtering recommender(item-CFR),RNN-SAR with the single-sequence dataset(basic-RNN-SAR),multi-RNN-SARs and the state-of-the-art SARs using a real-world travel dataset.Our research shows that multi-RNN-SARs have significantly higher performances compared to item-CFR.Not all multi-RNNSARs outperform basic-RNN-SAR but the best multi-RNN-SAR achieves comparable performance to that of the state-of-the-art algorithms.These results highlight the importance of using multiple sequence datasets in RNN-SARs and the importance of choosing appropriate sequence datasets and learning methods for implementing multi-RNN-SARs in practice. 展开更多
关键词 personalized travel planning recommender system recurrent neural networks sequence aware recommender
在线阅读 下载PDF
Using Outlier Detection to Identify Grey-Sheep Users in Recommender Systems: AComparative Study
2
作者 Yong Zheng 《Computers, Materials & Continua》 2025年第6期4315-4328,共14页
A recommender system is a tool designed to suggest relevant items to users based on their preferences and behaviors.Collaborative filtering,a popular technique within recommender systems,predicts user interests by ana... A recommender system is a tool designed to suggest relevant items to users based on their preferences and behaviors.Collaborative filtering,a popular technique within recommender systems,predicts user interests by analyzing patterns in interactions and similarities between users,leveraging past behavior data to make personalized recommendations.Despite its popularity,collaborative filtering faces notable challenges,and one of them is the issue of grey-sheep users who have unusual tastes in the system.Surprisingly,existing research has not extensively explored outlier detection techniques to address the grey-sheep problem.To fill this research gap,this study conducts a comprehensive comparison of 12 outlier detectionmethods(such as LOF,ABOD,HBOS,etc.)and introduces innovative user representations aimed at improving the identification of outliers within recommender systems.More specifically,we proposed and examined three types of user representations:1)the distribution statistics of user-user similarities,where similarities were calculated based on users’rating vectors;2)the distribution statistics of user-user similarities,but with similarities derived from users represented by latent factors;and 3)latent-factor vector representations.Our experiments on the Movie Lens and Yahoo!Movie datasets demonstrate that user representations based on latent-factor vectors consistently facilitate the identification of more grey-sheep users when applying outlier detection methods. 展开更多
关键词 recommender system collaborative filtering grey-sheep users outlier detection
在线阅读 下载PDF
Ordered Clustering-Based Semantic Music Recommender System Using Deep Learning Selection
3
作者 Weitao Ha Sheng Gang +2 位作者 Yahya D.Navaei Abubakar S.Gezawa Yaser A.Nanehkaran 《Computers, Materials & Continua》 2025年第5期3025-3057,共33页
Music recommendation systems are essential due to the vast amount of music available on streaming platforms,which can overwhelm users trying to find new tracks that match their preferences.These systems analyze users... Music recommendation systems are essential due to the vast amount of music available on streaming platforms,which can overwhelm users trying to find new tracks that match their preferences.These systems analyze users’emotional responses,listening habits,and personal preferences to provide personalized suggestions.A significant challenge they face is the“cold start”problem,where new users have no past interactions to guide recommendations.To improve user experience,these systems aimto effectively recommendmusic even to such users by considering their listening behavior and music popularity.This paper introduces a novel music recommendation system that combines order clustering and a convolutional neural network,utilizing user comments and rankings as input.Initially,the system organizes users into clusters based on semantic similarity,followed by the utilization of their rating similarities as input for the convolutional neural network.This network then predicts ratings for unreviewed music by users.Additionally,the system analyses user music listening behaviour and music popularity.Music popularity can help to address cold start users as well.Finally,the proposed method recommends unreviewed music based on predicted high rankings and popularity,taking into account each user’s music listening habits.The proposed method combines predicted high rankings and popularity by first selecting popular unreviewedmusic that themodel predicts to have the highest ratings for each user.Among these,the most popular tracks are prioritized,defined by metrics such as frequency of listening across users.The number of recommended tracks is aligned with each user’s typical listening rate.The experimental findings demonstrate that the new method outperformed other classification techniques and prior recommendation systems,yielding a mean absolute error(MAE)rate and rootmean square error(RMSE)rate of approximately 0.0017,a hit rate of 82.45%,an average normalized discounted cumulative gain(nDCG)of 82.3%,and a prediction accuracy of new ratings at 99.388%. 展开更多
关键词 Music recommender system order clustering deep learning
在线阅读 下载PDF
A novel method for a technology enhanced learning recommender system considering changing user interest based on neural collaborative filtering
4
作者 Mohammad Mehran Lesan Sedgh Alimohammad Latif Sima Emadi 《Data Science and Management》 2025年第2期196-206,共11页
This study introduces an advanced recommender system for technology enhanced learning(TEL)that synergizes neural collaborative filtering,sentiment analysis,and an adaptive learning rate to address the limitations of t... This study introduces an advanced recommender system for technology enhanced learning(TEL)that synergizes neural collaborative filtering,sentiment analysis,and an adaptive learning rate to address the limitations of traditional TEL systems.Recognizing the critical gap in existing approaches—primarily their neglect of user emotional feedback and static learning paths—our model innovatively incorporates sentiment analysis to capture and respond to nuanced emotional feedback from users.Utilizing bidirectional encoder representations from Transformers for sentiment analysis,our system not only understands but also respects user privacy by processing feedback without revealing sensitive information.The adaptive learning rate,inspired by AdaGrad,allows our model to adjust its learning trajectory based on the sentiment scores associated with user feedback,ensuring a dynamic response to both positive and negative sentiments.This dual approach enhances the system’s adapt-ability to changing user preferences and improves its contentment understanding.Our methodology involves a comprehensive analysis of both the content of learning materials and the behaviors and preferences of learners,facilitating a more personalized learning experience.By dynamically adjusting recommendations based on real-time user data and behavioral analysis,our system leverages the collective insights of similar users and rele-vant content.We validated our approach against three datasets-MovieLens,Amazon,and a proprietary TEL dataset—and saw significant improvements in recommendation precision,F-score,and mean absolute error.The results indicate the potential of integrating sentiment analysis and adaptive learning rates into TEL recommender systems,marking a step forward in developing more responsive and user-centric educational technologies.This study paves the way for future advancements in TEL systems,emphasizing the importance of emotional intelli-gence and adaptability in enhancing the learning experience. 展开更多
关键词 Enhanced learning Recommendation system Neural collaborative filtering User interest
在线阅读 下载PDF
Joint Modeling of Citation Networks and User Preferences for Academic Tagging Recommender System
5
作者 Weiming Huang Baisong Liu Zhaoliang Wang 《Computers, Materials & Continua》 SCIE EI 2024年第6期4449-4469,共21页
In the tag recommendation task on academic platforms,existing methods disregard users’customized preferences in favor of extracting tags based just on the content of the articles.Besides,it uses co-occurrence techniq... In the tag recommendation task on academic platforms,existing methods disregard users’customized preferences in favor of extracting tags based just on the content of the articles.Besides,it uses co-occurrence techniques and tries to combine nodes’textual content for modelling.They still do not,however,directly simulate many interactions in network learning.In order to address these issues,we present a novel system that more thoroughly integrates user preferences and citation networks into article labelling recommendations.Specifically,we first employ path similarity to quantify the degree of similarity between user labelling preferences and articles in the citation network.Then,the Commuting Matrix for massive node pair paths is used to improve computational performance.Finally,the two commonalities mentioned above are combined with the interaction paper labels based on the additivity of Poisson distribution.In addition,we also consider solving the model’s parameters by applying variational inference.Experimental results demonstrate that our suggested framework agrees and significantly outperforms the state-of-the-art baseline on two real datasets by efficiently merging the three relational data.Based on the Area Under Curve(AUC)and Mean Average Precision(MAP)analysis,the performance of the suggested task is evaluated,and it is demonstrated to have a greater solving efficiency than current techniques. 展开更多
关键词 Collaborative filtering citation networks variational inference poisson factorization tag recommendation
在线阅读 下载PDF
Black⁃box adversarial attacks with imperceptible fake user profiles for recommender systems
6
作者 Qian Fulan Liu Jinggang +3 位作者 Chen Hai Chen Wenbin Zhao Shu Zhang Yanping 《南京大学学报(自然科学版)》 CSCD 北大核心 2024年第6期881-899,共19页
Attackers inject the designed adversarial sample into the target recommendation system to achieve illegal goals,seriously affecting the security and reliability of the recommendation system.It is difficult for attacke... Attackers inject the designed adversarial sample into the target recommendation system to achieve illegal goals,seriously affecting the security and reliability of the recommendation system.It is difficult for attackers to obtain detailed knowledge of the target model in actual scenarios,so using gradient optimization to generate adversarial samples in the local surrogate model has become an effective black‐box attack strategy.However,these methods suffer from gradients falling into local minima,limiting the transferability of the adversarial samples.This reduces the attack's effectiveness and often ignores the imperceptibility of the generated adversarial samples.To address these challenges,we propose a novel attack algorithm called PGMRS‐KL that combines pre‐gradient‐guided momentum gradient optimization strategy and fake user generation constrained by Kullback‐Leibler divergence.Specifically,the algorithm combines the accumulated gradient direction with the previous step's gradient direction to iteratively update the adversarial samples.It uses KL loss to minimize the distribution distance between fake and real user data,achieving high transferability and imperceptibility of the adversarial samples.Experimental results demonstrate the superiority of our approach over state‐of‐the‐art gradient‐based attack algorithms in terms of attack transferability and the generation of imperceptible fake user data. 展开更多
关键词 recommendation systems adversarial examples transferability imperceptible
在线阅读 下载PDF
Hybrid Recommender System Using Systolic Tree for Pattern Mining
7
作者 S.Rajalakshmi K.R.Santha 《Computer Systems Science & Engineering》 SCIE EI 2023年第2期1251-1262,共12页
A recommender system is an approach performed by e-commerce for increasing smooth users’experience.Sequential pattern mining is a technique of data mining used to identify the co-occurrence relationships by taking in... A recommender system is an approach performed by e-commerce for increasing smooth users’experience.Sequential pattern mining is a technique of data mining used to identify the co-occurrence relationships by taking into account the order of transactions.This work will present the implementation of sequence pattern mining for recommender systems within the domain of e-com-merce.This work will execute the Systolic tree algorithm for mining the frequent patterns to yield feasible rules for the recommender system.The feature selec-tion's objective is to pick a feature subset having the least feature similarity as well as highest relevancy with the target class.This will mitigate the feature vector's dimensionality by eliminating redundant,irrelevant,or noisy data.This work pre-sents a new hybrid recommender system based on optimized feature selection and systolic tree.The features were extracted using Term Frequency-Inverse Docu-ment Frequency(TF-IDF),feature selection with the utilization of River Forma-tion Dynamics(RFD),and the Particle Swarm Optimization(PSO)algorithm.The systolic tree is used for pattern mining,and based on this,the recommendations are given.The proposed methods were evaluated using the MovieLens dataset,and the experimental outcomes confirmed the efficiency of the techniques.It was observed that the RFD feature selection with systolic tree frequent pattern mining with collaborativefiltering,the precision of 0.89 was achieved. 展开更多
关键词 recommender systems hybrid recommender systems frequent pattern mining collaborativefiltering systolic tree river formation dynamics particle swarm optimization
在线阅读 下载PDF
An Ensemble Learning Recommender System for Interactive Platforms
8
作者 Bernabe Batchakui Basiliyos Tilahun Betru +1 位作者 Dieudonné Alain Biyong Lauris Djilo Tchuenkam 《World Journal of Engineering and Technology》 2022年第2期410-421,共12页
In interactive platforms, we often want to predict which items could be more relevant for users, either based on their previous interactions with the system or their preferences. Such systems are called Recommender Sy... In interactive platforms, we often want to predict which items could be more relevant for users, either based on their previous interactions with the system or their preferences. Such systems are called Recommender Systems. They are divided into three main groups, including content-based, collaborative and hybrid recommenders. In this paper, we focus on collaborative filtering and the improvement of the accuracy of its techniques. Then, we suggest an Ensemble Learning Recommender System model made of a probabilistic model and an efficient matrix factorization method. The interactions between users and the platform are scored by explicit and implicit scores. At each user session, implicit scores are used to train a probabilistic model to compute the maximum likelihood estimator for the probability that an item will be recommended in the next session. The explicit scores are used to know the impact of the user’s vote on an item at the time of the recommendation. 展开更多
关键词 Interactive Platforms recommender System Hybrid recommender Probabilistic Model Matrix Factorization
在线阅读 下载PDF
An E-Commerce Recommender System Based on Click and Purchase Data to Items and Considered of Interest Shifting of Customers 被引量:3
9
作者 Duo Lin Wu Zhaoxia XU Shenggang 《China Communications》 SCIE CSCD 2015年第S2期72-82,共11页
A well-performed recommender system for an e-commerce web site can help customers easily find favorite items and then increase the turnover of merchants, hence it is important for both customers and merchants. In most... A well-performed recommender system for an e-commerce web site can help customers easily find favorite items and then increase the turnover of merchants, hence it is important for both customers and merchants. In most of the existing recommender systems, only the purchase information is utilized data and the navigational and behavioral data are seldom concerned. In this paper, we design a novel recommender system for comprehensive online shopping sites. In the proposed recommender system, the navigational and behavioral data, such as access, click, read, and purchase information of a customer, are utilized to calculate the preference degree to each item; then items with larger preference degrees are recommended to the customer. The proposed method has several innovations and two of them are more remarkable: one is that nonexpendable items are distinguished from expendable ones and handled by a different way; another is that the interest shifting of customers are considered. Lastly, we structure an example to show the operation procedure and the performance of the proposed recommender system. The results show that the proposed recommender method with considering interest shifting is superior to Kim et al(2011) method and the method without considering interest shifting. 展开更多
关键词 recommender system online SHOPPING E-COMMERCE preference degree
在线阅读 下载PDF
Adversarial Attacks on Content-Based Filtering Journal Recommender Systems 被引量:4
10
作者 Zhaoquan Gu Yinyin Cai +5 位作者 Sheng Wang Mohan Li Jing Qiu Shen Su Xiaojiang Du Zhihong Tian 《Computers, Materials & Continua》 SCIE EI 2020年第9期1755-1770,共16页
Recommender systems are very useful for people to explore what they really need.Academic papers are important achievements for researchers and they often have a great deal of choice to submit their papers.In order to ... Recommender systems are very useful for people to explore what they really need.Academic papers are important achievements for researchers and they often have a great deal of choice to submit their papers.In order to improve the efficiency of selecting the most suitable journals for publishing their works,journal recommender systems(JRS)can automatically provide a small number of candidate journals based on key information such as the title and the abstract.However,users or journal owners may attack the system for their own purposes.In this paper,we discuss about the adversarial attacks against content-based filtering JRS.We propose both targeted attack method that makes some target journals appear more often in the system and non-targeted attack method that makes the system provide incorrect recommendations.We also conduct extensive experiments to validate the proposed methods.We hope this paper could help improve JRS by realizing the existence of such adversarial attacks. 展开更多
关键词 Journal recommender system adversarial attacks Rocchio algorithm k-nearest-neighbor algorithm
在线阅读 下载PDF
An E-Commerce Recommender System Based on Content-Based Filtering 被引量:3
11
作者 HE Weihong CAO Yi 《Wuhan University Journal of Natural Sciences》 CAS 2006年第5期1091-1096,共6页
Content-based filtering E-commerce recommender system was discussed fully in this paper. Users' unique features can be explored by means of vector space model firstly. Then based on the qualitative value of products ... Content-based filtering E-commerce recommender system was discussed fully in this paper. Users' unique features can be explored by means of vector space model firstly. Then based on the qualitative value of products informa tion, the recommender lists were obtained. Since the system can adapt to the users' feedback automatically, its performance were enhanced comprehensively. Finally the evaluation of the system and the experimental results were presented. 展开更多
关键词 E-COMMERCE recommender system personalized recommendation content-based filtering Vector Spatial Model(VSM)
在线阅读 下载PDF
Collaborative Filtering Algorithms Based on Kendall Correlation in Recommender Systems 被引量:3
12
作者 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
A Probabilistic Rating Prediction and Explanation Inference Model for Recommender Systems 被引量:3
13
作者 WANG Hanshi FU Qiujie +1 位作者 LIU Lizhen SONG Wei 《China Communications》 SCIE CSCD 2016年第2期79-94,共16页
Collaborative Filtering(CF) is a leading approach to build recommender systems which has gained considerable development and popularity. A predominant approach to CF is rating prediction recommender algorithm, aiming ... Collaborative Filtering(CF) is a leading approach to build recommender systems which has gained considerable development and popularity. A predominant approach to CF is rating prediction recommender algorithm, aiming to predict a user's rating for those items which were not rated yet by the user. However, with the increasing number of items and users, thedata is sparse.It is difficult to detectlatent closely relation among the items or users for predicting the user behaviors. In this paper,we enhance the rating prediction approach leading to substantial improvement of prediction accuracy by categorizing according to the genres of movies. Then the probabilities that users are interested in the genres are computed to integrate the prediction of each genre cluster. A novel probabilistic approach based on the sentiment analysis of the user reviews is also proposed to give intuitional explanations of why an item is recommended.To test the novel recommendation approach, a new corpus of user reviews on movies obtained from the Internet Movies Database(IMDB) has been generated. Experimental results show that the proposed framework is effective and achieves a better prediction performance. 展开更多
关键词 collaborative filtering recommendersystems rating prediction sentiment analysis matrix factorization recommendation explanation
在线阅读 下载PDF
Applying memetic algorithm-based clustering to recommender system with high sparsity problem 被引量:2
14
作者 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
Hybrid Recommender System Incorporating Weighted Social Trust and Item Tags 被引量:2
15
作者 ZHU Wenqiang 《Wuhan University Journal of Natural Sciences》 CAS CSCD 2020年第2期118-128,共11页
With the rapid development of social network in recent years, a huge number of social information has been produced. As traditional recommender systems often face data sparsity and cold-start problem, the use of socia... With the rapid development of social network in recent years, a huge number of social information has been produced. As traditional recommender systems often face data sparsity and cold-start problem, the use of social information has attracted many researchers' attention to improve the prediction accuracy of recommender systems. Social trust and social relation have been proven useful to improve the performance of recommendation. Based on the classic collaborative filtering technique, we propose a PCCTTF recommender method that takes the rating time of users, social trust among users, and item tags into consideration, then do the item recommending. Experimental results show that the PCCTTF method has better prediction accuracy than classical collaborative filtering technique and the state-of-the-art recommender methods, and can also effectively alleviate data sparsity and cold-start problem. Furthermore, the PCCTTF method has better performance than all the compared methods while counting against shilling attacks. 展开更多
关键词 recommender systems social trust collaborative filtering item tags
原文传递
Fuzzy-Weighted Similarity Measures for Memory-Based Collaborative Recommender Systems 被引量:4
16
作者 Mohammad Yahya H. Al-Shamri Nagi H. Al-Ashwal 《Journal of Intelligent Learning Systems and Applications》 2014年第1期1-10,共10页
Memory-based collaborative recommender system (CRS) computes the similarity between users based on their declared ratings. However, not all ratings are of the same importance to the user. The set of ratings each user ... Memory-based collaborative recommender system (CRS) computes the similarity between users based on their declared ratings. However, not all ratings are of the same importance to the user. The set of ratings each user weights highly differs from user to user according to his mood and taste. This is usually reflected in the user’s rating scale. Accordingly, many efforts have been done to introduce weights to the similarity measures of CRSs. This paper proposes fuzzy weightings for the most common similarity measures for memory-based CRSs. Fuzzy weighting can be considered as a learning mechanism for capturing the preferences of users for ratings. Comparing with genetic algorithm learning, fuzzy weighting is fast, effective and does not require any more space. Moreover, fuzzy weightings based on the rating deviations from the user’s mean of ratings take into account the different rating scales of different users. The experimental results show that fuzzy weightings obviously improve the CRSs performance to a good extent. 展开更多
关键词 COLLABORATIVE recommender Systems Pearson Correlation Coefficient COSINE SIMILARITY MEASURE Mean Difference Weights SIMILARITY MEASURE FUZZY Weighting
在线阅读 下载PDF
FedRec:Trusted rank-based recommender scheme for service provisioning in federated cloud environment 被引量:1
17
作者 Ashwin Verma Pronaya Bhattacharya +3 位作者 Umesh Bodkhe Deepti Saraswat Sudeep Tanwar Kapal Dev 《Digital Communications and Networks》 SCIE CSCD 2023年第1期33-46,共14页
The emergence of on-demand service provisioning by Federated Cloud Providers(FCPs)to Cloud Users(CU)has fuelled significant innovations in cloud provisioning models.Owing to the massive traffic,massive CU resource req... The emergence of on-demand service provisioning by Federated Cloud Providers(FCPs)to Cloud Users(CU)has fuelled significant innovations in cloud provisioning models.Owing to the massive traffic,massive CU resource requests are sent to FCPs,and appropriate service recommendations are sent by FCPs.Currently,the FourthGeneration(4G)-Long Term Evolution(LTE)network faces bottlenecks that affect end-user throughput and latency.Moreover,the data is exchanged among heterogeneous stakeholders,and thus trust is a prime concern.To address these limitations,the paper proposes a Blockchain(BC)-leveraged rank-based recommender scheme,FedRec,to expedite secure and trusted Cloud Service Provisioning(CSP)to the CU through the FCP at the backdrop of base 5G communication service.The scheme operates in three phases.In the first phase,a BCintegrated request-response broker model is formulated between the CU,Cloud Brokers(BR),and the FCP,where a CU service request is forwarded through the BR to different FCPs.For service requests,Anything-as-aService(XaaS)is supported by 5G-enhanced Mobile Broadband(eMBB)service.In the next phase,a weighted matching recommender model is proposed at the FCP sites based on a novel Ranking-Based Recommender(RBR)model based on the CU requests.In the final phase,based on the matching recommendations between the CU and the FCP,Smart Contracts(SC)are executed,and resource provisioning data is stored in the Interplanetary File Systems(IPFS)that expedite the block validations.The proposed scheme FedRec is compared in terms of SC evaluation and formal verification.In simulation,FedRec achieves a reduction of 27.55%in chain storage and a transaction throughput of 43.5074 Mbps at 150 blocks.For the IPFS,we have achieved a bandwidth improvement of 17.91%.In the RBR models,the maximum obtained hit ratio is 0.9314 at 200 million CU requests,showing an improvement of 1.2%in average servicing latency over non-RBR models and a maximization trade-off of QoE index of 2.7688 at the flow request 1.088 and at granted service price of USD 1.559 million to FCP for provided services.The obtained results indicate the viability of the proposed scheme against traditional approaches. 展开更多
关键词 Blockchain 5G-enhanced mobile broadband Federated clouds Rank-based recommender model Smart contracts
在线阅读 下载PDF
Recommender System for Configuration Management Process of Entrepreneurial Software Designing Firms 被引量:1
18
作者 Muhammad Wajeeh Uz Zaman Yaser Hafeez +5 位作者 Shariq Hussain Haris Anwaar Shunkun Yang Sadia Ali Aaqif Afzaal Abbasi Oh-Young Song 《Computers, Materials & Continua》 SCIE EI 2021年第5期2373-2391,共19页
The rapid growth in software demand incentivizes software development organizations to develop exclusive software for their customers worldwide.This problem is addressed by the software development industry by softwar... The rapid growth in software demand incentivizes software development organizations to develop exclusive software for their customers worldwide.This problem is addressed by the software development industry by software product line(SPL)practices that employ feature models.However,optimal feature selection based on user requirements is a challenging task.Thus,there is a requirement to resolve the challenges of software development,to increase satisfaction and maintain high product quality,for massive customer needs within limited resources.In this work,we propose a recommender system for the development team and clients to increase productivity and quality by utilizing historical information and prior experiences of similar developers and clients.The proposed system recommends features with their estimated cost concerning new software requirements,from all over the globe according to similar developers’and clients’needs and preferences.The system guides and facilitates the development team by suggesting a list of features,code snippets,libraries,cheat sheets of programming languages,and coding references from a cloud-based knowledge management repository.Similarly,a list of features is suggested to the client according to their needs and preferences.The experimental results revealed that the proposed recommender system is feasible and effective,providing better recommendations to developers and clients.It provides proper and reasonably well-estimated costs to perform development tasks effectively as well as increase the client’s satisfaction level.The results indicate that there is an increase in productivity,performance,and quality of products and a reduction in effort,complexity,and system failure.Therefore,our proposed system facilitates developers and clients during development by providing better recommendations in terms of solutions and anticipated costs.Thus,the increase in productivity and satisfaction level maximizes the benefits and usability of SPL in the modern era of technology. 展开更多
关键词 Feature selection recommender system software reuse configuration management
在线阅读 下载PDF
Non-liD Recommender Systems: A Review and Framework of Recommendation Paradigm Shifting 被引量:8
19
作者 Longbing Cao 《Engineering》 SCIE EI 2016年第2期212-224,共13页
While recommendation plays an increasingly critical role in our living, study, work, and entertainment, the recommendations we receive are often for irrelevant, duplicate, or uninteresting products and ser- vices. A c... While recommendation plays an increasingly critical role in our living, study, work, and entertainment, the recommendations we receive are often for irrelevant, duplicate, or uninteresting products and ser- vices. A critical reason for such bad recommendations lies in the intrinsic assumption that recommend- ed users and items are independent and identically distributed (liD) in existing theories and systems. Another phenomenon is that, while tremendous efforts have been made to model specific aspects of users or items, the overall user and item characteristics and their non-IIDness have been overlooked. In this paper, the non-liD nature and characteristics of recommendation are discussed, followed by the non-liD theoretical framework in order to build a deep and comprehensive understanding of the in- trinsic nature of recommendation problems, from the perspective of both couplings and heterogeneity. This non-liD recommendation research triggers the paradigm shift from lid to non-liD recommendation research and can hopefully deliver informed, relevant, personalized, and actionable recommendations. It creates exciting new directions and fundamental solutions to address various complexities including cold-start, sparse data-based, cross-domain, group-based, and shilling attack-related issues. 展开更多
关键词 Independent and identically distributed (liD)Non-liDHeterogeneityCoupling relationshipCoupling learningRelational learningllDness learningNon-IIDness learningrecommender systemRecommendationNon-liD recommendation
在线阅读 下载PDF
Customization Using Fuzzy Recommender Systems 被引量:1
20
作者 Ronald R. Yager 《Journal of Donghua University(English Edition)》 EI CAS 2004年第3期9-14,共6页
We discuss some methods for constructing recommender systems. An important feature of the methods studied here is that we assume the availability of a description, representation, of the objects being considered for r... We discuss some methods for constructing recommender systems. An important feature of the methods studied here is that we assume the availability of a description, representation, of the objects being considered for recommendation. The approaches studied here differ from collaborative filtering in that we only use preferences information from the individual for whom we are providing the recommendation and make no use the preferences of other collaborators. We provide a detailed discussion of the construction of the representation schema used. We consider two sources of information about the users preferences. The first are direct statements about the type of objects the user likes. The second source of information comes from ratings of objects which the user has experienced. 展开更多
关键词 recommender system fuzzy logic preference.
在线阅读 下载PDF
上一页 1 2 46 下一页 到第
使用帮助 返回顶部