• 제목/요약/키워드: deep neural network recommender systems

검색결과 10건 처리시간 0.019초

User-to-User Matching Services through Prediction of Mutual Satisfaction Based on Deep Neural Network

  • Kim, Jinah;Moon, Nammee
    • Journal of Information Processing Systems
    • /
    • 제18권1호
    • /
    • pp.75-88
    • /
    • 2022
  • With the development of the sharing economy, existing recommender services are changing from user-item recommendations to user-user recommendations. The most important consideration is that all users should have the best possible satisfaction. To achieve this outcome, the matching service adds information between users and items necessary for the existing recommender service and information between users, so higher-level data mining is required. To this end, this paper proposes a user-to-user matching service (UTU-MS) employing the prediction of mutual satisfaction based on learning. Users were divided into consumers and suppliers, and the properties considered for recommendations were set by filtering and weighting. Based on this process, we implemented a convolutional neural network (CNN)-deep neural network (DNN)-based model that can predict each supplier's satisfaction from the consumer perspective and each consumer's satisfaction from the supplier perspective. After deriving the final mutual satisfaction using the predicted satisfaction, a top recommendation list is recommended to all users. The proposed model was applied to match guests with hosts using Airbnb data, which is a representative sharing economy platform. The proposed model is meaningful in that it has been optimized for the sharing economy and recommendations that reflect user-specific priorities.

Gated Recurrent Unit Architecture for Context-Aware Recommendations with improved Similarity Measures

  • Kala, K.U.;Nandhini, M.
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제14권2호
    • /
    • pp.538-561
    • /
    • 2020
  • Recommender Systems (RecSys) have a major role in e-commerce for recommending products, which they may like for every user and thus improve their business aspects. Although many types of RecSyss are there in the research field, the state of the art RecSys has focused on finding the user similarity based on sequence (e.g. purchase history, movie-watching history) analyzing and prediction techniques like Recurrent Neural Network in Deep learning. That is RecSys has considered as a sequence prediction problem. However, evaluation of similarities among the customers is challenging while considering temporal aspects, context and multi-component ratings of the item-records in the customer sequences. For addressing this issue, we are proposing a Deep Learning based model which learns customer similarity directly from the sequence to sequence similarity as well as item to item similarity by considering all features of the item, contexts, and rating components using Dynamic Temporal Warping(DTW) distance measure for dynamic temporal matching and 2D-GRU (Two Dimensional-Gated Recurrent Unit) architecture. This will overcome the limitation of non-linearity in the time dimension while measuring the similarity, and the find patterns more accurately and speedily from temporal and spatial contexts. Experiment on the real world movie data set LDOS-CoMoDa demonstrates the efficacy and promising utility of the proposed personalized RecSys architecture.

In-depth Recommendation Model Based on Self-Attention Factorization

  • Hongshuang Ma;Qicheng Liu
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제17권3호
    • /
    • pp.721-739
    • /
    • 2023
  • Rating prediction is an important issue in recommender systems, and its accuracy affects the experience of the user and the revenue of the company. Traditional recommender systems use Factorization Machinesfor rating predictions and each feature is selected with the same weight. Thus, there are problems with inaccurate ratings and limited data representation. This study proposes a deep recommendation model based on self-attention Factorization (SAFMR) to solve these problems. This model uses Convolutional Neural Networks to extract features from user and item reviews. The obtained features are fed into self-attention mechanism Factorization Machines, where the self-attention network automatically learns the dependencies of the features and distinguishes the weights of the different features, thereby reducing the prediction error. The model was experimentally evaluated using six classes of dataset. We compared MSE, NDCG and time for several real datasets. The experiment demonstrated that the SAFMR model achieved excellent rating prediction results and recommendation correlations, thereby verifying the effectiveness of the model.

