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.展开更多
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.展开更多
The exponential growth of over-the-top(OTT)entertainment has fueled a surge in content consumption across diverse formats,especially in regional Indian languages.With the Indian film industry producing over 1500 films...The exponential growth of over-the-top(OTT)entertainment has fueled a surge in content consumption across diverse formats,especially in regional Indian languages.With the Indian film industry producing over 1500 films annually in more than 20 languages,personalized recommendations are essential to highlight relevant content.To overcome the limitations of traditional recommender systems-such as static latent vectors,poor handling of cold-start scenarios,and the absence of uncertainty modeling-we propose a deep Collaborative Neural Generative Embedding(C-NGE)model.C-NGE dynamically learns user and item representations by integrating rating information and metadata features in a unified neural framework.It uses metadata as sampled noise and applies the reparameterization trick to capture latent patterns better and support predictions for new users or items without retraining.We evaluate CNGE on the Indian Regional Movies(IRM)dataset,along with MovieLens 100 K and 1 M.Results show that our model consistently outperforms several existing methods,and its extensibility allows for incorporating additional signals like user reviews and multimodal data to enhance recommendation quality.展开更多
The accurate selection of operational parameters is critical for ensuring the safety,efficiency,and automation of Tunnel Boring Machine(TBM)operations.This study proposes a similarity-based framework integrating model...The accurate selection of operational parameters is critical for ensuring the safety,efficiency,and automation of Tunnel Boring Machine(TBM)operations.This study proposes a similarity-based framework integrating model-based boring indexes(derived from rock fragmentation mechanisms)and Euclidean distance analysis to achieve real-time recommendations of TBM operational parameters.Key performance indicators-thrust(F),torque(T),and penetration(p)-were used to calculate three model-based boring indexes(a,b,k),which quantify dynamic rock fragmentation behavior.A dataset of 359 candidate samples,reflecting diverse geological conditions from the Yin-Chao water conveyance project in Inner Mongolia,China,was utilized to validate the framework.The system dynamically recommends parameters by matching real-time data with historical cases through standardized Euclidean distance,achieving high accuracy.Specifically,the mean absolute error(MAE)for rotation speed(n)was 0.10 r/min,corresponding to a mean absolute percentage error(MAPE)of 1.09%.For advance rate(v),the MAE was 3.4 mm/min,with a MAPE of 4.50%.The predicted thrust(F)and torque(T)values exhibited strong agreement with field measurements,with MAEs of 270 kN and 178 kN∙m,respectively.Field applications demonstrated a 30%reduction in parameter adjustment time compared to empirical methods.This work provides a robust solution for real-time TBM control,advancing intelligent tunneling in complex geological environments.展开更多
Recommendation systems(RSs)are crucial in personalizing user experiences in digital environments by suggesting relevant content or items.Collaborative filtering(CF)is a widely used personalization technique that lever...Recommendation systems(RSs)are crucial in personalizing user experiences in digital environments by suggesting relevant content or items.Collaborative filtering(CF)is a widely used personalization technique that leverages user-item interactions to generate recommendations.However,it struggles with challenges like the cold-start problem,scalability issues,and data sparsity.To address these limitations,we develop a Graph Convolutional Networks(GCNs)model that captures the complex network of interactions between users and items,identifying subtle patterns that traditional methods may overlook.We integrate this GCNs model into a federated learning(FL)framework,enabling themodel to learn fromdecentralized datasets.This not only significantly enhances user privacy—a significant improvement over conventionalmodels but also reassures users about the safety of their data.Additionally,by securely incorporating demographic information,our approach further personalizes recommendations and mitigates the coldstart issue without compromising user data.We validate our RSs model using the openMovieLens dataset and evaluate its performance across six key metrics:Precision,Recall,Area Under the Receiver Operating Characteristic Curve(ROC-AUC),F1 Score,Normalized Discounted Cumulative Gain(NDCG),and Mean Reciprocal Rank(MRR).The experimental results demonstrate significant enhancements in recommendation quality,underscoring that combining GCNs with CF in a federated setting provides a transformative solution for advanced recommendation systems.展开更多
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%.展开更多
Urban traffic control is a multifaceted and demanding task that necessitates extensive decision-making to ensure the safety and efficiency of urban transportation systems.Traditional approaches require traffic signal ...Urban traffic control is a multifaceted and demanding task that necessitates extensive decision-making to ensure the safety and efficiency of urban transportation systems.Traditional approaches require traffic signal professionals to manually intervene on traffic control devices at the intersection level,utilizing their knowledge and expertise.However,this process is cumbersome,labor-intensive,and cannot be applied on a large network scale.Recent studies have begun to explore the applicability of recommendation system for urban traffic control,which offer increased control efficiency and scalability.Such a decision recommendation system is complex,with various interdependent components,but a systematic literature review has not yet been conducted.In this work,we present an up-to-date survey that elucidates all the detailed components of a recommendation system for urban traffic control,demonstrates the utility and efficacy of such a system in the real world using data and knowledgedriven approaches,and discusses the current challenges and potential future directions of this field.展开更多
More and more accounts or devices are shared by multiple users in video applications,which makes it difficult to provide recommendation service.Existing recommendation schemes overlook multiuser sharing scenarios,and ...More and more accounts or devices are shared by multiple users in video applications,which makes it difficult to provide recommendation service.Existing recommendation schemes overlook multiuser sharing scenarios,and they cannot make effective use of the mixed information generated by multi-user when exploring users’potential interests.To solve these problems,this paper proposes an adaptive program recommendation system for multi-user sharing environment.Specifically,we first design an offline periodic identification module by building multi-user features and periodically predicting target user in future sessions,which can separate the profile of target user from mixed log records.Subsequently,an online recommendation module with adaptive timevarying exploration strategy is constructed by jointly using personal information and multi-user social information provided by identification module.On one hand,to learn the dynamic changes in user-interest,a time-varying linear upper confidence bound(LinUCB)based on personal information is designed.On the other hand,to reduce the risk of exploration,a timeinvariant LinUCB based on separated multi-user social information from one account/device is proposed to compute the quality scores of programs for each user,which is integrated into the time-varying LinUCB by cross-weighting strategy.Finally,experimental results validate the efficiency of the proposed scheme.展开更多
Recognizing human activity(HAR)from data in a smartphone sensor plays an important role in the field of health to prevent chronic diseases.Daily and weekly physical activities are recorded on the smartphone and tell t...Recognizing human activity(HAR)from data in a smartphone sensor plays an important role in the field of health to prevent chronic diseases.Daily and weekly physical activities are recorded on the smartphone and tell the user whether he is moving well or not.Typically,smartphones and their associated sensing devices operate in distributed and unstable environments.Therefore,collecting their data and extracting useful information is a significant challenge.In this context,the aimof this paper is twofold:The first is to analyze human behavior based on the recognition of physical activities.Using the results of physical activity detection and classification,the second part aims to develop a health recommendation system to notify smartphone users about their healthy physical behavior related to their physical activities.This system is based on the calculation of calories burned by each user during physical activities.In this way,conclusions can be drawn about a person’s physical behavior by estimating the number of calories burned after evaluating data collected daily or even weekly following a series of physical workouts.To identify and classify human behavior our methodology is based on artificial intelligence models specifically deep learning techniques like Long Short-Term Memory(LSTM),stacked LSTM,and bidirectional LSTM.Since human activity data contains both spatial and temporal information,we proposed,in this paper,to use of an architecture allowing the extraction of the two types of information simultaneously.While Convolutional Neural Networks(CNN)has an architecture designed for spatial information,our idea is to combine CNN with LSTM to increase classification accuracy by taking into consideration the extraction of both spatial and temporal data.The results obtained achieved an accuracy of 96%.On the other side,the data learned by these algorithms is prone to error and uncertainty.To overcome this constraint and improve performance(96%),we proposed to use the fusion mechanisms.The last combines deep learning classifiers tomodel non-accurate and ambiguous data to obtain synthetic information to aid in decision-making.The Voting and Dempster-Shafer(DS)approaches are employed.The results showed that fused classifiers based on DS theory outperformed individual classifiers(96%)with the highest accuracy level of 98%.Also,the findings disclosed that participants engaging in physical activities are healthy,showcasing a disparity in the distribution of physical activities between men and women.展开更多
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.展开更多
The relationship between users and items,which cannot be recovered by traditional techniques,can be extracted by the recommendation algorithm based on the graph convolution network.The current simple linear combinatio...The relationship between users and items,which cannot be recovered by traditional techniques,can be extracted by the recommendation algorithm based on the graph convolution network.The current simple linear combination of these algorithms may not be sufficient to extract the complex structure of user interaction data.This paper presents a new approach to address such issues,utilizing the graph convolution network to extract association relations.The proposed approach mainly includes three modules:Embedding layer,forward propagation layer,and score prediction layer.The embedding layer models users and items according to their interaction information and generates initial feature vectors as input for the forward propagation layer.The forward propagation layer designs two parallel graph convolution networks with self-connections,which extract higher-order association relevance from users and items separately by multi-layer graph convolution.Furthermore,the forward propagation layer integrates the attention factor to assign different weights among the hop neighbors of the graph convolution network fusion,capturing more comprehensive association relevance between users and items as input for the score prediction layer.The score prediction layer introduces MLP(multi-layer perceptron)to conduct non-linear feature interaction between users and items,respectively.Finally,the prediction score of users to items is obtained.The recall rate and normalized discounted cumulative gain were used as evaluation indexes.The proposed approach effectively integrates higher-order information in user entries,and experimental analysis demonstrates its superiority over the existing algorithms.展开更多
Traditional e-commerce recommendation systems often struggle with dynamic user preferences and a vast array of products,leading to suboptimal user experiences.To address this,our study presents a Personalized Adaptive...Traditional e-commerce recommendation systems often struggle with dynamic user preferences and a vast array of products,leading to suboptimal user experiences.To address this,our study presents a Personalized Adaptive Multi-Product Recommendation System(PAMR)leveraging transfer learning and Bi-GRU(Bidirectional Gated Recurrent Units).Using a large dataset of user reviews from Amazon and Flipkart,we employ transfer learning with pre-trained models(AlexNet,GoogleNet,ResNet-50)to extract high-level attributes from product data,ensuring effective feature representation even with limited data.Bi-GRU captures both spatial and sequential dependencies in user-item interactions.The innovation of this study lies in the innovative feature fusion technique that combines the strengths of multiple transfer learning models,and the integration of an attention mechanism within the Bi-GRU framework to prioritize relevant features.Our approach addresses the classic recommendation systems that often face challenges such as cold start along with data sparsity difficulties,by utilizing robust user and item representations.The model demonstrated an accuracy of up to 96.9%,with precision and an F1-score of 96.2%and 96.97%,respectively,on the Amazon dataset,significantly outperforming the baselines and marking a considerable advancement over traditional configurations.This study highlights the effectiveness of combining transfer learning with Bi-GRU for scalable and adaptive recommendation systems,providing a versatile solution for real-world applications.展开更多
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 Information Systems(RIS)are pivotal in helping users in swiftly locating desired content from the vast amount of information available on the Internet.Graph Convolution Network(GCN)algorithms have been ...Recommendation Information Systems(RIS)are pivotal in helping users in swiftly locating desired content from the vast amount of information available on the Internet.Graph Convolution Network(GCN)algorithms have been employed to implement the RIS efficiently.However,the GCN algorithm faces limitations in terms of performance enhancement owing to the due to the embedding value-vanishing problem that occurs during the learning process.To address this issue,we propose a Weighted Forwarding method using the GCN(WF-GCN)algorithm.The proposed method involves multiplying the embedding results with different weights for each hop layer during graph learning.By applying the WF-GCN algorithm,which adjusts weights for each hop layer before forwarding to the next,nodes with many neighbors achieve higher embedding values.This approach facilitates the learning of more hop layers within the GCN framework.The efficacy of the WF-GCN was demonstrated through its application to various datasets.In the MovieLens dataset,the implementation of WF-GCN in LightGCN resulted in significant performance improvements,with recall and NDCG increasing by up to+163.64%and+132.04%,respectively.Similarly,in the Last.FM dataset,LightGCN using WF-GCN enhanced with WF-GCN showed substantial improvements,with the recall and NDCG metrics rising by up to+174.40%and+169.95%,respectively.Furthermore,the application of WF-GCN to Self-supervised Graph Learning(SGL)and Simple Graph Contrastive Learning(SimGCL)also demonstrated notable enhancements in both recall and NDCG across these datasets.展开更多
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.展开更多
With the rapid development of electric vehicles,the requirements for charging stations are getting higher and higher.In this study,we constructed a charging station topology network inNanjing through the Space-L metho...With the rapid development of electric vehicles,the requirements for charging stations are getting higher and higher.In this study,we constructed a charging station topology network inNanjing through the Space-L method,mapping charging stations as network nodes and constructing edges through road relationships.The experiment introduced five EV charging recommendation strategies(based on distance,number of fast charging piles,user preference,price,and overall rating)used to simulate disordered charging caused by different user preferences,and the impact of the networkdynamic robustness in case of node failure is exploredby simulating the load-capacity cascade failure model.In this paper,two important metrics for evaluating network robustness are selected:the relative size of the maximum connected subgraph and the network efficiency.The experimental results point out that in the price recommendation strategy,the network stability significantly decreases when the node failure ratio reaches 75.4%,while the fast charging quantity recommendation strategy significantly decreases when the node failure ratio is 62.3%.Therefore,the robustness of the charging station network is best under the price recommendation,while the network robustness is poor under the fast charging quantity recommendation.While the network robustness is poor under preference recommendation.Based on this finding,this study particularly emphasizes that in the process of improving the robustness of the charging station network,it is necessary to comprehensively consider the market demand and guide users to charge in an orderly manner by reasonably adjusting the price strategy.This strategy not only effectively prevents network stability problems that may result fromdisorderly charging behavior,but also enhances the ability of the charging network to resist node failure and improves the overall dynamic robustness of the network.展开更多
Today, recommendation systems are everywhere, making a variety of activities considerably more manageable. These systems help users by personalizing their suggestions to their interests and needs. They can propose var...Today, recommendation systems are everywhere, making a variety of activities considerably more manageable. These systems help users by personalizing their suggestions to their interests and needs. They can propose various goods, including music, courses, articles, agricultural products, fertilizers, books, movies, and foods. In the case of research articles, recommendation algorithms play an essential role in minimizing the time required for researchers to find relevant articles. Despite multiple challenges, these systems must solve serious issues such as the cold-start problem, article privacy, and changing user interests. This research addresses these issues through the use of two techniques: hybrid recommendation systems and COOT optimization. To generate article recommendations, a hybrid recommendation system integrates features from content-based and graph-based recommendation systems. COOT optimization is used to optimize the results, inspired by the movement of water birds. The proposed method combines a graph-based recommendation system with COOT optimization to increase accuracy and reduce result inaccuracies. When compared to the baseline approaches described, the model provided in this study improves precision by 2.3%, recall by 1.6%, and mean reciprocal rank (MRR) by 5.7%.展开更多
This research paper has provided the methodology and design for implementing the hybrid author recommender system using Azure Data Lake Analytics and Power BI. It offers a recommendation for the top 1000 Authors of co...This research paper has provided the methodology and design for implementing the hybrid author recommender system using Azure Data Lake Analytics and Power BI. It offers a recommendation for the top 1000 Authors of computer science in different fields of study. The technique used in this paper is handling the inadequate Information for citation;it removes the problem of cold start, which is encountered by very many other recommender systems. In this paper, abstracts, the titles, and the Microsoft academic graphs have been used in coming up with the recommendation list for every document, which is used to combine the content-based approaches and the co-citations. Prioritization and the blending of every technique have been allowed by the tuning system parameters, allowing for the authority in results of recommendation versus the paper novelty. In the end, we do observe that there is a direct correlation between the similarity rankings that have been produced by the system and the scores of the participant. The results coming from the associated scrips of analysis and the user survey have been made available through the recommendation system. Managers must gain the required expertise to fully utilize the benefits that come with business intelligence systems [1]. Data mining has become an important tool for managers that provides insights about their daily operations and leverage the information provided by decision support systems to improve customer relationships [2]. Additionally, managers require business intelligence systems that can rank the output in the order of priority. Ranking algorithm can replace the traditional data mining algorithms that will be discussed in-depth in the literature review [3].展开更多
The rapid development of short video platforms poses new challenges for traditional recommendation systems.Recommender systems typically depend on two types of user behavior feedback to construct user interest profile...The rapid development of short video platforms poses new challenges for traditional recommendation systems.Recommender systems typically depend on two types of user behavior feedback to construct user interest profiles:explicit feedback(interactive behavior),which significantly influences users’short-term interests,and implicit feedback(viewing time),which substantially affects their long-term interests.However,the previous model fails to distinguish between these two feedback methods,leading it to predict only the overall preferences of users based on extensive historical behavior sequences.Consequently,it cannot differentiate between users’long-term and shortterm interests,resulting in low accuracy in describing users’interest states and predicting the evolution of their interests.This paper introduces a video recommendationmodel calledCAT-MFRec(CrossAttention Transformer-Mixed Feedback Recommendation)designed to differentiate between explicit and implicit user feedback within the DIEN(Deep Interest Evolution Network)framework.This study emphasizes the separate learning of the two types of behavioral feedback,effectively integrating them through the cross-attention mechanism.Additionally,it leverages the long sequence dependence capabilities of Transformer technology to accurately construct user interest profiles and predict the evolution of user interests.Experimental results indicate that CAT-MF Rec significantly outperforms existing recommendation methods across various performance indicators.This advancement offers new theoretical and practical insights for the development of video recommendations,particularly in addressing complex and dynamic user behavior patterns.展开更多
In the Internet era,recommendation systems play a crucial role in helping users find relevant information from large datasets.Class imbalance is known to severely affect data quality,and therefore reduce the performan...In the Internet era,recommendation systems play a crucial role in helping users find relevant information from large datasets.Class imbalance is known to severely affect data quality,and therefore reduce the performance of recommendation systems.Due to the imbalance,machine learning algorithms tend to classify inputs into the positive(majority)class every time to achieve high prediction accuracy.Imbalance can be categorized such as by features and classes,but most studies consider only class imbalance.In this paper,we propose a recommendation system that can integrate multiple networks to adapt to a large number of imbalanced features and can deal with highly skewed and imbalanced datasets through a loss function.We propose a loss aware feature attention mechanism(LAFAM)to solve the issue of feature imbalance.The network incorporates an attention mechanism and uses multiple sub-networks to classify and learn features.For better results,the network can learn the weights of sub-networks and assign higher weights to important features.We propose suppression loss to address class imbalance,which favors negative loss by penalizing positive loss,and pays more attention to sample points near the decision boundary.Experiments on two large-scale datasets verify that the performance of the proposed system is greatly improved compared to baseline methods.展开更多
文摘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.
文摘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.
文摘The exponential growth of over-the-top(OTT)entertainment has fueled a surge in content consumption across diverse formats,especially in regional Indian languages.With the Indian film industry producing over 1500 films annually in more than 20 languages,personalized recommendations are essential to highlight relevant content.To overcome the limitations of traditional recommender systems-such as static latent vectors,poor handling of cold-start scenarios,and the absence of uncertainty modeling-we propose a deep Collaborative Neural Generative Embedding(C-NGE)model.C-NGE dynamically learns user and item representations by integrating rating information and metadata features in a unified neural framework.It uses metadata as sampled noise and applies the reparameterization trick to capture latent patterns better and support predictions for new users or items without retraining.We evaluate CNGE on the Indian Regional Movies(IRM)dataset,along with MovieLens 100 K and 1 M.Results show that our model consistently outperforms several existing methods,and its extensibility allows for incorporating additional signals like user reviews and multimodal data to enhance recommendation quality.
基金supported by the National Key R&D Program of China(2022YFE0200400).
文摘The accurate selection of operational parameters is critical for ensuring the safety,efficiency,and automation of Tunnel Boring Machine(TBM)operations.This study proposes a similarity-based framework integrating model-based boring indexes(derived from rock fragmentation mechanisms)and Euclidean distance analysis to achieve real-time recommendations of TBM operational parameters.Key performance indicators-thrust(F),torque(T),and penetration(p)-were used to calculate three model-based boring indexes(a,b,k),which quantify dynamic rock fragmentation behavior.A dataset of 359 candidate samples,reflecting diverse geological conditions from the Yin-Chao water conveyance project in Inner Mongolia,China,was utilized to validate the framework.The system dynamically recommends parameters by matching real-time data with historical cases through standardized Euclidean distance,achieving high accuracy.Specifically,the mean absolute error(MAE)for rotation speed(n)was 0.10 r/min,corresponding to a mean absolute percentage error(MAPE)of 1.09%.For advance rate(v),the MAE was 3.4 mm/min,with a MAPE of 4.50%.The predicted thrust(F)and torque(T)values exhibited strong agreement with field measurements,with MAEs of 270 kN and 178 kN∙m,respectively.Field applications demonstrated a 30%reduction in parameter adjustment time compared to empirical methods.This work provides a robust solution for real-time TBM control,advancing intelligent tunneling in complex geological environments.
基金funded by Soonchunhyang University,Grant Numbers 20241422BK21 FOUR(Fostering Outstanding Universities for Research,Grant Number 5199990914048).
文摘Recommendation systems(RSs)are crucial in personalizing user experiences in digital environments by suggesting relevant content or items.Collaborative filtering(CF)is a widely used personalization technique that leverages user-item interactions to generate recommendations.However,it struggles with challenges like the cold-start problem,scalability issues,and data sparsity.To address these limitations,we develop a Graph Convolutional Networks(GCNs)model that captures the complex network of interactions between users and items,identifying subtle patterns that traditional methods may overlook.We integrate this GCNs model into a federated learning(FL)framework,enabling themodel to learn fromdecentralized datasets.This not only significantly enhances user privacy—a significant improvement over conventionalmodels but also reassures users about the safety of their data.Additionally,by securely incorporating demographic information,our approach further personalizes recommendations and mitigates the coldstart issue without compromising user data.We validate our RSs model using the openMovieLens dataset and evaluate its performance across six key metrics:Precision,Recall,Area Under the Receiver Operating Characteristic Curve(ROC-AUC),F1 Score,Normalized Discounted Cumulative Gain(NDCG),and Mean Reciprocal Rank(MRR).The experimental results demonstrate significant enhancements in recommendation quality,underscoring that combining GCNs with CF in a federated setting provides a transformative solution for advanced recommendation systems.
基金funded by the National Nature Sciences Foundation of China with Grant No.42250410321。
文摘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%.
基金supported by the National Key Research and Development Program of China(2021YFB2900200)the Key Research and Development Program of Science and Technology Department of Zhejiang Province(2022C01121)Zhejiang Provincial Department of Transport Research Project(ZJXL-JTT-202223).
文摘Urban traffic control is a multifaceted and demanding task that necessitates extensive decision-making to ensure the safety and efficiency of urban transportation systems.Traditional approaches require traffic signal professionals to manually intervene on traffic control devices at the intersection level,utilizing their knowledge and expertise.However,this process is cumbersome,labor-intensive,and cannot be applied on a large network scale.Recent studies have begun to explore the applicability of recommendation system for urban traffic control,which offer increased control efficiency and scalability.Such a decision recommendation system is complex,with various interdependent components,but a systematic literature review has not yet been conducted.In this work,we present an up-to-date survey that elucidates all the detailed components of a recommendation system for urban traffic control,demonstrates the utility and efficacy of such a system in the real world using data and knowledgedriven approaches,and discusses the current challenges and potential future directions of this field.
基金supported by the National Natural Science Foundation of China(Grant No.62277032,62231017,62071254)Education Scientific Planning Project of Jiangsu Province(Grant No.B/2022/01/150)Jiangsu Provincial Qinglan Project,the Special Fund for Urban and Rural Construction and Development in Jiangsu Province.
文摘More and more accounts or devices are shared by multiple users in video applications,which makes it difficult to provide recommendation service.Existing recommendation schemes overlook multiuser sharing scenarios,and they cannot make effective use of the mixed information generated by multi-user when exploring users’potential interests.To solve these problems,this paper proposes an adaptive program recommendation system for multi-user sharing environment.Specifically,we first design an offline periodic identification module by building multi-user features and periodically predicting target user in future sessions,which can separate the profile of target user from mixed log records.Subsequently,an online recommendation module with adaptive timevarying exploration strategy is constructed by jointly using personal information and multi-user social information provided by identification module.On one hand,to learn the dynamic changes in user-interest,a time-varying linear upper confidence bound(LinUCB)based on personal information is designed.On the other hand,to reduce the risk of exploration,a timeinvariant LinUCB based on separated multi-user social information from one account/device is proposed to compute the quality scores of programs for each user,which is integrated into the time-varying LinUCB by cross-weighting strategy.Finally,experimental results validate the efficiency of the proposed scheme.
基金the Deputyship for Research&Innovation,Ministry of Education in Saudi Arabia for funding this research work through the Project Number 223202.
文摘Recognizing human activity(HAR)from data in a smartphone sensor plays an important role in the field of health to prevent chronic diseases.Daily and weekly physical activities are recorded on the smartphone and tell the user whether he is moving well or not.Typically,smartphones and their associated sensing devices operate in distributed and unstable environments.Therefore,collecting their data and extracting useful information is a significant challenge.In this context,the aimof this paper is twofold:The first is to analyze human behavior based on the recognition of physical activities.Using the results of physical activity detection and classification,the second part aims to develop a health recommendation system to notify smartphone users about their healthy physical behavior related to their physical activities.This system is based on the calculation of calories burned by each user during physical activities.In this way,conclusions can be drawn about a person’s physical behavior by estimating the number of calories burned after evaluating data collected daily or even weekly following a series of physical workouts.To identify and classify human behavior our methodology is based on artificial intelligence models specifically deep learning techniques like Long Short-Term Memory(LSTM),stacked LSTM,and bidirectional LSTM.Since human activity data contains both spatial and temporal information,we proposed,in this paper,to use of an architecture allowing the extraction of the two types of information simultaneously.While Convolutional Neural Networks(CNN)has an architecture designed for spatial information,our idea is to combine CNN with LSTM to increase classification accuracy by taking into consideration the extraction of both spatial and temporal data.The results obtained achieved an accuracy of 96%.On the other side,the data learned by these algorithms is prone to error and uncertainty.To overcome this constraint and improve performance(96%),we proposed to use the fusion mechanisms.The last combines deep learning classifiers tomodel non-accurate and ambiguous data to obtain synthetic information to aid in decision-making.The Voting and Dempster-Shafer(DS)approaches are employed.The results showed that fused classifiers based on DS theory outperformed individual classifiers(96%)with the highest accuracy level of 98%.Also,the findings disclosed that participants engaging in physical activities are healthy,showcasing a disparity in the distribution of physical activities between men and women.
基金supported by the National Natural Science Foundation of China(No.62271274).
文摘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.
基金supported by the Fundamental Research Funds for Higher Education Institutions of Heilongjiang Province(145209126)the Heilongjiang Province Higher Education Teaching Reform Project under Grant No.SJGY20200770.
文摘The relationship between users and items,which cannot be recovered by traditional techniques,can be extracted by the recommendation algorithm based on the graph convolution network.The current simple linear combination of these algorithms may not be sufficient to extract the complex structure of user interaction data.This paper presents a new approach to address such issues,utilizing the graph convolution network to extract association relations.The proposed approach mainly includes three modules:Embedding layer,forward propagation layer,and score prediction layer.The embedding layer models users and items according to their interaction information and generates initial feature vectors as input for the forward propagation layer.The forward propagation layer designs two parallel graph convolution networks with self-connections,which extract higher-order association relevance from users and items separately by multi-layer graph convolution.Furthermore,the forward propagation layer integrates the attention factor to assign different weights among the hop neighbors of the graph convolution network fusion,capturing more comprehensive association relevance between users and items as input for the score prediction layer.The score prediction layer introduces MLP(multi-layer perceptron)to conduct non-linear feature interaction between users and items,respectively.Finally,the prediction score of users to items is obtained.The recall rate and normalized discounted cumulative gain were used as evaluation indexes.The proposed approach effectively integrates higher-order information in user entries,and experimental analysis demonstrates its superiority over the existing algorithms.
文摘Traditional e-commerce recommendation systems often struggle with dynamic user preferences and a vast array of products,leading to suboptimal user experiences.To address this,our study presents a Personalized Adaptive Multi-Product Recommendation System(PAMR)leveraging transfer learning and Bi-GRU(Bidirectional Gated Recurrent Units).Using a large dataset of user reviews from Amazon and Flipkart,we employ transfer learning with pre-trained models(AlexNet,GoogleNet,ResNet-50)to extract high-level attributes from product data,ensuring effective feature representation even with limited data.Bi-GRU captures both spatial and sequential dependencies in user-item interactions.The innovation of this study lies in the innovative feature fusion technique that combines the strengths of multiple transfer learning models,and the integration of an attention mechanism within the Bi-GRU framework to prioritize relevant features.Our approach addresses the classic recommendation systems that often face challenges such as cold start along with data sparsity difficulties,by utilizing robust user and item representations.The model demonstrated an accuracy of up to 96.9%,with precision and an F1-score of 96.2%and 96.97%,respectively,on the Amazon dataset,significantly outperforming the baselines and marking a considerable advancement over traditional configurations.This study highlights the effectiveness of combining transfer learning with Bi-GRU for scalable and adaptive recommendation systems,providing a versatile solution for real-world applications.
基金The National Natural Science Foundation of China (61876001)Opening Foundation of State Key Laboratory of Cognitive Intelligence,Opening Foundation of State Key Laboratory of Cognitive Intelligence(iED2022-006)Scientific Research Planning Project of Anhui Province (2022AH050072)
文摘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.
基金This work was supported by the Kyonggi University Research Grant 2022.
文摘Recommendation Information Systems(RIS)are pivotal in helping users in swiftly locating desired content from the vast amount of information available on the Internet.Graph Convolution Network(GCN)algorithms have been employed to implement the RIS efficiently.However,the GCN algorithm faces limitations in terms of performance enhancement owing to the due to the embedding value-vanishing problem that occurs during the learning process.To address this issue,we propose a Weighted Forwarding method using the GCN(WF-GCN)algorithm.The proposed method involves multiplying the embedding results with different weights for each hop layer during graph learning.By applying the WF-GCN algorithm,which adjusts weights for each hop layer before forwarding to the next,nodes with many neighbors achieve higher embedding values.This approach facilitates the learning of more hop layers within the GCN framework.The efficacy of the WF-GCN was demonstrated through its application to various datasets.In the MovieLens dataset,the implementation of WF-GCN in LightGCN resulted in significant performance improvements,with recall and NDCG increasing by up to+163.64%and+132.04%,respectively.Similarly,in the Last.FM dataset,LightGCN using WF-GCN enhanced with WF-GCN showed substantial improvements,with the recall and NDCG metrics rising by up to+174.40%and+169.95%,respectively.Furthermore,the application of WF-GCN to Self-supervised Graph Learning(SGL)and Simple Graph Contrastive Learning(SimGCL)also demonstrated notable enhancements in both recall and NDCG across these datasets.
文摘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.
基金supported by the Jiangsu Science and Technology Think Tank Program(Youth)Project(JSKX24085)the Jiangsu Provincial College Students Innovation and Entrepreneurship Training Plan Project(202311276097Y).
文摘With the rapid development of electric vehicles,the requirements for charging stations are getting higher and higher.In this study,we constructed a charging station topology network inNanjing through the Space-L method,mapping charging stations as network nodes and constructing edges through road relationships.The experiment introduced five EV charging recommendation strategies(based on distance,number of fast charging piles,user preference,price,and overall rating)used to simulate disordered charging caused by different user preferences,and the impact of the networkdynamic robustness in case of node failure is exploredby simulating the load-capacity cascade failure model.In this paper,two important metrics for evaluating network robustness are selected:the relative size of the maximum connected subgraph and the network efficiency.The experimental results point out that in the price recommendation strategy,the network stability significantly decreases when the node failure ratio reaches 75.4%,while the fast charging quantity recommendation strategy significantly decreases when the node failure ratio is 62.3%.Therefore,the robustness of the charging station network is best under the price recommendation,while the network robustness is poor under the fast charging quantity recommendation.While the network robustness is poor under preference recommendation.Based on this finding,this study particularly emphasizes that in the process of improving the robustness of the charging station network,it is necessary to comprehensively consider the market demand and guide users to charge in an orderly manner by reasonably adjusting the price strategy.This strategy not only effectively prevents network stability problems that may result fromdisorderly charging behavior,but also enhances the ability of the charging network to resist node failure and improves the overall dynamic robustness of the network.
文摘Today, recommendation systems are everywhere, making a variety of activities considerably more manageable. These systems help users by personalizing their suggestions to their interests and needs. They can propose various goods, including music, courses, articles, agricultural products, fertilizers, books, movies, and foods. In the case of research articles, recommendation algorithms play an essential role in minimizing the time required for researchers to find relevant articles. Despite multiple challenges, these systems must solve serious issues such as the cold-start problem, article privacy, and changing user interests. This research addresses these issues through the use of two techniques: hybrid recommendation systems and COOT optimization. To generate article recommendations, a hybrid recommendation system integrates features from content-based and graph-based recommendation systems. COOT optimization is used to optimize the results, inspired by the movement of water birds. The proposed method combines a graph-based recommendation system with COOT optimization to increase accuracy and reduce result inaccuracies. When compared to the baseline approaches described, the model provided in this study improves precision by 2.3%, recall by 1.6%, and mean reciprocal rank (MRR) by 5.7%.
文摘This research paper has provided the methodology and design for implementing the hybrid author recommender system using Azure Data Lake Analytics and Power BI. It offers a recommendation for the top 1000 Authors of computer science in different fields of study. The technique used in this paper is handling the inadequate Information for citation;it removes the problem of cold start, which is encountered by very many other recommender systems. In this paper, abstracts, the titles, and the Microsoft academic graphs have been used in coming up with the recommendation list for every document, which is used to combine the content-based approaches and the co-citations. Prioritization and the blending of every technique have been allowed by the tuning system parameters, allowing for the authority in results of recommendation versus the paper novelty. In the end, we do observe that there is a direct correlation between the similarity rankings that have been produced by the system and the scores of the participant. The results coming from the associated scrips of analysis and the user survey have been made available through the recommendation system. Managers must gain the required expertise to fully utilize the benefits that come with business intelligence systems [1]. Data mining has become an important tool for managers that provides insights about their daily operations and leverage the information provided by decision support systems to improve customer relationships [2]. Additionally, managers require business intelligence systems that can rank the output in the order of priority. Ranking algorithm can replace the traditional data mining algorithms that will be discussed in-depth in the literature review [3].
基金supported by National Natural Science Foundation of China(62072416)Key Research and Development Special Project of Henan Province(221111210500)Key TechnologiesR&DProgram of Henan rovince(232102211053,242102211071).
文摘The rapid development of short video platforms poses new challenges for traditional recommendation systems.Recommender systems typically depend on two types of user behavior feedback to construct user interest profiles:explicit feedback(interactive behavior),which significantly influences users’short-term interests,and implicit feedback(viewing time),which substantially affects their long-term interests.However,the previous model fails to distinguish between these two feedback methods,leading it to predict only the overall preferences of users based on extensive historical behavior sequences.Consequently,it cannot differentiate between users’long-term and shortterm interests,resulting in low accuracy in describing users’interest states and predicting the evolution of their interests.This paper introduces a video recommendationmodel calledCAT-MFRec(CrossAttention Transformer-Mixed Feedback Recommendation)designed to differentiate between explicit and implicit user feedback within the DIEN(Deep Interest Evolution Network)framework.This study emphasizes the separate learning of the two types of behavioral feedback,effectively integrating them through the cross-attention mechanism.Additionally,it leverages the long sequence dependence capabilities of Transformer technology to accurately construct user interest profiles and predict the evolution of user interests.Experimental results indicate that CAT-MF Rec significantly outperforms existing recommendation methods across various performance indicators.This advancement offers new theoretical and practical insights for the development of video recommendations,particularly in addressing complex and dynamic user behavior patterns.
基金supported by the National Key Research and Development Program of China(Grant numbers:2021YFF0901705,2021YFF0901700)the State Key Laboratory of Media Convergence and Communication,Communication University of China+1 种基金the Fundamental Research Funds for the Central Universitiesthe High-Quality and Cutting-Edge Disciplines Construction Project for Universities in Beijing(Internet Information,Communication University of China).
文摘In the Internet era,recommendation systems play a crucial role in helping users find relevant information from large datasets.Class imbalance is known to severely affect data quality,and therefore reduce the performance of recommendation systems.Due to the imbalance,machine learning algorithms tend to classify inputs into the positive(majority)class every time to achieve high prediction accuracy.Imbalance can be categorized such as by features and classes,but most studies consider only class imbalance.In this paper,we propose a recommendation system that can integrate multiple networks to adapt to a large number of imbalanced features and can deal with highly skewed and imbalanced datasets through a loss function.We propose a loss aware feature attention mechanism(LAFAM)to solve the issue of feature imbalance.The network incorporates an attention mechanism and uses multiple sub-networks to classify and learn features.For better results,the network can learn the weights of sub-networks and assign higher weights to important features.We propose suppression loss to address class imbalance,which favors negative loss by penalizing positive loss,and pays more attention to sample points near the decision boundary.Experiments on two large-scale datasets verify that the performance of the proposed system is greatly improved compared to baseline methods.