717 results on '"RECOMMENDER systems"'
Search Results
2. A novel framework for MOOC recommendation using sentiment analysis.
- Author
-
Uthamaraj, Sujatha and Ranganathan, Gunasundari
- Subjects
MASSIVE open online courses ,SENTIMENT analysis ,BLENDED learning ,RECOMMENDER systems ,INDIVIDUALIZED instruction ,CHATBOTS - Abstract
Massive open online courses (MOOC) are the largest initiative in eLearning, with the support of universities across the world. To increase course satisfaction in MOOCs, learners' must relate to the courses that best suit their needs and interests. The goal of recommendation systems is to suggest items to users based on their preferences and past behaviour. A course recommender system makes recommendations based on the similarity of courses and past interactions with the MOOC platform. With a huge volume of online courses on multiple learning platforms, it has been difficult for learners to identify the course of their interest. To address these challenges, a novel framework for hybrid MOOC course recommendations is proposed to recommend courses from multiple learning platforms. It uses web scraping techniques to collect course data from various MOOC providers, such as Coursera, Udemy, and edX platforms. With the real time dataset, a deep learning chatbot captures the personalized learning requirements of learners and recommends using a user-user collaborative approach with the valence aware dictionary and sentiment reasoner (VADER) for sentiment analysis. It enhances the accuracy of recommendations with an root-meansquare error (RMSE) value of 0.541. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
3. A Deep Learning-Based Recommender Model for Tourism Routes by Multimodal Fusion of Semantic Analysis and Image Comprehension.
- Author
-
Li, Feifan and Zhang, Chuanping
- Subjects
- *
RECOMMENDER systems , *IMAGE analysis , *TOURISM , *DEEP learning , *MULTIMODAL user interfaces - Abstract
Tourism recommendation systems have tended to become popular in recent years. Due to the fact that tourism content is generally with the format of multimodal information, existing research works mostly ignored the fusion of various feature types. To deal with this issue, this paper resorts to multimodal fusion of semantic analysis and image comprehension, and proposes a novel deep learning-based recommender system for tourism routes. First, semantic analysis under tourism route search is conducted, in order to complete destination selection and process selection. Then, image comprehension of overall tourism route planning is conducted by establishing an end-to-end object recognition model. Finally, the previous two parts of characteristics are fused together to formulate an integrated recommender system with multimodal sensing ability. This thought is expected to bring a stronger ability for tourism route discovery. Empirically, operational efficiency and stability analysis are carried out on real-world data to evaluate the performance of the proposal. The experimental results show that it can achieve significant improvement in tourism route recommendation, can accurately capture user preferences, and can provide travel suggestions that meet user requirements. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
4. Enhancing Explainable Recommendations: Integrating Reason Generation and Rating Prediction through Multi-Task Learning.
- Author
-
Zhu, Xingyu, Xia, Xiaona, Wu, Yuheng, and Zhao, Wenxu
- Subjects
RECOMMENDER systems ,SOCIAL media ,TRANSFORMER models ,STREAMING media ,USER experience ,DEEP learning - Abstract
In recent years, recommender systems—which provide personalized recommendations by analyzing users' historical behavior to infer their preferences—have become essential tools across various domains, including e-commerce, streaming media, and social platforms. Recommender systems play a crucial role in enhancing user experience by mining vast amounts of data to identify what is most relevant to users. Among these, deep learning-based recommender systems have demonstrated exceptional recommendation performance. However, these "black-box" systems lack reasonable explanations for their recommendation results, which reduces their impact and credibility. To address this situation, an effective strategy is to provide a personalized textual explanation along with the recommendation. This approach has received increasing attention from researchers because it can enhance users' trust in recommender systems through intuitive explanations. In this context, our paper introduces a novel explainable recommendation model named GCLTE. This model integrates Graph Contrastive Learning with transformers within an Encoder–Decoder framework to perform rating prediction and reason generation simultaneously. In addition, we cleverly combine the neural network layer with the transformer using a straightforward information enhancement operation. Finally, our extensive experiments on three real-world datasets demonstrate the effectiveness of GCLTE in both recommendation and explanation. The experimental results show that our model outperforms the top existing models. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
5. IOT-DRIVEN HYBRID DEEP COLLABORATIVE TRANSFORMER WITH FEDERATED LEARNING FOR PERSONALIZED E-COMMERCE RECOMMENDATIONS: AN OPTIMIZED APPROACH.
- Author
-
ALQHATANI, ABDULMAJEED and KHAN, SURBHI BHATIA
- Subjects
FEDERATED learning ,DEEP learning ,TRANSFORMER models ,BLENDED learning ,INDIVIDUALIZED instruction ,RECOMMENDER systems - Abstract
Recommender systems are already being used by several biggest e-commerce websites to assist users in finding things to buy. A recommender system gains knowledge from a consumer and suggests goods from the available goods that will find most value. In this deep learning technique, the Hybrid Deep Collaborative Transformer (HDCT) method has emerged as a promising approach. However, it is crucial to thoroughly examine and rectify any potential errors or limitations in the optimization process to ensure the optimal performance of the HDCT model. This study aims to address this concern by thoroughly evaluating the HDCT method uncovering any underlying errors or shortcomings. By comparing its performance against other existing models, the proposed HDCT with Federated Learning method demonstrates superior recommendation accuracy and effectiveness. Through a comprehensive analysis, this research identifies and rectifies the errors in the HDCT model, thereby enhancing its overall performance. The findings of this study provide valuable insights for researchers and practitioners in the field of e-commerce recommendation systems. Data for the RS is collected from the Myntra fashion product dataset. By understanding and addressing the limitations of the HDCT method, businesses can leverage its advantages to improve customer satisfaction and boost their revenue. Ultimately, this research contributes to the ongoing advancements in e-commerce recommendation systems and paves the way for future improvements in this rapidly evolving domain. The suggested model's efficacy is assessed using metrics for MSE, MSRE, NMSE, RMSE, and MAPE. The suggested values in metrics are 0.2971, 0.2763, 0.4013, 0.3222, 0.2911 at a 70% learn rate and 0.2403, 0.2234, 0.3506, 0.2025, 0.2597 at an 80% learn rate, and the proposed model outperformed with the least amount of error. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
6. MFPIDet: improved YOLOV7 architecture based on multi-scale feature fusion for prohibited item detection in complex environment.
- Author
-
Zhang, Lang, Huang, Zhan Ao, Shi, Canghong, Ma, Hongjiang, Li, Xiaojie, and Wu, Xi
- Subjects
DEEP learning ,FEATURE extraction ,PUBLIC spaces ,RECOMMENDER systems ,PUBLIC safety - Abstract
Prohibited item detection is crucial for the safety of public places. Deep learning, one of the mainstream methods in prohibited item detection tasks, has shown superior performance far beyond traditional prohibited item detection methods. However, most neural network architectures in deep learning still lack sufficient local feature representation ability for overlapping and small targets, and ignore the problem of semantic conflicts caused by direct feature fusion. In this paper, we propose MFPIDet, a novel prohibited item detection neural network architecture based on improved YOLOV7 to achieve reliable prohibited item detection in complex environments. Specifically, a multi-scale attention module (MAM) backbone is proposed to filter the redundant information of target regions and further applied to enhance the local feature representation ability of overlapping objects. Here, to reduce the redundant information of target regions, a squeeze-excitation (SE) block is used to filter the background. Then, aiming at enhancing the feature expression ability of overlapping objects, a multi-scale feature extraction module (MFEM) is designed for local feature representation. In addition, to obtain richer context information, We design an adaptive fusion feature pyramid network (AF-FPN) to combine the adaptive context information fusion module (ACIFM) with the feature fusion module (FFM) to improve the neck structure of YOLOV7. The proposed method is validated on the PIDray dataset, and the tested results showed that our method obtained the highest mAP (68.7%), which is improved by 3.5% than YOLOV7 methods. Our approach provides a new design pattern for prohibited item detection in complex environments and shows the development potential of deep learning in related fields. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
7. Diverse but Relevant Recommendations with Continuous Ant Colony Optimization.
- Author
-
Yılmazer, Hakan and Özel, Selma Ayşe
- Subjects
- *
ANT algorithms , *RECOMMENDER systems , *DEEP learning , *VANILLA - Abstract
This paper introduces a novel method called AcoRec, which employs an enhanced version of Continuous Ant Colony Optimization for hyper-parameter adjustment and integrates a non-deterministic model to generate diverse recommendation lists. AcoRec is designed for cold-start users and long-tail item recommendations by leveraging implicit data from collaborative filtering techniques. Continuous Ant Colony Optimization is revisited with the convenience and flexibility of deep learning solid methods and extended within the AcoRec model. The approach computes stochastic variations of item probability values based on the initial predictions derived from a selected item-similarity model. The structure of the AcoRec model enables efficient handling of high-dimensional data while maintaining an effective balance between diversity and high recall, leading to recommendation lists that are both varied and highly relevant to user tastes. Our results demonstrate that AcoRec outperforms existing state-of-the-art methods, including two random-walk models, a graph-based approach, a well-known vanilla autoencoder model, an ACO-based model, and baseline models with related similarity measures, across various evaluation scenarios. These evaluations employ well-known metrics to assess the quality of top-N recommendation lists, using popular datasets including MovieLens, Pinterest, and Netflix. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
8. Explainable Neural Tensor Factorization for Commercial Alley Revenues Prediction.
- Author
-
Kim, Minkyu, Lee, Suan, and Kim, Jinho
- Subjects
BUSINESS revenue ,RECOMMENDER systems ,DEEP learning ,FACTORIZATION ,ACQUISITION of data - Abstract
Many individuals aspire to start their own businesses and achieve financial success. Before launching a business, they must decide on a location and the type of service to offer. This decision requires collecting and analyzing various characteristics of potential locations and services, such as average revenues and foot traffic. However, this process is challenging because it demands expert knowledge in data collection and analysis. To address this issue, we propose Neural Tensor Factorization (NeuralTF) and Explainable Neural Tensor Factorization (XNeuralTF). These methods automatically analyze these characteristics and predict revenues. NeuralTF integrates Tensor Factorization (TF) with Multi-Layer Perceptron (MLP). This integration allows it to handle multi-dimensional tensors effectively. It also learns both explicit and implicit higher-order feature interactions, leading to superior predictive performance. XNeuralTF extends NeuralTF by providing explainable recommendations for three-dimensional tensors. Additionally, we introduce two novel metrics to evaluate the explainability of recommendation models. We conducted extensive experiments to assess both predictive performance and explainability. Our results show that XNeuralTF achieves comparable or superior performance to state-of-the-art methods, while also offering the highest level of explainability. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
9. Optimization of news dissemination push mode by intelligent edge computing technology for deep learning.
- Author
-
DeGe, JiLe and Sang, Sina
- Subjects
- *
DEEP reinforcement learning , *PATTERN recognition systems , *SOCIAL media , *NEWS websites , *RECOMMENDER systems , *DEEP learning , *REINFORCEMENT learning - Abstract
The Internet era is an era of information explosion. By 2022, the global Internet users have reached more than 4 billion, and the social media users have exceeded 3 billion. People face a lot of news content every day, and it is almost impossible to get interesting information by browsing all the news content. Under this background, personalized news recommendation technology has been widely used, but it still needs to be further optimized and improved. In order to better push the news content of interest to different readers, users' satisfaction with major news websites should be further improved. This study proposes a new recommendation algorithm based on deep learning and reinforcement learning. Firstly, the RL algorithm is introduced based on deep learning. Deep learning is excellent in processing large-scale data and complex pattern recognition, but it often faces the challenge of low sample efficiency when it comes to complex decision-making and sequential tasks. While reinforcement learning (RL) emphasizes learning optimization strategies through continuous trial and error through interactive learning with the environment. Compared with deep learning, RL is more suitable for scenes that need long-term decision-making and trial-and-error learning. By feeding back the reward signal of the action, the system can better adapt to the unknown environment and complex tasks, which makes up for the relative shortcomings of deep learning in these aspects. A scenario is applied to an action to solve the sequential decision problem in the news dissemination process. In order to enable the news recommendation system to consider the dynamic changes in users' interest in news content, the Deep Deterministic Policy Gradient algorithm is applied to the news recommendation scenario. Opposing learning complements and combines Deep Q-network with the strategic network. On the basis of fully summarizing and thinking, this paper puts forward the mode of intelligent news dissemination and push. The push process of news communication information based on edge computing technology is proposed. Finally, based on Area Under Curve a Q-Leaning Area Under Curve for RL models is proposed. This indicator can measure the strengths and weaknesses of RL models efficiently and facilitates comparing models and evaluating offline experiments. The results show that the DDPG algorithm improves the click-through rate by 2.586% compared with the conventional recommendation algorithm. It shows that the algorithm designed in this paper has more obvious advantages in accurate recommendation by users. This paper effectively improves the efficiency of news dissemination by optimizing the push mode of intelligent news dissemination. In addition, the paper also deeply studies the innovative application of intelligent edge technology in news communication, which brings new ideas and practices to promote the development of news communication methods. Optimizing the push mode of intelligent news dissemination not only improves the user experience, but also provides strong support for the application of intelligent edge technology in this field, which has important practical application prospects. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
10. Enhancing nano grid connectivity through the AI-based cloud computing platform and integrating recommender systems with deep learning architectures for link prediction.
- Author
-
Sonti, Nagaraju, M. S. S., Rukmini, and P., Venkatappa Reddy
- Subjects
- *
DEEP learning , *ARTIFICIAL intelligence , *RECOMMENDER systems , *COMPUTING platforms , *STANDARD deviations , *CLOUD computing - Abstract
Cloud computing has become ubiquitous in modern society, facilitating various applications ranging from essential services to online entertainment. To ensure that quality of service (QoS) standards are met, cloud frameworks must be capable of adapting to the changing demands of users, reflecting the societal trend of collaboration and dependence on automated processing systems. This research introduces an innovative approach for link prediction and user cloud recommendation, leveraging nano-grid applications and deep learning techniques within a cloud computing framework. Heuristic graph convolutional networks predict data transmission links in cloud networks. The trust-based hybrid decision matrix algorithm is then employed to schedule links based on user recommendations. The proposed model and several baselines are evaluated using real-world networks and synthetic data sets. The experimental analysis includes QoS, mean average precision, root mean square error, precision, normalized square error, and sensitivity metrics. The proposed technique achieves QoS of 73%, mean average precision of 59%, root mean square error of 73%, precision of 76%, normalized square error of 86%, and sensitivity of 93%. The findings suggest that integrating nano-grid and deep learning techniques can effectively enhance the QoS of cloud computing frameworks. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
11. Extracting contextual insights from user reviews for recommender systems: a novel method.
- Author
-
Madani, Rabie, Ez-Zahout, Abderrahmane, and Omary, Fouzia
- Subjects
RECOMMENDER systems ,LANGUAGE models ,RANDOM fields ,DATA extraction ,LONG-term memory - Abstract
Recommender systems (RS) primarily rely on user feedback as a core foundation for making recommendations. Traditional recommenders predominantly rely on historical data, which often presents challenges due to data scarcity issues. Despite containing a substantial wealth of valuable and comprehensive knowledge, user reviews remain largely overlooked by many existing recommender systems. Within these reviews, there lies an opportunity to extract valuable insights, including user preferences and contextual information, which could be seamlessly integrated into recommender systems to significantly enhance the accuracy of the recommendations they provide. This paper introduces an innovative approach to building context-aware RS, spanning from data extraction to ratings prediction. Our approach revolves around three essential components. The first component involves corpus creation, leveraging Dbpedia as a data source. The second component encompasses a tailored named entity recognition (NER) mechanism for the extraction of contextual data. This NER system harnesses the power of advanced models such as bidirectional encoder representations from transformers (BERT), bidirectional long short term memory (Bi-LSTM), and bidirectional conditional random field (Bi-CRF). The final component introduces a novel variation of factorization machines for the prediction of ratings called contextual factorization machines. Our experimental results showcase robust performance in both the contextual data extraction phase and the ratings prediction phase, surpassing the capabilities of existing state-of-the-art methods. These findings underscore the significant potential of our approach to elevate the quality of recommendations within the realm of contextaware recommender systems. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
12. A knowledge graph algorithm enabled deep recommendation system.
- Author
-
Wang, Yan, Ma, Xiao Feng, and Zhu, Miao
- Subjects
CONVOLUTIONAL neural networks ,KNOWLEDGE graphs ,PARTICLE swarm optimization ,GRAPH algorithms ,RECOMMENDER systems ,DEEP learning - Abstract
Personalized learning resource recommendations may help resolve the difficulties of online education that include learning mazes and information overload. However, existing personalized learning resource recommendation algorithms have shortcomings such as low accuracy and low efficiency. This study proposes a deep recommendation system algorithm based on a knowledge graph (D-KGR) that includes four data processing units. These units are the recommendation unit (RS unit), the knowledge graph feature representation unit (KGE unit), the cross compression unit (CC unit), and the feature extraction unit (FE unit). This model integrates technologies including the knowledge graph, deep learning, neural network, and data mining. It introduces cross compression in the feature learning process of the knowledge graph and predicts user attributes. Multimodal technology is used to optimize the process of project attribute processing; text type attributes, multivalued type attributes, and other type attributes are processed separately to reconstruct the knowledge graph. A convolutional neural network algorithm is introduced in the reconstruction process to optimize the data feature qualities. Experimental analysis was conducted from two aspects of algorithm efficiency and accuracy, and the particle swarm optimization, neural network, and knowledge graph algorithms were compared. Several tests showed that the deep recommendation system algorithm had obvious advantages when the number of learning resources and users exceeded 1,000. It has the ability to integrate systems such as the particle swarm optimization iterative classification, neural network intelligent simulation, and low resource consumption. It can quickly process massive amounts of information data, reduce algorithm complexity and requires less time and had lower costs. Our algorithm also has better efficiency and accuracy. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
13. Enhanced content-based fashion recommendation system through deep ensemble classifier with transfer learning.
- Author
-
Suvarna, Buradagunta and Balakrishna, Sivadi
- Subjects
RECOMMENDER systems ,PRODUCT image ,DEEP learning ,COVID-19 pandemic ,ONLINE shopping - Abstract
With the rise of online shopping due to the COVID-19 pandemic, Recommender Systems have become increasingly important in providing personalized product recommendations. Recommender Systems face the challenge of efficiently extracting relevant items from vast data. Numerous methods using deep learning approaches have been developed to classify fashion images. However, those models are based on a single model that may or may not be reliable. We proposed a deep ensemble classifier that takes the probabilities obtained from five pre-trained models such as MobileNet, DenseNet, Xception, and the two varieties of VGG. The probabilities obtained from the five pre-trained models are then passed as inputs to a deep ensemble classifier for the prediction of the given item. Several similarity measures have been studied in this work and the cosine similarity metric is used to recommend the products for a classified product given by a deep ensemble classifier. The proposed method is trained and validated using benchmark datasets such as Fashion product images dataset and Shoe dataset, demonstrating superior accuracy compared to existing models. The results highlight the potential of leveraging transfer learning and deep ensemble techniques to enhance fashion recommendation systems. The proposed model achieves 96% accuracy compared to the existing models. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
14. News Recommendation System Based on User Interest and Deep Network.
- Author
-
Xiao, Yilong
- Subjects
CONVOLUTIONAL neural networks ,RECOMMENDER systems ,DEEP learning ,CIRCULATION models ,TIME series analysis - Abstract
In order to provide the personalized news recommendation for users more efficiently, the personalized recommendation system combined with deep network was investigated. Based on the deep network, a news recommendation system for users was designed. By means of neural network and aggregating users' interest characteristics, users' personalized needs for news recommendation was met. In order to solve the problem of inaccurate construction of users' interest preference characteristics, a personalized news method based on users' search records and interest preference was proposed. By constructing exogenous user interest preferences from user search records, the final recommendation list was generated by using the fusion method of the two preferences. Because the traditional recommendation algorithm ignored time series of the users' browsing behaviors, an improved circulation model of neural network algorithm was proposed. The parallel convolution neural network based on attention was used to aggregate characteristics of users' interest and the recursive neural network based on attention mechanism was used to explore hidden time series characteristics. At the same time, it was tested on real news data sets and the results showed that this method had a good recommendation effect. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
15. Ontology-based recommender system: a deep learning approach.
- Author
-
Gharibi, Seyed Jalalaldin, BagheriFard, Karamollah, Parvin, Hamid, Nejatian, Samad, and Yaghoubyan, S. Hadi
- Subjects
- *
RECOMMENDER systems , *ONTOLOGIES (Information retrieval) , *CONVOLUTIONAL neural networks , *DEEP learning - Abstract
With the massive amount of data available on the Internet, many users face problems when they need access to the information and goods they need. Adapting information to user needs has become a complex and time-consuming process. Recommender systems are powerful tools for guiding users in electronic settings to information, services, and goods of interest. With the ability to identify users and predict their preferences, recommender systems can extract information likely to be of interest to users from vast amounts of data and save time and energy by providing them with relevant recommendations. Therefore, in this paper, a framework for a recommender system is proposed, which consists of four main phases. In the first phase, the preprocessing operation is performed. The purpose of this phase is to create an ontology model for products based on the convolutional neural network method. Data collection operations are carried out in the second phase. The purpose of this phase is to receive and store user information based on behavior and different criteria. The third phase is related to creating an ontology. The purpose of this phase is to create an ontology model for user behavior using OWL libraries. Finally, in the last phase, finding similarities and presented a proposal. The purpose of this phase is the necessary calculations of the proposed framework in the similarity finding section using ontology models. Simulation results show that the proposed framework measures MAE (more than 10 and 15%), RMSE (more than 12 and 16%), precision (less than 10 and 13%), recall (more than 25 and 28%), F1-score (higher than 25 and 30%) and Score of User (higher than 15 and 17%) outperform two related approaches, namely CF and CF+ Ontology, respectively. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
16. GMINN: Gate‐enhanced multi‐space interaction neural networks for click‐through rate prediction.
- Author
-
Feng, Xingyu, Yang, Xuekang, and Zhou, Boyun
- Subjects
- *
ARTIFICIAL neural networks , *RECOMMENDER systems , *MATRIX multiplications , *FORECASTING , *RETINAL blood vessels - Abstract
Click‐through rate (CTR) prediction is a pivotal challenge in recommendation systems. Existing models are prone to disturbances from noise and redundant features, hindering their ability to fully capture implicit and higher‐order feature interactions present in sparse feature data. Moreover, conventional dual‐tower models overlook the significance of layer‐level feature interactions. To address these limitations, this article introduces Gate‐enhanced Multi‐space Interactive Neural Networks (GMINN), a novel model for CTR prediction. GMINN adopts a dual‐tower architecture in which a multi‐space interaction layer is introduced after each layer in the dual‐tower deep neural network. This layer allocates features into multiple subspaces and employs matrix multiplication to establish layer‐level interactions between the dual towers. Simultaneously, a field‐aware gate mechanism is proposed to extract crucial latent information from the original features. Experimental validation on publicly available datasets, Criteo and Avazu, demonstrates the superiority of the proposed GMINN model. Comparative analyses against baseline models reveal that GMINN substantially improves up to 4.09% in AUC and a maximum reduction of 7.21% in Logloss. Additionally, ablation experiments provide further validation of the effectiveness of GMINN. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
17. Diagnostics Based Patient Classification for Clinical Decision Support Systems.
- Author
-
Paliwal, Gaurav, Bunglowala, Aaquil, and Kanthed, Pravesh
- Subjects
- *
CLINICAL decision support systems , *MACHINE learning , *CLASSIFICATION , *NOSOLOGY , *DATABASES , *RECOMMENDER systems - Abstract
The widespread adoption of Electronic Healthcare Records has resulted in an abundance of healthcare data. This data holds significant potential for improving healthcare services by providing valuable clinical insights and enhancing clinical decision-making. This paper presents a patient classification methodology that utilizes a multiclass and multilabel diagnostic approach to predict the patient's clinical class. The proposed model effectively handles comorbidities while maintaining a high level of accuracy. The implementation leverages the MIMIC III database as a data source to create a phenotyping dataset and train the models. Various machine learning models are employed in this study. Notably, the natural language processing-based One-Vs-Rest classifier achieves the best classification results, maintaining accuracy and F1 scores even with a large number of classes. The patient diagnostic class prediction model, based on the International Classification of Diseases 9, showcased in this paper, has broad applications in diagnostic support, treatment prediction, clinical assistance, recommender systems, clinical decision support systems, and clinical knowledge discovery engines. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
18. Deep learning‐based skin care product recommendation: A focus on cosmetic ingredient analysis and facial skin conditions.
- Author
-
Lee, Jinhee, Yoon, Huisu, Kim, Semin, Lee, Chanhyeok, Lee, Jongha, and Yoo, Sangwook
- Subjects
- *
ARTIFICIAL neural networks , *SKIN care products , *DEEP learning , *RECOMMENDER systems , *SIGNAL convolution , *ARTIFICIAL intelligence - Abstract
Background: Recommendations for cosmetics are gaining popularity, but they are not being made with consideration of the analysis of cosmetic ingredients, which customers consider important when selecting cosmetics. Aims: This article aims to propose a method for estimating the efficacy of cosmetics based on their ingredients and introduces a system that recommends personalized products for consumers, combined with AI skin analysis. Methods: We constructed a deep neural network architecture to analyze sequentially arranged cosmetic ingredients in the product and incorporated skin analysis models to get the precise skin status of users from frontal face images. Our recommendation system makes decisions based on the results optimized for the individual. Results: Our cosmetic recommendation system has shown its effectiveness through reliable evaluation metrics, and numerous examples have demonstrated its ability to make reasonable recommendations for various skin problems. Conclusion: The result shows that deep learning methods can be used to predict the effects of products based on their cosmetic ingredients and are available for use in personalized cosmetic recommendations. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
19. A qualitative analysis of knowledge graphs in recommendation scenarios through semantics-aware autoencoders.
- Author
-
Bellini, Vito, Di Sciascio, Eugenio, Donini, Francesco Maria, Pomo, Claudio, Ragone, Azzurra, and Schiavone, Angelo
- Subjects
KNOWLEDGE graphs ,DEEP learning ,TEXT summarization ,RECOMMENDER systems ,DATA integration ,INFORMATION resources - Abstract
Knowledge Graphs (KGs) have already proven their strength as a source of high-quality information for different tasks such as data integration, search, text summarization, and personalization. Another prominent research field that has been benefiting from the adoption of KGs is that of Recommender Systems (RSs). Feeding a RS with data coming from a KG improves recommendation accuracy, diversity, and novelty, and paves the way to the creation of interpretable models that can be used for explanations. This possibility of combining a KG with a RS raises the question whether such an addition can be performed in a plug-and-play fashion – also with respect to the recommendation domain – or whether each combination needs a careful evaluation. To investigate such a question, we consider all possible combinations of (i) three recommendation tasks (books, music, movies); (ii) three recommendation models fed with data from a KG (and in particular, a semantics-aware deep learning model, that we discuss in detail), compared with three baseline models without KG addition; (iii) two main encyclopedic KGs freely available on the Web: DBpedia and Wikidata. Supported by an extensive experimental evaluation, we show the final results in terms of accuracy and diversity of the various combinations, highlighting that the injection of knowledge does not always pay off. Moreover, we show how the choice of the KG, and the form of data in it, affect the results, depending on the recommendation domain and the learning model. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
20. Non-Stationary Transformer Architecture: A Versatile Framework for Recommendation Systems.
- Author
-
Liu, Yuchen, Li, Gangmin, Payne, Terry R., Yue, Yong, and Man, Ka Lok
- Subjects
RECOMMENDER systems ,TRANSFORMER models ,REINFORCEMENT learning ,DEEP learning ,VERNACULAR architecture - Abstract
Recommendation systems are crucial in navigating the vast digital market. However, user data's dynamic and non-stationary nature often hinders their efficacy. Traditional models struggle to adapt to the evolving preferences and behaviours inherent in user interaction data, posing a significant challenge for accurate prediction and personalisation. Addressing this, we propose a novel theoretical framework, the non-stationary transformer, designed to effectively capture and leverage the temporal dynamics within data. This approach enhances the traditional transformer architecture by introducing mechanisms accounting for non-stationary elements, offering a robust and adaptable solution for multi-tasking recommendation systems. Our experimental analysis, encompassing deep learning (DL) and reinforcement learning (RL) paradigms, demonstrates the framework's superiority over benchmark models. The empirical results confirm our proposed framework's efficacy, which provides significant performance enhancements, approximately 8% in LogLoss reduction and up to 2% increase in F1 score with other attention-related models. It also underscores its potential applicability across accumulative reward scenarios with pure reinforcement learning models. These findings advocate adopting non-stationary transformer models to tackle the complexities of today's recommendation tasks. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
21. Fairness-aware recommendation with meta learning
- Author
-
Hyeji Oh and Chulyun Kim
- Subjects
Recommender systems ,Fairness ,Cold-start recommendation ,Meta-learning ,Deep learning ,Artificial intelligence ,Medicine ,Science - Abstract
Abstract Fairness has become a critical value online, and the latest studies consider it in many problems. In recommender systems, fairness is important since the visibility of items is controlled by systems. Previous fairness-aware recommender systems assume that sufficient relationship data between users and items are available. However, it is common that new users and items are frequently introduced, and they have no relationship data yet. In this paper, we study recommendation methods to enhance fairness in a cold-start state. Fairness is more significant when the preference of a user or the popularity of an item is unknown. We propose a meta-learning-based cold-start recommendation framework called FaRM to alleviate the unfairness of recommendations. The proposed framework consists of three steps. We first propose a fairness-aware meta-path generation method to eliminate bias in sensitive attributes. In addition, we construct fairness-aware user representations through the meta-path aggregation approach. Then, we propose a novel fairness objective function and introduce a joint learning method to minimize the trade-off between relevancy and fairness. In extensive experiments with various cold-start scenarios, it is shown that FaRM is significantly superior in fairness performance while preserving relevance accuracy over previous work.
- Published
- 2024
- Full Text
- View/download PDF
22. Deep Feature Retention Module Network for Texture Classification.
- Author
-
Park, Sung-Hwan, Ahn, Sung-Yoon, and Lee, Sang-Woong
- Subjects
COMPUTER vision ,CLASSIFICATION ,DEEP learning ,INFORMATION filtering ,RECOMMENDER systems ,IMAGE representation - Abstract
Texture describes the unique features of an image. Therefore, texture classification is a crucial task in computer vision. Various CNN-based deep learning methods have been developed to classify textures. During training, the deep-learning model undergoes an end-to-end procedure of learning features from low to high levels. Most CNN architectures depend on high-level features for the final classification. Hence, other low- and mid-level information was not prioritized for the final classification. However, in the case of texture classification, it is essential to determine detailed feature information within the pattern to classify textures as they have diversity and irregularity in images within the same class. Therefore, the feature information at the low- and mid-levels can also provide meaningful information to distinguish the classes. In this study, we introduce a CNN model with a feature retention module (FRM) to utilize features from numerous levels. FRM maintains the texture information extracted at each level and extracts feature information through filters of various sizes. We used three texture datasets to evaluate the proposed model combined with the FRM. The experimental results showed that learning using different levels of features together assists in improving learning performance more than learning using high-level features. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
23. BTR: a bioinformatics tool recommendation system.
- Author
-
Green, Ryan, Qu, Xufeng, Liu, Jinze, and Yu, Tingting
- Subjects
- *
RECOMMENDER systems , *GRAPH neural networks , *NATURAL language processing , *DEEP learning , *BIOINFORMATICS , *SOURCE code - Abstract
Motivation The rapid expansion of Bioinformatics research has led to a proliferation of computational tools for scientific analysis pipelines. However, constructing these pipelines is a demanding task, requiring extensive domain knowledge and careful consideration. As the Bioinformatics landscape evolves, researchers, both novice and expert, may feel overwhelmed in unfamiliar fields, potentially leading to the selection of unsuitable tools during workflow development. Results In this article, we introduce the Bioinformatics Tool Recommendation system (BTR), a deep learning model designed to recommend suitable tools for a given workflow-in-progress. BTR leverages recent advances in graph neural network technology, representing the workflow as a graph to capture essential context. Natural language processing techniques enhance tool recommendations by analyzing associated tool descriptions. Experiments demonstrate that BTR outperforms the existing Galaxy tool recommendation system, showcasing its potential to streamline scientific workflow construction. Availability and implementation The Python source code is available at https://github.com/ryangreenj/bioinformatics_tool_recommendation. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
24. Fairness-aware recommendation with meta learning.
- Author
-
Oh, Hyeji and Kim, Chulyun
- Abstract
Fairness has become a critical value online, and the latest studies consider it in many problems. In recommender systems, fairness is important since the visibility of items is controlled by systems. Previous fairness-aware recommender systems assume that sufficient relationship data between users and items are available. However, it is common that new users and items are frequently introduced, and they have no relationship data yet. In this paper, we study recommendation methods to enhance fairness in a cold-start state. Fairness is more significant when the preference of a user or the popularity of an item is unknown. We propose a meta-learning-based cold-start recommendation framework called FaRM to alleviate the unfairness of recommendations. The proposed framework consists of three steps. We first propose a fairness-aware meta-path generation method to eliminate bias in sensitive attributes. In addition, we construct fairness-aware user representations through the meta-path aggregation approach. Then, we propose a novel fairness objective function and introduce a joint learning method to minimize the trade-off between relevancy and fairness. In extensive experiments with various cold-start scenarios, it is shown that FaRM is significantly superior in fairness performance while preserving relevance accuracy over previous work. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
25. MGRF: MULTI-GRAPH RECOMMENDATION FRAMEWORK WITH HETEROGENEOUS AND HOMOGENEOUS GRAPH ITERATIVE FUSION.
- Author
-
Xiang LIN, Fangyu HAN, Xiaobin RUI, Chengcheng SUN, Zhixiao WANG, and Lijun YAN
- Subjects
MULTIGRAPH ,GRAPH neural networks ,AGGREGATION operators ,DEEP learning - Abstract
With the development of deep learning, deep neural methods have been introduced to boost the performance of Collaborative Filtering (CF) models. However, most of the models rely solely on the user-item heterogeneous graph and only implicitly capture homogenous information, which limits their performance improvement. Although some state-of-the-art methods try to utilize additional graphs to make up, they either merely aggregate the information of multiple graphs in the step of initial embedding or only merge different multi-graph information in the step of final embedding. Such one-time multi-graph integration leads to the loss of interactive and topological information in the intermediate process of propagation. This paper proposes a novel Multi-Graph iterative fusion Recommendation Framework (MGRF) for CF recommendation. The core components are dual information crossing interaction and multi-graph fusing propagation. The former enables repeated feature crossing between heterogeneous nodes throughout the whole embedding process. The latter repeatedly integrates homogeneous nodes as well as their topological relationships based on the constructed user-user and itemitem graphs. Thus, MGRF can improve the embedding quality by iteratively fusing user-item heterogeneous graph, user-user and item-item homogeneous graphs. Extensive experiments on three public benchmarks demonstrate the effectiveness of MGRF, which outperforms state-of-the-art baselines in terms of Recall and NDCG. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
26. RESEARCH ON THE RECOMMENDATION SYSTEM OF MUSIC E14-LEARNING RESOURCES WITH BLOCKCHAIN BASED ON HYBRID DEEP LEARNING MODEL.
- Author
-
SHASHA JIN and LEI ZHANG
- Subjects
RECOMMENDER systems ,MACHINE learning ,K-nearest neighbor classification ,DEEP learning ,BACK propagation ,CLASSIFICATION algorithms ,EDUCATIONAL resources ,DIGITAL music - Abstract
Learners are confronted with an ever-growing array of diverse and complex educational resources as music education increasingly moves to online platforms. Traditional resource curation methods, which rely heavily on educators, fall short of meeting the dynamic needs of modern students. To address this issue, we present a novel recommendation system for music e-learning resources that combines the power of blockchain technology with a hybrid deep learning model. Our model combines blockchain's robust security and transparency features with advanced deep learning algorithms, enhancing the personalization and efficiency of resource recommendations. A backpropagation neural network with K nearest neighbor classification, traditional collaborative filtering (CF), and an improved CF algorithm are used in the hybrid approach. For the back propagation neural network algorithm, K nearest neighbor classification algorithm, traditional collaborative filtering (CF) and improved CF algorithm, the accuracy rate of improved CF algorithm is higher, reaching 95%. Comparing the proposed model with the association rule-based recommendation model and the content-based recommendation model, the model constructed in this study received high evaluation from experts, with an average score of 98, and more than 97% of them gave a high score of 95 or more, and the evaluation of experts tended to be consistent. Overall, the model proposed in this study can make better recommendations for music education learning resources and bring users a good learning experience, so this study has some practical application value. This research demonstrates a highly effective, blockchain-enhanced recommendation system for music e-learning resources. Our model has significant practical value and potential for adoption in online music education platforms because it provides tailored educational content and an enhanced learning experience. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
27. Weight Adjustment Framework for Self-Attention Sequential Recommendation.
- Author
-
Su, Zheng-Ang and Zhang, Juan
- Subjects
TRANSFORMER models ,RECOMMENDER systems ,WEIGHT training ,DEEP learning - Abstract
In recent years, sequential recommendation systems have become a hot topic in the field of recommendation system research. These systems predict future user actions or preferences by analyzing their historical interaction sequences, such as browsing history and purchase records, and then recommend items that users may be interested in. Among various sequential recommendation algorithms, those based on the Transformer model have become a focus of research due to their powerful self-attention mechanisms. However, one of the main challenges faced by sequential recommendation systems is the noise present in the input data, such as erroneous clicks and incidental browsing. This noise can disrupt the model's accurate allocation of attention weights, thereby affecting the accuracy and personalization of the recommendation results. To address this issue, we propose a novel method named "weight adjustment framework for self-attention sequential recommendation" (WAF-SR). WAF-SR mitigates the negative impact of noise on the accuracy of the attention layer weight distribution by improving the quality of the input data. Furthermore, WAF-SR enhances the model's understanding of user behavior by simulating the uncertainty of user preferences, allowing for a more precise distribution of attention weights during the training process. Finally, a series of experiments demonstrate the effectiveness of the WAF-SR in enhancing the performance of sequential recommendation systems. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
28. Using personalized next session to improve session-based recommender systems.
- Author
-
Chen, Yen-Liang, Wu, Chia-Chi, and Shih, Po-Cheng
- Subjects
- *
RECOMMENDER systems , *DEEP learning , *ELECTRONIC commerce - Abstract
In e-commerce, the session-based personalized recommendation remains challenging due to the limited user information within a single session. Merely relying on a user's local data is insufficient. It is vital to consider global data, extracting insights from sessions across all users to glean collaborative information. However, using all session information will waste computing resources. Moreover, much of the global data may not be pertinent to the current user, thereby undermining the quality of recommendations. To address this, we introduce the concept of personalized next session (PNS), selectively referencing sessions most relevant to the user to enhance the limited local data. This work is the first to adopt a deep network architecture study that incorporates the concept of PNS to recommend the next item for a user in the current session. We evaluated our approach on several real-world datasets, and the results show that our model outperforms state-of-the-art recommendation methods. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
29. IUAutoTimeSVD++: A Hybrid Temporal Recommender System Integrating Item and User Features Using a Contractive Autoencoder †.
- Author
-
Azri, Abdelghani, Haddi, Adil, and Allali, Hakim
- Subjects
- *
RECOMMENDER systems , *MATRIX decomposition , *DEEP learning , *FEATURE extraction - Abstract
Collaborative filtering (CF), a fundamental technique in personalized Recommender Systems, operates by leveraging user–item preference interactions. Matrix factorization remains one of the most prevalent CF-based methods. However, recent advancements in deep learning have spurred the development of hybrid models, which extend matrix factorization, particularly with autoencoders, to capture nonlinear item relationships. Despite these advancements, many proposed models often neglect dynamic changes in the rating process and overlook user features. This paper introduces IUAutoTimeSVD++, a novel hybrid model that builds upon autoTimeSVD++. By incorporating item–user features into the timeSVD++ framework, the proposed model aims to address the static nature and sparsity issues inherent in existing models. Our model utilizes a contractive autoencoder (CAE) to enhance the capacity to capture a robust and stable representation of user-specific and item-specific features, accommodating temporal variations in user preferences and leveraging item characteristics. Experimental results on two public datasets demonstrate IUAutoTimeSVD++'s superiority over baseline models, affirming its effectiveness in capturing and utilizing user and item features for temporally adaptive recommendations. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
30. A novel framework for an intelligent deep learning based product recommendation system using sentiment analysis (SA).
- Author
-
Thomas, Roshy and Jeba, J. R.
- Subjects
RECOMMENDER systems ,SENTIMENT analysis ,DEEP learning ,SOCIAL media ,CUSTOMER satisfaction ,NEWS websites - Abstract
Social media and e-commerce are the two most prominent and quickly expanding industries today. These two areas exhibit the greatest influence on platform users. Numerous new people sign up for these networks on a daily basis. This platform offers extremely quick user networking and communication. These platforms are used to create an online product-based recommender system that will help grow online business by recommending products. Online product recommendations are entirely dependent on the views, feedback, and comments of consumers. Online recommender systems have become a regular part of consumers' everyday routines, with their widespread use observed in e-commerce, social networking platforms, and news websites. This paper offers a novel framework for product recommendation based on sentiment analysis (SA) and collaborative filtering (CF). The SA was performed using an LSTM-based model. On the basis of CF, two distinct recommendation systems were built. The proposed SA model was integrated with the best recommendation system to enhance the recommendations. The experimental findings showed that the proposed system for product recommendation outperformed the existing methods. The outcomes demonstrated the potential of combining CF and SA to improve consumer satisfaction and product recommendation in e-commerce systems. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
31. Session-aware recommender system using double deep reinforcement learning.
- Author
-
Khurana, Purnima, Gupta, Bhavna, Sharma, Ravish, and Bedi, Punam
- Subjects
DEEP reinforcement learning ,REINFORCEMENT learning ,RECOMMENDER systems ,DEEP learning - Abstract
Session-aware recommender systems capture user-specific preferences that emerge within multiple user sessions by leveraging the sequential nature of user interactions. Existing session-aware recommendation methods face challenges in finding the right balance between exploration and exploitation leading to less diverse recommendations and also suffering from overestimation bias. This bias problem refers to the tendency for value estimates to be higher than their true values resulting in slower convergence, suboptimal, and less diverse recommendations. This paper proposes a Double Deep Q-network based session-aware recommender system, DDQN-SaRS, which takes care of the overestimation bias and generates diverse recommendations capturing the user's dynamic interests. The proposed system works in two phases. The first phase generates embedding for users, items, and sessions using a Graph Convolutional Network (GCN). The obtained embedding vectors are then given to Double Deep Q-Network (DDQN), a Double Deep Reinforcement Learning (DDRL) technique for suggesting items of interest to the user(s) in the second phase. DDQN decouples the task of action selection and action evaluation by utilizing two networks viz. main and target networks and resolves the overestimation bias problem while maintaining diversity in recommendations. The proposed system learns recommendation policies and corresponding rewards from a pure offline setting. It is validated on two real-world datasets: Diginetica from the CIKM Cup Challenge 2016 and Retailrocket from the Kaggle competition. Experimental results show that our proposed system, DDQN-SaRS outperformed various baseline algorithms viz. S-POP, Item-KNN, GRU4Rec, STAMP, HRNN, NSAR,IDSR, and GNN-GNF. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
32. Hybrid Approach to Improve Recommendation of Cloud Services for Personalized QoS Requirements.
- Author
-
Samadhiya, Sadhna and Ku, Cooper Cheng-Yuan
- Subjects
MATRIX decomposition ,DATABASES ,QUALITY of service ,RECOMMENDER systems ,SATISFACTION ,QUESTIONNAIRES ,DEEP learning - Abstract
Cloud-service recommendation systems make suggestions based on ratings provided by cloud users. These ratings may contain sparse data, which makes it difficult to speculate on suitable cloud services. Moreover, new cloud users often suffer from cold-start difficulties. Therefore, in this study, we attempt to better overcome these two challenges, i.e., cold start and data sparsity, using a hybrid approach incorporating neural matrix factorization, deep autoencoders, and suitable questionnaires. The proposed approach provides a list of the top N cloud service providers for old cloud users based on the predicted preferences using quality of service data and asymmetrically weighted cosine similarity. To address the cold start problem, we design a questionnaire to survey new user preferences and suggest personalized cloud providers accordingly. The experiments based on the Cloud Armor database demonstrate that our approach outperforms other models. The proposed approach has a precision of 85% and achieves a mean absolute error (MAE) of 0.05 and root-mean-square error (RMSE) of 0.14 for the differences between the input and predicted values. We also receive a satisfaction level of nearly 78.5% for recommendation lists provided to new cloud service customers. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
33. From Traditional Recommender Systems to GPT-Based Chatbots: A Survey of Recent Developments and Future Directions.
- Author
-
Al-Hasan, Tamim Mahmud, Sayed, Aya Nabil, Bensaali, Faycal, Himeur, Yassine, Varlamis, Iraklis, and Dimitrakopoulos, George
- Subjects
RECOMMENDER systems ,CHATBOTS ,NATURAL language processing ,GENERATIVE pre-trained transformers ,REINFORCEMENT learning ,DEEP learning - Abstract
Recommender systems are a key technology for many applications, such as e-commerce, streaming media, and social media. Traditional recommender systems rely on collaborative filtering or content-based filtering to make recommendations. However, these approaches have limitations, such as the cold start and the data sparsity problem. This survey paper presents an in-depth analysis of the paradigm shift from conventional recommender systems to generative pre-trained-transformers-(GPT)-based chatbots. We highlight recent developments that leverage the power of GPT to create interactive and personalized conversational agents. By exploring natural language processing (NLP) and deep learning techniques, we investigate how GPT models can better understand user preferences and provide context-aware recommendations. The paper further evaluates the advantages and limitations of GPT-based recommender systems, comparing their performance with traditional methods. Additionally, we discuss potential future directions, including the role of reinforcement learning in refining the personalization aspect of these systems. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
34. Semantic-Enhanced Variational Graph Autoencoder for Movie Recommendation: An Innovative Approach Integrating Plot Summary Information and Contrastive Learning Strategy.
- Author
-
Mingye Wang, Xiaohui Hu, Pan Xie, and Yao Du
- Subjects
LANGUAGE models ,LEARNING strategies ,GRAPH neural networks ,RECOMMENDER systems ,BIPARTITE graphs - Abstract
This study introduces a novel movie recommender system utilizing a Semantic-Enhanced Variational Graph Autoencoder for Movie Recommendation (SeVGAER) architecture. The system harnesses additional information from movie plot summaries scraped from the internet, transformed into semantic vectors via a large language model. These vectors serve as supplementary features for movie nodes in the SeVGAER-based recommender. The system incorporates an encoder-decoder structure, operating on a user-movie bipartite graph, and employs GraphSAGE convolutional layers with modified aggregators as the encoder to extract latent representations of the nodes, and a Multi-Layer Perceptron (MLP) as the decoder to predict ratings with additional graph-based features. To address overfitting and improve model generalization, a novel training strategy is introduced. We employ a random data splitting approach, dividing the dataset into two halves for each training instance. The model then generates outputs on each half of the data, and a new loss function is introduced to ensure consistency between these two outputs, a strategy that can be seen as a form of contrastive learning. The model’s performance is optimized using a combination of this new contrastive loss, graph reconstruction loss, and KL divergence loss. Experiments conducted on the Movielens100k dataset demonstrate the effectiveness of this approach in enhancing movie recommendation performance. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
35. Enhancing Sequence Movie Recommendation System Using Deep Learning and KMeans.
- Author
-
Siet, Sophort, Peng, Sony, Ilkhomjon, Sadriddinov, Kang, Misun, and Park, Doo-Soon
- Subjects
RECOMMENDER systems ,DEEP learning ,TRANSFORMER models ,SCALABILITY - Abstract
A flood of information has occurred, making it challenging for people to find and filter their favorite items. Recommendation systems (RSs) have emerged as a solution to this problem; however, traditional Appenrecommendation systems, including collaborative filtering, and content-based filtering, face significant challenges such as data scalability, data scarcity, and the cold-start problem, all of which require advanced solutions. Therefore, we propose a ranking and enhancing sequence movie recommendation system that utilizes the combination model of deep learning to resolve the existing issues. To mitigate these challenges, we design an RSs model that utilizes user information (age, gender, occupation) to analyze new users and match them with others who have similar preferences. Initially, we construct sequences of user behavior to effectively predict the potential next target movie of users. We then incorporate user information and movie sequence embeddings as input features to reduce the dimensionality, before feeding them into a transformer architecture and multilayer perceptron (MLP). Our model integrates a transformer layer with positional encoding for user behavior sequences and multi-head attention mechanisms to enhance prediction accuracy. Furthermore, the system applies KMeans clustering to movie genre embeddings, grouping similar movies and integrating this clustering information with predicted ratings to ensure diversity in the personalized recommendations for target users. Evaluating our model on two MovieLens datasets (100 Kand 1 M) demonstrated significant improvements, achieving RMSE, MAE, precision, recall, and F1 scores of 1.0756, 0.8741, 0.5516, 0.3260, and 0.4098 for the 100 K dataset, and 0.9927, 0.8007, 0.5838, 0.4723, and 0.5222 for the 1 M dataset, respectively. This approach not only effectively mitigates cold-start and scalability issues but also surpasses baseline techniques in Top-N item recommendations, highlighting its efficacy in the contemporary environment of abundant data. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
36. Accurate and efficient floor localization with scalable spiking graph neural networks.
- Author
-
Gu, Fuqiang, Guo, Fangming, Yu, Fangwen, Long, Xianlei, Chen, Chao, Liu, Kai, Hu, Xuke, Shang, Jianga, and Guo, Songtao
- Subjects
ARTIFICIAL neural networks ,GRAPH neural networks ,RECOMMENDER systems ,DEEP learning - Abstract
Floor localization is crucial for various applications such as emergency response and rescue, indoor positioning, and recommender systems. The existing floor localization systems have many drawbacks, like low accuracy, poor scalability, and high computational costs. In this paper, we first frame the problem of floor localization as one of learning node embeddings to predict the floor label of a subgraph. Then, we introduce FloorLocator, a deep learning-based method for floor localization that integrates efficient spiking neural networks with powerful graph neural networks. This approach offers high accuracy, easy scalability to new buildings, and computational efficiency. Experimental results on using several public datasets demonstrate that FloorLocator outperforms state-of-the-art methods. Notably, in building B0, FloorLocator achieved recognition accuracy of 95.9%, exceeding state-of-the-art methods by at least 10%. In building B1, it reached an accuracy of 82.1%, surpassing the latest methods by at least 4%. These results indicate FloorLocator's superiority in multi-floor building environment localization. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
37. An autoencoder-based deep learning model for solving the sparsity issues of Multi-Criteria Recommender System.
- Author
-
Rajput, Ishwari Singh, Tewari, Anand Shanker, and Tiwari, Arvind Kumar
- Subjects
RECOMMENDER systems ,DEEP learning ,MACHINE learning ,NATURAL language processing ,PATTERN recognition systems ,COMPUTER vision - Abstract
In recent times, recommender systems have acquired significant popularity as a solution to the issue of information overload. These systems offer personalised recommendations to users. The superiority of multi-criteria recommender systems over their single-criterion counterparts has been demonstrated, as the former are able to provide more precise recommendations by taking into account multiple dimensions of user preferences when rating items. The prevalent recommendation technique, matrix factorization of collaborative filtering, is hindered by the data sparsity problem of the user-item matrix. On the other hand, it is noteworthy that deep learning techniques have demonstrated significant potential in various research domains, including but not limited to image processing, pattern recognition, computer vision, and natural language processing. In recent times, there has been a surge in the utilisation of deep learning techniques in recommender systems, yielding promising outcomes. This study presents a novel approach to multi-criteria recommender systems through the utilisation of deep learning algorithms to mitigate the data sparsity issue. Specifically, deep autoencoders are utilised to uncover complex, non-linear, and latent relationships between users' multi-criteria preferences followed by matrix factorization technique, ultimately leading to more precise recommendations. The proposed model is evaluated by conducting the experiments on the multi-criteria dataset of Yahoo! Movies. According to the outcomes, the proposed approach outperforms the state of the art recommendation methods by generating more accurate and personalized recommendations. Also, it reduces the data sparsity up to 11% from the multi-criteria dataset. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
38. Collaborative filtering integrated fine-grained sentiment for hybrid recommender system.
- Author
-
Alatrash, Rawaa, Priyadarshini, Rojalina, and Ezaldeen, Hadi
- Subjects
- *
RECOMMENDER systems , *USER-generated content , *NATURAL language processing , *SENTIMENT analysis , *DEEP learning , *INTELLIGENT tutoring systems - Abstract
Developing online educational platforms necessitates the incorporation of new intelligent procedures in order to improve long-term student experience. Presently, e-learning Recommender Systems rely on deep learning methods to recommend appropriate e-learning materials to the students based on their learner profiles. Fine-grained sentiment analysis (FSA) can be leveraged to enrich the recommender system. Users posted reviews and rating data are vital in accurately directing the student to the appropriate e-learning resources based on posted comments by comparable learners. Innovative has been made in this work to propose a new e-learning recommendation system based on individualization and FSA. A new framework is proposed based on collaborative filtering models (CFMs) integrating with fine-grained sentiment analysis (FSA) for hybrid recommendation (CFISAR) for effective recommendations. CFMs attempt to capture the learner's latent factors based on their selections of interest to build the learner profile. FSA models are introduced to deliver e-content with the highest ranked ratings related to the learner's area and interests based on the extracted learner model. Moreover, a new approach is proposed to update the system continuously and not keep it bound to certain items by adding new books, where the initial rating of these new books is predicted based on FSA models. CFISAR is explored utilizing six CFMs to generate the prediction matrix and derive the learner model, resulting in a low MSE of 0.699 for Asymmetric SVD. The system used multiplication word embeddings for stronger corpus representation that were trained on a dataset generated for an educational context, and leveraging the goodness of deep learning, which predicted an accuracy of 0.9264% for the Peephole algorithm, that performed better than other models. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
39. Research on Interpretable Recommendation Algorithms Based on Deep Learning.
- Author
-
Wei, Q. F. and Yang, K.
- Subjects
- *
DEEP learning , *STANDARD deviations , *RECOMMENDER systems , *SENTIMENT analysis , *ALGORITHMS - Abstract
This paper proposes an explainable recommendation algorithm based on deep learning for developing a transparent and explainable recommendation system. The proposed algorithm combines a multi-feature fusion model for text sentiment analysis and the innovative DeepxDeepFM recommendation model to provide accurate and interpretable recommendations. First, Bi-LSTM and MCNN are employed to extract multi-dimensional features from comment data. Then, the DeepxDeepFM recommendation model is used explicitly for comment data with numerous feature vectors and significant linear changes. Finally, experimental results demonstrate that our proposed explainable recommendation algorithm increases the accuracy by 1.57% and decreases the root mean square error by 2.69%, contributing to higher model performance. Compared to other models, the improved interpretable recommendation model is smaller in size and more accurate, so it can maximize the click-through rate of e-commerce recommendation systems, which is crucial for achieving precise recommendations in the field of e-commerce. [ABSTRACT FROM AUTHOR]
- Published
- 2024
40. A Deep Learning Model for Context Understanding in Recommendation Systems.
- Author
-
Ngo Le Huy Hien, Luu Van Huy, Hoang Huu, and Nguyen Van Hie Manh
- Subjects
RECOMMENDER systems ,CONVOLUTIONAL neural networks ,INFORMATION storage & retrieval systems ,DEEP learning ,MATRIX decomposition ,INFORMATION overload - Abstract
Copyright of Informatica (03505596) is the property of Slovene Society Informatika and its content may not be copied or emailed to multiple sites or posted to a listserv without the copyright holder's express written permission. However, users may print, download, or email articles for individual use. This abstract may be abridged. No warranty is given about the accuracy of the copy. Users should refer to the original published version of the material for the full abstract. (Copyright applies to all Abstracts.)
- Published
- 2024
- Full Text
- View/download PDF
41. Hybrid CNN-based Recommendation System.
- Author
-
Alrashidi, Muhammad, Ibrahim, Roliana, and Selamat, Ali
- Subjects
DEEP learning ,RECOMMENDER systems ,CONVOLUTIONAL neural networks ,FEATURE extraction ,SOCIAL networks - Abstract
Copyright of Baghdad Science Journal is the property of Republic of Iraq Ministry of Higher Education & Scientific Research (MOHESR) and its content may not be copied or emailed to multiple sites or posted to a listserv without the copyright holder's express written permission. However, users may print, download, or email articles for individual use. This abstract may be abridged. No warranty is given about the accuracy of the copy. Users should refer to the original published version of the material for the full abstract. (Copyright applies to all Abstracts.)
- Published
- 2024
- Full Text
- View/download PDF
42. Variability Management in Self-Adaptive Systems through Deep Learning: A Dynamic Software Product Line Approach.
- Author
-
Aguayo, Oscar, Sepúlveda, Samuel, and Mazo, Raúl
- Subjects
DEEP learning ,SOFTWARE product line engineering ,ARTIFICIAL neural networks ,PRODUCT lines ,ARTIFICIAL intelligence ,RECOMMENDER systems ,COMPUTER software - Abstract
Self-adaptive systems can autonomously adjust their behavior in response to environmental changes. Nowadays, not only can these systems be engineered individually, but they can also be conceived as members of a family based on the approach of dynamic software product lines. Through systematic mapping, we build on the identified gaps in the variability management of self-adaptive systems; we propose a framework that improves the adaptive capability of self-adaptive systems through feature model generation, variation point generation, the selection of a variation point, and runtime variability management using deep learning and the monitor–analysis–plan–execute–knowledge (MAPE-K) control loop. We compute the permutation of domain features and obtain all the possible variation points that a feature model can possess. After identifying variation points, we obtain an adaptation rule for each variation point of the corresponding product line through a two-stage training of an artificial neural network. To evaluate our proposal, we developed a test case in the context of an air quality-based activity recommender system, in which we generated 11 features and 32 possible variations. The results obtained with the proof of concept show that it is possible to manage identifying new variation points at runtime using deep learning. Future research will employ generating and building variation points using artificial intelligence techniques. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
43. Advanced Deep Learning Model for Predicting the Academic Performances of Students in Educational Institutions.
- Author
-
Baniata, Laith H., Kang, Sangwoo, Alsharaiah, Mohammad A., and Baniata, Mohammad H.
- Subjects
DEEP learning ,RECURRENT neural networks ,ACADEMIC achievement ,RECOMMENDER systems ,IMMUNE recognition ,EDUCATIONAL outcomes - Abstract
Educational institutions are increasingly focused on supporting students who may be facing academic challenges, aiming to enhance their educational outcomes through targeted interventions. Within this framework, leveraging advanced deep learning techniques to develop recommendation systems becomes essential. These systems are designed to identify students at risk of underperforming by analyzing patterns in their historical academic data, thereby facilitating personalized support strategies. This research introduces an innovative deep learning model tailored for pinpointing students in need of academic assistance. Utilizing a Gated Recurrent Neural Network (GRU) architecture, the model is rich with features such as a dense layer, max-pooling layer, and the ADAM optimization method used to optimize performance. The effectiveness of this model was tested using a comprehensive dataset containing 15,165 records of student assessments collected across several academic institutions. A comparative analysis with existing educational recommendation models, like Recurrent Neural Network (RNN), AdaBoost, and Artificial Immune Recognition System v2, highlights the superior accuracy of the proposed GRU model, which achieved an impressive overall accuracy of 99.70%. This breakthrough underscores the model's potential in aiding educational institutions to proactively support students, thereby mitigating the risks of underachievement and dropout. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
44. Emotion detection using Word2Vec and convolution neural networks.
- Author
-
Jadon, Anil Kumar and Kumar, Suresh
- Subjects
CONVOLUTIONAL neural networks ,EMOTIONS ,DEEP learning ,RECOMMENDER systems - Abstract
Emotion detection from text plays a very critical role in different domains, including customer service, social media analysis, healthcare, financial services, education, human-to-computer interaction, psychology, and many more. Nowadays, deep learning techniques become popular due to their capabilities to capture inherent complex insights and patterns from raw data. In this paper, we have used the Word2Vec embedding approach that takes care of the semantic and contextual understanding of text making it more realistic while detecting emotions. These embeddings act as input to the convolution neural network (CNN) to capture insights using feature maps. The Word2Vec and CNN models applied to the international survey on emotion antecedents and reactions (ISEAR) dataset outperform the models in the literature in terms of accuracy and F1-score as model evaluation metrics. The proposed approach not only obtains high accuracy in emotion detection tasks but also generates interpretable representations that contribute to the understanding of emotions in textual data. These findings carry significant implications for applications in diverse domains, such as social media analysis, market research, clinical assessment and counseling, and tailored recommendation systems. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
45. Network link prediction via deep learning method: A comparative analysis with traditional methods
- Author
-
Gholamreza Zare, Nima Jafari Navimipour, Mehdi Hosseinzadeh, and Amir Sahafi
- Subjects
Recommender Systems ,Link Prediction ,Social Networks ,Deep Learning ,Machine Learning ,Graph Neural Network ,Engineering (General). Civil engineering (General) ,TA1-2040 - Abstract
In the domain of data-centric networks, Link Prediction (LP) is instrumental in discerning potential or absent connections among entities within complex networks. By employing graph data structures, LP techniques enable a detailed analysis of entity interactions across varied sectors, contributing significantly to overcoming challenges in data filtering and integrity restoration, primarily when the network does not provide embedded data. Although LP methods are widely applicable, especially in recommender systems, their efficacy in current social networks needs to be thoroughly investigated. This study introduces an innovative LP approach using Deep Neural Networks (DNNs). We compare our method against a comprehensive set of established techniques, including traditional score-based methods, classical baselines, and recent deep learning approaches like Graph Neural Networks (GNNs). Our DNN-based solution incorporates a robust feature extraction process and a binary classifier, optimized for accurate prediction of missing links within networks. We performed extensive experimental evaluations on diverse datasets, including co-authorship networks, e-commerce, and social media networks. The study encompasses a comparative analysis with traditional LP techniques, namely Common Neighbors, Resource Allocation Index, Jaccard’s Coefficient, and Adamic/Adar Index, as well as other selected baseline and deep-learning methods. Our findings demonstrate that the DNN-based approach significantly enhances predictive accuracy, outperforming the conventional baseline methods in link prediction.
- Published
- 2024
- Full Text
- View/download PDF
46. A comparison of embedding aggregation strategies in drug–target interaction prediction
- Author
-
Dimitrios Iliadis, Bernard De Baets, Tapio Pahikkala, and Willem Waegeman
- Subjects
Drug–target interaction prediction ,Binding affinity prediction ,Recommender systems ,Deep learning ,Computer applications to medicine. Medical informatics ,R858-859.7 ,Biology (General) ,QH301-705.5 - Abstract
Abstract The prediction of interactions between novel drugs and biological targets is a vital step in the early stage of the drug discovery pipeline. Many deep learning approaches have been proposed over the last decade, with a substantial fraction of them sharing the same underlying two-branch architecture. Their distinction is limited to the use of different types of feature representations and branches (multi-layer perceptrons, convolutional neural networks, graph neural networks and transformers). In contrast, the strategy used to combine the outputs (embeddings) of the branches has remained mostly the same. The same general architecture has also been used extensively in the area of recommender systems, where the choice of an aggregation strategy is still an open question. In this work, we investigate the effectiveness of three different embedding aggregation strategies in the area of drug–target interaction (DTI) prediction. We formally define these strategies and prove their universal approximator capabilities. We then present experiments that compare the different strategies on benchmark datasets from the area of DTI prediction, showcasing conditions under which specific strategies could be the obvious choice.
- Published
- 2024
- Full Text
- View/download PDF
47. An Approach for Multi-Context-Aware Multi-Criteria Recommender Systems Based on Deep Learning
- Author
-
Ifra Afzal, Burcu Yilmazel, and Cihan Kaleli
- Subjects
Context-aware ,deep learning ,multi-criteria ,recommender systems ,Electrical engineering. Electronics. Nuclear engineering ,TK1-9971 - Abstract
In an era where digital information is abundant, the role of recommender systems in navigating this vast landscape has become increasingly vital. This study proposes a novel deep learning-based approach integrating multi-context and multi-criteria data within a unified neural network framework. The model processes these dimensions concurrently, significantly improving the precision of personalized recommendations. Context-aware and multi-criteria recommender systems extend traditional two-dimensional user-item preference methods with context awareness and multiple criteria. In contrast to traditional methods, our approach intricately weaves together multi-context and multi-criteria data within its architecture. This concurrent processing enables sophisticated interactions between context and criteria, enhancing recommendation accuracy. While context-aware systems incorporate contextual information such as time and location when making recommendations, multi-criteria-based approaches offer a spectrum of evaluative criteria, enriching the user experience with more tailored and relevant suggestions. Although both approaches have advantages in producing more accurate and personalized referrals, context information and multi-criteria ratings have not been employed together for producing recommendations. Our research proposes a novel deep learning-based approach for the multi-context, multi-criteria recommender system to address this gap. In contrast to traditional approaches that process context-aware recommender systems and multi-criteria recommender systems separately, our deep learning model intricately weaves together multi-context and multi-criteria data within its architecture. This integration is not staged; both dimensions are concurrently processed through a unified neural network framework. The model facilitates a sophisticated interaction between context and criteria by embedding these elements into the core of the network’s multiple layers. This methodology enhances the system’s adaptability and significantly improves its precision in delivering personalized recommendations, leveraging the compounded effects of contextual and criteria-specific insights. The proposed model shows superior performance in predictive tasks, achieving the lowest Mean Absolute Error (MAE) and Root Mean Square Error (RMSE) on the TripAdvisor and ITMRec datasets compared to other state-of-the-art recommendation techniques. Context-aware multi-criteria ratings data demonstrate the robustness and accuracy of the model.
- Published
- 2024
- Full Text
- View/download PDF
48. Information Retrieval and Machine Learning Methods for Academic Expert Finding.
- Author
-
de Campos, Luis M., Fernández-Luna, Juan M., Huete, Juan F., Ribadas-Pena, Francisco J., and Bolaños, Néstor
- Subjects
- *
MACHINE learning , *INFORMATION retrieval , *DEEP learning , *RECOMMENDER systems , *ATTRIBUTION of authorship - Abstract
In the context of academic expert finding, this paper investigates and compares the performance of information retrieval (IR) and machine learning (ML) methods, including deep learning, to approach the problem of identifying academic figures who are experts in different domains when a potential user requests their expertise. IR-based methods construct multifaceted textual profiles for each expert by clustering information from their scientific publications. Several methods fully tailored for this problem are presented in this paper. In contrast, ML-based methods treat expert finding as a classification task, training automatic text classifiers using publications authored by experts. By comparing these approaches, we contribute to a deeper understanding of academic-expert-finding techniques and their applicability in knowledge discovery. These methods are tested with two large datasets from the biomedical field: PMSC-UGR and CORD-19. The results show how IR techniques were, in general, more robust with both datasets and more suitable than the ML-based ones, with some exceptions showing good performance. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
49. An approach to improve the accuracy of rating prediction for recommender systems.
- Author
-
Nguyen, Thon-Da
- Subjects
RECOMMENDER systems ,DEEP learning ,SENTIMENT analysis ,CONSUMERS' reviews ,FORECASTING ,PREDICTION models - Abstract
Sentiment analysis is critical for classifying users on social media and reviewing products through comments and reviews. At the same time, rating prediction is a popular and valuable topic in research on recommendation systems. This study improves the accuracy of ratings in recommendation systems through the combination of rating prediction and sentiment analysis from customer reviews. New ratings have been generated based on original ratings and sentiment analysis. Experimental results show that in almost all cases, revised ratings using a deep learning-based algorithm called LightGCN on 7 various real-life datasets improve rating prediction. In particular, rating prediction metrics (RMSE and MAE, R2, and explained variance) of the proposed approach (with revised ratings) are better than those of the typical approach (with unrevised ratings). Furthermore, evaluating ranking metrics (also top-k item recommendation metrics) for this model also shows that our proposed approach (with revised ratings) is much more effective than the original approach (with unrevised ratings). Our significant contribution to this research is to propose a better rating prediction model that uses a supplement factor sentiment score to enhance the accuracy of rating prediction. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
50. Enhancing Drug Recommendations: A Modified LSTM Approach in Intelligent Deep Learning Systems.
- Author
-
Siji Rani, S, Shilpa, P, and Menon, Aswin G
- Subjects
DEEP learning ,RECOMMENDER systems ,INSTRUCTIONAL systems ,RANDOM forest algorithms ,MEDICAL personnel - Abstract
The overwhelming burden on the healthcare system has resulted in increased mortality rates as individuals struggle to receive appropriate medical attention. Machine learning has demonstrated its efficacy across diverse applications, fueling a growing trend in the realm of innovative automation. This is particularly facilitated by drug recommendation systems, which possess the capability to significantly reduce the dependence on specialized assistance. Faced with limited access to medical expertise, a considerable number of individuals have turned to self-medication, often worsening their health conditions. In response to this critical scenario, this paper introduces an inventive drug recommendation system which helps to lessen the strain healthcare professionals. Here, we present the development of a medication recommendation system based on LSTM, utilizing user-provided symptoms and the model's evaluations of past drug recommendations. The results of the comparison between Random Forest, SVM, and LSTM indicated that the modified LSTM-based recommendation system outperforms the other two models, achieving a 94% accuracy rate. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
Catalog
Discovery Service for Jio Institute Digital Library
For full access to our library's resources, please sign in.