Word2Vec과 앙상블 합성곱 신경망을 활용한 영화추천 시스템의 정확도 개선에 관한 연구 (A Study on the Accuracy Improvement of Movie Recommender System Using Word2Vec and Ensemble Convolutional Neural Networks)

  • 강부식
    • 디지털융복합연구
    • /
    • 제17권1호
    • /
    • pp.123-130
    • /
    • 2019
  • 웹 추천기법에서 가장 많이 사용하는 방식 중의 하나는 협업필터링 기법이다. 협업필터링 관련 많은 연구에서 정확도를 개선하기 위한 방안이 제시되어 왔다. 본 연구는 Word2Vec과 앙상블 합성곱 신경망을 활용한 영화추천 방안에 대해 제안한다. 먼저 사용자, 영화, 평점 정보에서 사용자 문장과 영화 문장을 구성한다. 사용자 문장과 영화 문장을 Word2Vec에 입력으로 넣어 사용자 벡터와 영화 벡터를 구한다. 사용자 벡터는 사용자 합성곱 모델에 입력하고, 영화 벡터는 영화 합성곱 모델에 입력한다. 사용자 합성곱 모델과 영화 합성곱 모델은 완전연결 신경망 모델로 연결된다. 최종적으로 완전연결 신경망의 출력 계층은 사용자 영화 평점의 예측값을 출력한다. 실험결과 전통적인 협업필터링 기법과 유사 연구에서 제안한 Word2Vec과 심층 신경망을 사용한 기법에 비해 본 연구의 제안기법이 정확도를 개선함을 알 수 있었다.

Enhancing Recommender Systems by Fusing Diverse Information Sources through Data Transformation and Feature Selection

  • Thi-Linh Ho;Anh-Cuong Le;Dinh-Hong Vu
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제17권5호
    • /
    • pp.1413-1432
    • /
    • 2023
  • Recommender systems aim to recommend items to users by taking into account their probable interests. This study focuses on creating a model that utilizes multiple sources of information about users and items by employing a multimodality approach. The study addresses the task of how to gather information from different sources (modalities) and transform them into a uniform format, resulting in a multi-modal feature description for users and items. This work also aims to transform and represent the features extracted from different modalities so that the information is in a compatible format for integration and contains important, useful information for the prediction model. To achieve this goal, we propose a novel multi-modal recommendation model, which involves extracting latent features of users and items from a utility matrix using matrix factorization techniques. Various transformation techniques are utilized to extract features from other sources of information such as user reviews, item descriptions, and item categories. We also proposed the use of Principal Component Analysis (PCA) and Feature Selection techniques to reduce the data dimension and extract important features as well as remove noisy features to increase the accuracy of the model. We conducted several different experimental models based on different subsets of modalities on the MovieLens and Amazon sub-category datasets. According to the experimental results, the proposed model significantly enhances the accuracy of recommendations when compared to SVD, which is acknowledged as one of the most effective models for recommender systems. Specifically, the proposed model reduces the RMSE by a range of 4.8% to 21.43% and increases the Precision by a range of 2.07% to 26.49% for the Amazon datasets. Similarly, for the MovieLens dataset, the proposed model reduces the RMSE by 45.61% and increases the Precision by 14.06%. Additionally, the experimental results on both datasets demonstrate that combining information from multiple modalities in the proposed model leads to superior outcomes compared to relying on a single type of information.

부가 정보를 활용한 비전 트랜스포머 기반의 추천시스템 (A Vision Transformer Based Recommender System Using Side Information)

  • 권유진;최민석;조윤호
    • 지능정보연구
    • /
    • 제28권3호
    • /
    • pp.119-137
    • /
    • 2022
  • 최근 추천 시스템 연구에서는 사용자와 아이템 간 상호 작용을 보다 잘 표현하고자 다양한 딥 러닝 모델을 적용하고 있다. ONCF(Outer product-based Neural Collaborative Filtering)는 사용자와 아이템의 행렬을 외적하고 합성곱 신경망을 거치는 구조로 2차원 상호작용 맵을 제작해 사용자와 아이템 간의 상호 작용을 더욱 잘 포착하고자 한 대표적인 딥러닝 기반 추천시스템이다. 하지만 합성곱 신경망을 이용하는 ONCF는 학습 데이터에 나타나지 않은 분포를 갖는 데이터의 경우 예측성능이 떨어지는 귀납적 편향을 가지는 한계가 있다. 본 연구에서는 먼저 NCF구조에 Transformer에 기반한 ViT(Vision Transformer)를 도입한 방법론을 제안한다. ViT는 NLP분야에서 주로 사용되던 트랜스포머를 이미지 분류에 적용하여 좋은 성과를 거둔 방법으로 귀납적 편향이 합성곱 신경망보다 약해 처음 보는 분포에도 robust한 특징이 있다. 다음으로, ONCF는 사용자와 아이템에 대한 단일 잠재 벡터를 사용하였지만 본 연구에서는 모델이 더욱 다채로운 표현을 학습하고 앙상블 효과도 얻기 위해 잠재 벡터를 여러 개 사용하여 채널을 구성한다. 마지막으로 ONCF와 달리 부가 정보(side information)를 추천에 반영할 수 있는 아키텍처를 제시한다. 단순한 입력 결합 방식을 활용하여 신경망에 부가 정보를 반영하는 기존 연구와 달리 본 연구에서는 독립적인 보조 분류기(auxiliary classifier)를 도입하여 추천 시스템에 부가정보를 보다 효율적으로 반영할 수 있도록 하였다. 결론적으로 본 논문에서는 ViT 의 적용, 임베딩 벡터의 채널화, 부가정보 분류기의 도입을 적용한 새로운 딥러닝 모델을 제안하였으며 실험 결과 ONCF보다 높은 성능을 보였다.

레스토랑 카테고리와 온라인 소비자 리뷰를 이용한 딥러닝 기반 레스토랑 추천 시스템 개발 (Developing a Deep Learning-based Restaurant Recommender System Using Restaurant Categories and Online Consumer Review)

  • 구하은;이청용;김재경
    • 경영정보학연구
    • /
    • 제25권1호
    • /
    • pp.27-46
    • /
    • 2023
  • 최근에는 외식 산업의 발달과 레스토랑 수요의 증가로 인해 레스토랑 추천 시스템 연구가 활발하게 제안되고 있다. 기존 레스토랑 추천 시스템 연구는 정량적인 평점 정보 또는 온라인 리뷰의 감성분석을 통해 소비자의 선호도 정보를 추출하였는데 이는 소비자의 의미론적 선호도 정보는 반영하지 못한다는 한계가 존재한다. 또한, 레스토랑이 포함하는 세부적인 속성을 반영한 추천 시스템 연구는 부족한 실정이다. 이를 해결하기 위해 본 연구에서는 소비자의 선호도와 레스토랑 속성 간의 상호작용을 효과적으로 학습할 수 있는 딥러닝 기반 모델을 제안하였다. 먼저, 합성곱 신경망을 온라인 리뷰에 적용하여 소비자의 의미론적 선호도 정보를 추출했고, 레스토랑 정보에 임베딩 기법을 적용하여 레스토랑의 세부적인 속성을 추출했다. 최종적으로 요소별 연산을 통해 소비자 선호도와 레스토랑 속성 간의 상호작용을 학습하여 소비자의 선호도 평점을 예측했다. 본 연구에서 제안한 모델의 추천 성능을 평가하기 위해 Yelp.com의 온라인 리뷰를 사용한 실험 결과, 기존 연구의 다양한 모델과 비교했을때 본 연구의 제안 모델이 우수한 추천 성능을 보이는 것을 확인하였다. 본 연구는 레스토랑 산업의 빅데이터를 활용한 맞춤형 레스토랑 추천 시스템을 제안함으로써 레스토랑 연구 분야와 온라인 서비스 제공자에게 학술적 및 실무적 측면에서 다양한 시사점을 제공할 수 있을 것으로 기대한다.

고객의 특성 정보를 활용한 화장품 추천시스템 개발 (Beauty Product Recommendation System using Customer Attributes Information)

  • 김효중;신우식;신동훈;김희웅;김화경
    • 경영정보학연구
    • /
    • 제23권4호
    • /
    • pp.69-86
    • /
    • 2021
  • 인공지능 기술이 발달함에 따라 빅데이터를 활용한 개인화 추천시스템에 대한 관심이 증가하고 있다. 특히 뷰티 제품의 경우 개인의 취향과 더불어 피부 특성 및 민감도에 따라 제품 선호도가 명확히 구분되므로 축적된 고객 데이터를 활용하여 고객 맞춤형 추천서비스를 제공하는 것이 필요하다. 따라서 본 연구에서는 딥러닝 기법을 활용하여 제품 검색 기록과 개인 사용자의 피부 타입과 고민 등의 콘텍스트 정보를 함께 반영한 심층 신경망 기반의 추천시스템 모델을 제시하고자 한다. 본 연구에서는 실제 화장품 검색 플렛폼의 데이터를 활용하여 성능 평가를 실시하였다. 본 연구의 실험 결과, 고객의 콘텍스트 정보를 포함한 모델이 제품 검색 기록만을 활용한 기존의 협업 필터링 모델들 보다 우수한 성능을 보임을 확인하였다.

고객의 투자상품 선호도를 활용한 금융상품 추천시스템 개발 (Financial Products Recommendation System Using Customer Behavior Information)

  • 김효중;김성범;김희웅
    • 경영정보학연구
    • /
    • 제25권1호
    • /
    • pp.111-128
    • /
    • 2023
  • 인공지능(AI) 기술이 발전함에 따라 빅데이터 기반의 상품 선호도 추정 개인화 추천시스템에 관심이 증가하고 있는 추세이다. 하지만 개인화 추천이 적합하지 않은 경우 고객의 구매 의사를 감소시키고 심지어 금융상품의 특성상 막대한 재무적 손실로 확대될 수 있는 위험을 가지고 있다. 따라서 고객의 특성과 상품 선호도를 포괄적으로 반영한 추천시스템을 개발하는 것이 비즈니스 성과 창출과 컴플라이언스 이슈 대응에 매우 중요하다. 특히 금융상품의 경우 개인의 투자성향과 리스크 회피도에 따라 고객의 상품 선호도가 구분되므로 축적된 고객 행동 데이터를 활용하여 맞춤형 추천서비스를 제안하는 것이 필요하다. 이러한 고객의 행동 특성과 거래 내역 데이터를 사용하는 것뿐만 아니라, 고객의 인구통계정보, 자산정보, 종목 보유 정보를 포함하여 추천 시스템의 콜드 스타트 문제를 해결하고자 한다. 따라서, 본 연구는 고객의 거래 로그 기록을 바탕으로 고객의 투자성향과 같은 특성 정보와 거래 내역 및 금융상품 정보를 통해 고객별 금융상품 잠재 선호도를 도출하여 딥러닝 기반의 협업 필터링을 제안한 모형이 가장 성능 우수한 것을 확인하였다. 본 연구는 고객의 금융 투자 메커니즘을 기반으로 금융상품 거래 데이터를 통해 미거래 금융상품에 대한 예상 선호를 도출하는 추천 모델을 구축하여, 선호가 높을 것으로 예상되는 상위 상품군을 추천하는 서비스를 개발하는 것에 의의가 있다.

CTR 예측을 위한 비전 트랜스포머 활용에 관한 연구 (A Study on Utilization of Vision Transformer for CTR Prediction)

  • 김태석;김석훈;임광혁
    • 지식경영연구
    • /
    • 제22권4호
    • /
    • pp.27-40
    • /
    • 2021
  • Click-Through Rate(CTR) 예측은 추천시스템에서 후보 항목의 순위를 결정하고 높은 순위의 항목들을 추천하여 고객의 정보 과부하를 줄임과 동시에 판매 촉진을 통한 수익 극대화를 달성할 수 있는 핵심 기능이다. 자연어 처리와 이미지 분류 분야는 심층신경망(deep neural network)의 활용을 통한 괄목한 성장을 하고 있다. 최근 이 분야의 주류를 이루던 모델과 차별화된 어텐션(attention) 메커니즘 기반의 트랜스포머(transformer) 모델이 제안되어 state-of-the-art를 달성하였다. 본 연구에서는 CTR 예측을 위한 트랜스포머 기반 모델의 성능 향상 방안을 제시한다. 자연어와 이미지 데이터와는 다른 이산적(discrete)이며 범주적(categorical)인 CTR 데이터 특성이 모델 성능에 미치는 영향력을 분석하기 위해 임베딩의 일반화(regularization)와 트랜스포머의 정규화(normalization)에 관한 실험을 수행한다. 실험 결과에 따르면, CTR 데이터 입력 처리를 위한 임베딩 과정에서 L2 일반화의 적용과 트랜스포머 모델의 기본 정규화 방법인 레이어 정규화 대신 배치 정규화를 적용할 때 예측 성능이 크게 향상됨을 확인하였다.