Next Article in Journal
Antiviral Filtering Capacity of GO-Coated Textiles
Next Article in Special Issue
Augmenting Black Sheep Neighbour Importance for Enhancing Rating Prediction Accuracy in Collaborative Filtering
Previous Article in Journal
Analysis and Design of Single-Phase Unidirectional Transducers with High Directivity
Previous Article in Special Issue
Combining Cluster-Based Profiling Based on Social Media Features and Association Rule Mining for Personalised Recommendations of Touristic Activities
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Review

Recommender Systems in the Real Estate Market—A Survey

by
Alireza Gharahighehi
1,2,*,
Konstantinos Pliakos
3 and
Celine Vens
1,2
1
Itec, Imec Research Group, KU Leuven, 8500 Kortrijk, Belgium
2
Department of Public Health and Primary Care, Campus KULAK, KU Leuven, 8500 Kortrijk, Belgium
3
Department of Management, Strategy and Innovation, KU Leuven, 3000 Leuven, Belgium
*
Author to whom correspondence should be addressed.
Appl. Sci. 2021, 11(16), 7502; https://doi.org/10.3390/app11167502
Submission received: 9 July 2021 / Revised: 9 August 2021 / Accepted: 11 August 2021 / Published: 16 August 2021

Abstract

:
The shift to e-commerce has changed many business areas. Real estate is one of the applications that has been affected by this modern technological wave. Recommender systems are intelligent models that assist users of real estate platforms in finding the best possible properties that fulfill their needs. However, the recommendation task is substantially more challenging in the real estate domain due to the many domain-specific limitations that impair typical recommender systems. For instance, real estate recommender systems usually face the clod-start problem where there are no historical logs for new users or new items, and the recommender system should provide recommendations for these new entities. Therefore, the recommender systems in the real estate market are different and substantially less studied than in other domains. In this article, we aim at providing a comprehensive and systematic literature review on applications of recommender systems in the real estate market. We evaluate a set of research articles (13 journal and 13 conference papers) which represent the majority of research and commercial solutions proposed in the field of real estate recommender systems. These papers have been reviewed and categorized based on their methodological approaches, the main challenges that they addressed, and their evaluation procedures. Based on these categorizations, we outlined some possible directions for future research.

1. Introduction

In the age of digitalization, people use online platforms to find their desired items. These platforms usually have a huge catalog of items, which makes it difficult for their users to find only a short list of desired items out of many other irrelevant items. A recommender system (RS) can assist users and online platforms by inferring users’ preferences and providing personalized recommendations that fulfill their needs. RSs are intelligent models that leverage data mining and machine learning methods to learn from users’ historical interactions with the system and personalize the user experiences. RSs are omni-present; they are utilized by movie and music platforms, online sellers, booking agencies, marketing agencies, and the real estate market. Although we do acknowledge the importance of all the aforementioned applications, in this paper, we focus on the real estate market as we deem that this field has not been adequately explored, and its particular recommendation challenges have not been well studied in the past years.
The need for accommodation is one of the pivotal needs of every human. People purchase/rent properties infrequently throughout their entire life, which makes the housing selection a particularly complex decision-making procedure. When searching for a desired property, users consider several criteria and decision factors. Some of these criteria represent users’ key decision factors, such as geographical location, price, and size of the property. Others represent minor factors that may have a lower effect on users’ choices, such as specific facilities, proximity to schools, public transportation, and markets. Currently, there is growing interest in using online platforms to search and find real estate items (properties), as users can specify their preferences and find suitable items that best match their criteria among many other irrelevant properties. RSs serve a user of a real estate platform by providing personalized recommendations based on the profile of the user. Users interact with these platforms in various ways. They usually express their needs explicitly by setting some search criteria, such as geographical location, price, and number of bedrooms. Furthermore, they may interact with some of the properties in the website by clicking on the property links, bookmarking, inquiring for more information, or requesting a visit. All these pulses help an RS to better infer the user preferences and to provide more relevant recommendations.
Although RSs are effective in the real estate domain, they have received limited attention in the literature, and to the best of our knowledge, there is no survey paper related to real estate recommendation. This is due to the increased complexity of the this task (e.g., temporal attribute) that limits the number of papers tackling the problem of real estate recommendation. In this paper, we first provide an overview of existing studies in the field of real estate recommendation by reviewing relevant methodological approaches. Collaborative filtering, content-based filtering, knowledge-based filtering, multi-criteria decision making, hybrid approach, and reinforcement learning are the main methodological approaches the researchers in this domain have used to provide real estate recommendations. We then identify the specific challenges that real estate RSs face, such as the cold-start problem, the integration of rich item features, the handling of the complex buying behavior, conflicting criteria, and existing data sparsity. Based on this overview, we finally outline some promising research directions to stimulate further research in this domain and assist researchers in positioning their contributions in the context of real estate RSs.
The structure of this paper is as follows: We provide an overview of the main types of RSs in Section 2. In Section 3, the strategy that was used to conduct the literature review is explained. In Section 4, we discuss the various methodological approaches in real estate recommendation tasks and categorize the related studies based on these approaches. Then, in Section 5, we outline the main challenges that RSs in the real estate domain encounter. Next, in Section 6, we review the datasets, the evaluation strategies and measures, and the baselines that are used for the evaluation procedures of the selected papers. Finally, we suggest some research directions to advance state-of-the-art real estate RSs in Section 7 and draw conclusions in Section 8.

2. Background

There are different types of RSs, and each models user preferences from a different perspective. In this section, we provide an overview on the main types of RSs before discussing the reviewed papers.

2.1. Content-Based Filtering

A content-based (CB) RS recommends items whose features match the user profile. CB RSs do not infer user preferences from collaborative information. Therefore, they suffer from the issue of over-specification and the generation of obvious recommendations. For instance, if a user of a movie streaming platform has already watched The Godfather and The Godfather Part II, then a CB RS would recommend The Godfather Part III to this user. While this kind of recommendation seems logical, it misses the surprise factor that most users are looking for. It also fails at providing even slightly more diverse suggestions, e.g., movies of different genres.
Recently, there have been more and more sources of side information and knowledge about elements of the system which are valuable for CB RSs. These information sources can be structured features, semi-structured, or unstructured. The unstructured sources of information such as user reviews and comments have become richer these days and are very helpful in generating recommendations [1]. Lops et al. [1] outlined the recent trends in the available sources of data for CB RSs as follows: linked open data, user-generated content, multimedia features, and heterogeneous information.

2.2. Collaborative Filtering

Collaborative filtering (CF) is a group of RSs which infers the preferences of a user using the preferences of other users in the system. Therefore, this type of RS assumes that users with similar history have similar tastes. The main advantage of CF-based RSs is that, unlike CB that provides obvious and over-specified recommendations, they are able to provide non-obvious and therefore more surprising recommendations. Generally there are two main categories of CF-based RSs: model-based and memory-based ones.
Model-based CF methods such as FunkSVD [2], BPR [3], and NeuMF [4] use the given users’ feedback to train a model and learn parameters to provide recommendations. These methods learn two low-rank matrices for users and items that represent them in a dense latent feature space. The given users’ feedback can be explicit (e.g., rating) or implicit (e.g., clicks). Model-based CF methods can be categorized based on their learning approaches to learning to predict ratings/interactions [2,4,5] and learning-to-rank methods [3,6,7]. Unlike the model-based CF, memory-based methods such as user-based KNN (UKNN) [8] and item-based KNN (IKNN) [9] are heuristic approaches that do not learn parameters but form neighborhoods based on user or item similarities to generate recommendations.

2.3. Hybrid Recommender Systems

To employ the capabilities of multiple RSs, a hybrid RS can be applied. There are several hybridization methods such as weighted, switching, mixed, feature combination, feature augmentation, cascading, and meta-level [10]. Batet et al. [11] proposed an agent-based hybrid RS which uses CB and CF information to overcome the caveats of individual recommendation strategies. In some applications, such as e-tourism, user context (e.g., time, location, vicinity, seasonality) plays an important role in a hybrid recommendation system [12]. For instance, in [13], the authors proposed a context-aware hybrid travel recommender system where the context such as location, time, and user’s mobility is used to re-rank the recommendation lists of a hybrid RS.

3. Survey Strategy

In this section we explain the selection procedure of relevant research papers. As opposed to narrative and traditional literature reviews, in this paper we used a systematic literature review (SLR) [14] procedure to systematically and comprehensively review relevant studies. An SLR should provide precise and understandable protocols to reduce the bias and systematic faults and, therefore, to guarantee the repeatability and trustworthiness of the review conclusions. Hence, SLR is more comprehensive, has lower risk of bias, has more formal and systematic protocols, but is relatively slower compared to narrative and traditional literature reviews. Recently, several studies used this type of review in the field of recommender systems [15,16,17].
To find the papers related to real estate RSs, we checked four main bibliography databases: ACM Digital Library, IEEE Xplore, Scopus, and Web of Science. We also used Google Scholar, which is one of the most popular scholarly search engines, to verify that we had covered all the relevant papers. We queried these sources to retrieve papers related to recommendation systems in real estate with the following query in February 2021:
((“recommender system”OR“recommendation system”)AND(“real estate”OR"housing"))
The initial list contained 150 papers. For each paper, we reviewed the abstracts based on the exclusion criteria described in Table 1 and identified 27 papers that passed the filtering. After reading the full text of these papers, we further excluded seven papers based on the exclusion criteria. Additionally, we reviewed the related work section of the remaining 20 papers and added six more papers to our corpus. As a result, we end up with 26 papers constituting of 13 conference papers and 13 journal papers. The summary tables of these selected papers are reported in Appendix A.
The distribution of the publication year of selected papers is depicted in Figure 1. The first paper related to real estate recommendation emerged in 1996 [18], indicating that the need for an online tool to recommend real estate items to users is not something new. However, the number of papers grows substantially in the course of time. As can be seen in Figure 1, 14 papers have been published very recently (between 2018 and 2021) which implies the recent trend of RSs in the real estate domain.

4. Methodological Approaches

There are multiple types of recommendation systems, and each has specific characteristics and advantages. We categorized the selected papers into six general methodological approaches, namely collaborative filtering (CF), content-based filtering (CB), knowledge-based RS (KB), reinforcement learning (RL), multi criteria decision making (MCDM), and hybrid approach (HB). We define one last broad category, denoted as other approaches, to encapsulate any remaining methods that do not fit in these six categories. This categorization is summarized in Table 2.

4.1. Collaborative Filtering

CF is widely used as an effective recommendation approach in various applications. It is also the most common RS in the real estate context (see Table 2). Seven papers in our corpus used CF RSs.

4.1.1. Model-Based Collaborative Filtering

Five papers among the selected ones used model-based CF to provide recommendation lists in a real estate context. Yu et al. [22] proposed two geographical proximity boosted real estate CF models, assuming that users’ preferences are highly related to properties’ geographical proximity. In this regard, they added two geographical-based regularization terms to the weighted regularized matrix factorization (WRMF) [43] and showed that the proposed geographical proximity boosted approaches perform better compared to the regular WRMF, PMF [44], SVD++ [45], UKNN, and IKNN.
Jun et al. [23] proposed the SeoulHouse2Vec RS which is an embedding-based housing RS using a neural network collaborative model. In this model, user ids and property ids are fed into a fully connected neural network to predict the user-item ratings obtained through a survey. In the trained model, the users and items are mapped to low-dimensional vectors (embeddings) which can be used to provide recommendations.
Milkovich et al. [19] used a simple deep neural network architecture that obtains the user-item interactions as input to learn the embeddings. They compared Adam and stochastic gradient descent (SGD) optimizers and L1, L2, and ElasticNet regularizers to avoid overfitting. They reported that the model with SGD and the L1 regularizer has the best performance.
Rehman et al. [20] cast the real estate recommendation problem as a session-based recommendation task where the RS should predict the next item of a session given the previous items in the session. They specifically proposed a two-step recommendation task. In the first step, they used the gated orthogonal recurrent unit (GORU) [46] with the Top1 loss function as a session-based recommender to generate an initial recommendation list that contains the most probable next items given the current items in the session. Then, the final ranking is formed based on the weighted cosine similarity of the last item in the session and the candidate items in the initial list. They showed that the proposed method performs better compared to GRU4REC [47,48], BPR, and KNN.
Knoll et al. [21] incorporated the item side-information in NeuMF and factorization machines (FM) [49] and evaluated them in two different scenarios: normal recommendation tasks and item cold-start recommendation tasks. They showed that NeuMF with side information performs better compared to FM in both scenarios.

4.1.2. Memory-Based Collaborative Filtering

There are two papers in our selected list of publications that used memory-based CF to provide housing recommendations. Wang et al. [24] changed the Pearson similarity measure in UKNN in order to better reflect the similarity between users with similar preferences. In this regard, they replaced the average rating over all users in the Pearson similarity measure to the average rating by users with similar preferences. While they stated that the proposed method is more accurate and more effective than UKNN, they did not compare the performance of the proposed approach with UKNN or any other baselines.
The authors of [25] proposed using a modified cosine similarity measure to recalculate the scores between users and property attributes such as area, price, position, pattern, and traffic and then used UKNN to find users with the same preferences. However, they did not provide a performance evaluation of their approach.

4.2. Content-Based Filtering

There are four papers in our list of selected papers which used CB RSs to provide housing recommendations. Kabir et al. [26] adapted the neural tensor network (NTN) [50] to calculate similarity scores between recommendable properties and the items that the user has seen so far and then provide a ranking of these recommendable properties for that user. In their model, the property features are converted to a word2vec representation and then fed into the NTN. They also captured the user context through a chat box, and therefore the final recommendations are based on both inferred preferences from the NTN and users’ contexts from the chat box.
Zhang et al. [27] proposed a two-stage CB model for housing recommendations. In the first stage they calculate the similarity scores between the target user and items using a cosine similarity measure where users and items are represented in the same feature space. They stated that users have different levels of behavior such as clicking, checking the detailed view, bookmarking, and inquiring, and they argued that these different behaviors should receive different weights in the user profile. In the second stage, they used XGBOOST [51] to output probabilities that a user likes the items in the preliminary recommendation list generated in the first stage. Next, they ranked the items based on their relevance scores.
Badriyah et al. [28] applied the TF-IDF (term frequency inverse document frequency) method based on the words in the title, description, address, and ad description of the properties that the user has visited. Their CB model estimates whether the user is interested in an item based on the formed user profile (visited property ads) and item features. Then, the Apriori algorithm is used to find the frequent item sets to provide the final recommendations. Li et al. [29] used a simple cosine-similarity-based CB RS to provide a ranked list of properties for a user session. For a new user, who has no historical records, they proposed using the average vector of all users as the profile of the new user.

4.3. Knowledge-Based

A knowledge-based (KB) RS infers users’ preferences based on the knowledge it has on how a particular item meets a particular user’s needs. In this type of RS, the knowledge about users and items should be represented to be used by the RS [52]. RentMe [18] is one of the earliest studies in the field of housing recommendations. It conveys three types of knowledge in order to provide recommendations: quality of neighborhoods, relative location of neighborhoods, and features of apartments along with their relative quality. In RentMe, a user first starts by selecting some criteria to limit the search space and then traverses the remaining search space to end up with a predefined number of apartments. Alrawhani et al. [30] used case-based reasoning in a housing recommendation task. Upon a user query for a desired property, the RS checks the previous cases in the database and retrieves the relevant solution.
Yuan et al. [31] used a method called methontology [53] to represent semantic relationships between nodes in an ontology, based on the knowledge gained from user study and real estate experts. Then, the case-based reasoning approach was used to find the best solution or case based on the problem definition (user query) in the system. The problem definition is based on the user’s search criteria such as price and location.
The authors of [32] formed a domain ontology which contained the semantic relations between different elements such as criteria, objectives, attributes, alternatives, weights, and geographical units. Then, they used the analytic hierarchy process (AHP) to select the best housing choices for users based on this domain ontology. In the proposed model, the user selects the geographical area and the criteria weights to obtain recommendations from the website.

4.4. Multi Criteria Decision Making

Multi criteria decision making (MCDM) is a group of methods with the aim of finding the best solution when there are multiple objective criteria which are mostly conflicting. For instance, in a housing selection context, a user would like a bigger house with lower price. MCDM methods can be categorized to multi objective optimization (MODM) and multi attribute decision making (MADM) [54]. MODM methods cast the problem as an optimization task with multiple objectives and constraints aiming at finding the optimal solution. MADM are a group of methods that select the best alternative among a limited number of pre-specified alternatives with respect to multiple criteria.

4.4.1. Multi Objective Decision Making

Two studies among the selected papers used MODM approaches to provide recommendations in the real estate domain. Daly et al. [33] argued that the travel time between the candidate property and some fixed locations (e.g., work place or school) is an important decision factor. They used the Dijkstra’s algorithm to calculate this travel time. Then, a set of Pareto optimal solutions can be found with two main objectives: minimizing travel time to three specified locations and minimizing price. They showed that the proposed method is effective in reducing the traveling time and rent.
Ho et al. [35] stated that a buyer of a real estate item has mainly two goals related to the future value of the property, namely the maximization of the expected gain and the minimization of the expected loss. Users have different tolerances toward risk, and this should be considered in the recommendations. They also argued that the criteria in the housing selection are fuzzy (e.g., nice neighborhood). Therefore, they proposed a fuzzy goal programming approach with s-shape risk aversion to address the mentioned considerations.

4.4.2. Multi Attribute Decision Making

There are three papers in our corpus [32,34,35] that used analytic hierarchy process (AHP) to specify the weights of each criterion/alternative for users. AHP, which is an MADM method, represents the problem as a hierarchy containing criteria and alternatives. User preferences are assigned to the nodes in the hierarchy reflecting the relative importance of the nodes in the defined problem. Das et al. [36] used the PROMETHEE II [55] method to rank the properties based on four main decision criteria, namely location, price, size, and property type. PROMETHEE is an MADM method that uses the importance of different criteria to rank several alternatives [56].

4.5. Reinforcement Learning

Reinforcement Learning (RL) is a subdomain of artificial intelligence where there are agents with no or limited knowledge that learn incrementally by taking actions in a dynamic context maximizing cumulative reward [57]. Two studies in our list of selected papers used RL to generate housing recommendations. In the apt decision [38], each user is linked to an agent, and it learns from agents’ interactions with not just the real estate items but also the related features. More specifically, in this application, users rank six positive and negative features and compare pairs of properties to reflect their preferences.
In [37], the authors proposed a two-phase method. In the first phase, similar to [38], users specify the desired and undesired features also interacting with popularity-based recommendations. In this phase, the agents gain initial knowledge and are therefore confronted with smaller search spaces. Then, in the second phase, agents learn from user reactions through an interactive learning approach.

4.6. Hybrid Approach

There are two studies among the selected papers that applied hybrid RSs in the real estate domain. Tas et al. [39] proposed a hybrid model consisting of a CB RS and a CF RS to generate recommendation lists. They compared IKNN and WRMF for the CF component and showed that IKNN provides more accurate recommendations compared to WRMF. Ojokoh et al. [40] hybridized an IKNN and a fuzzy-rule-based RS to rank the properties on a real estate website in Nigeria. They fuzzified the input variables to address vagueness in property features and user preferences.

4.7. Other Approaches

There are some other approaches that do no fit into the provided categorization. Chonwiharnphan et al. [42] proposed a method to generate realistic logs of users for a new real estate item. They used a neural network based model to learn item embeddings. This model consists of an autoencoder with six layers to map items to the embeddings of size 64 and a GRU (gated recurrent unit)-based predictor that predicts the next item given the embeddings of other items in the user profile. In this way, the generated embeddings are based on both item features and user preferences. Then, they used a conditional generative adversarial network (GAN) based on the learned item embeddings to generate user logs. In the proposed GAN-based model, they applied the straight-through Gumbel estimator [58] to avoid using an additional classifier in order to classify the predicted embeddings.
Li et al. [41] used XGBOOST to calculate relevance scores for recommendable properties given the user current search query, user previous interactions, and item features. To prevent XGBOOST from favoring numerical features in particular, they cascaded the proposed model in a way to balance the focus between categorical features and numerical ones. They showed that their proposed approach performs better compared to a CB RS.
In [34], a probabilistic relational model (PRM) with existence uncertainty is used to provide recommendations. PRM is an extension of Bayesian networks for relational databases that models the uncertainty between the existing attributes of objects and the relations between objects in the database. The proposed PRM-based RS predicts the probability that a particular user would like a candidate property given the search query of the user. They showed that their proposed model outperforms the content-based version of the same model, i.e., the model that only considers the immediate parents of the leaf nodes in the network.

5. Challenges

There are some profound challenges in housing recommendation tasks. These challenges are rooted in the unique characteristics of the items, users, and decision-making procedure in this domain. After thoroughly investigating the content of the reviewed papers in this study, we outlined the following main challenges in housing recommendations:
  • Cold-start problem;
  • Domain-specific item features;
  • Complex buying behavior;
  • Conflicting criteria;
  • Data sparsity.
This categorization is summarized in Table 3, and the specific challenges are thoroughly discussed in the following sections.

5.1. Cold-Start Problem

The cold-start problem in RSs refers to a situation where a new user or item enters the system and the RS is unable to generate recommendations for this new entity as there are no or very few interactions in the system for this new entity. In housing recommendation tasks, two types of cold-start problems exist: new users who have had a very limited number of interactions with the real estate platform, and new items that just appeared and should be recommended by the RS to the relevant users. There are five papers in our corpus that considered the cold-start problem in their studies.

5.1.1. Cold-Start Problem for New Items

Knoll et al. [21] addressed the cold-start problem for new items using two methods: FM and NeuMF. Both of these methods have the capability of capturing user and item side information and therefore are able to relate the new items to existing ones and recommend them even if these items have no or a very limited number of interactions.
Zhang et al. [27] used CB to address the cold-start problem for new items. Users and items are represented in the same feature space based on item metadata, and therefore the proposed CB method can generate recommendations for new items even if there is no interaction for these items in users’ history logs.
Chonwiharnphan et al. [42] proposed a method to generate realistic user logs for new items. They used a GAN-based approach to predict the order of possible embeddings and corresponding items that these embeddings represent. Then, based on these generated logs for new items, regular RSs can be applied to provide recommendations.

5.1.2. Cold-Start Problem for New Users

In [34], the authors argued that the cold-start problem for new users corresponds to a state of the proposed PRM-based model where the length of the slot chain is one. They showed that this state of the model can be considered as a pure CB model. The recommendations in this state are only based on the domain expert’s knowledge and user search criteria.
Rehman et al. [20] stated that normally, users’ long histories are not available in real estate websites, and therefore the typical CF methods are not applicable. To address this issue, instead of using a user-based approach, they proposed a session-based recommendation approach that predicts the next items for an active session even with a very short history of click events.

5.2. Domain-Specific Item Features

Real estate items have some domain-specific characteristics and features, and therefore generic recommendations may not directly apply to these types of items. The main real estate item features that are mentioned in the selected papers are summarized in Table 4. As is shown in this table, price, number of rooms, property type, living area, and geographical-based information are the most common features in housing recommendations.
Among the outlined features in Table 4, the ones that are related to geographical attributes such as city, location, neighborhood attributes, and proximity to places of interest (POIs) are more specific to the real estate context. In [22], it was stated that users are usually interested in properties with larger geographical proximity. Therefore, they adapted the WRMF model with two geographical regularization terms to exploit the importance of geographical information. Daly et al. [33] argued that the housing decision making depends on the geographical distances between the candidate property and some other locations such as workplace and school, which are considered POIs. The aim of their proposed model is to find candidate items in the desired price range with minimum travel time between the candidate item’s location and the selected POIs. In [31], the authors stated that the location is the most important feature that the user should specify, and the RS should be able to incorporate this selection in order to find more relevant items near the specified location.
Furthermore, some papers claimed that not all item features have the same effects on housing decision making. In apt decision [38], the users need to specify in their profiles what they consider as pivotal or inessential features. This helps the RS to focus more on pivotal features and relax the filtering for inessential features. Similarly, in RentMe [18], users should first start with some more pivotal features to limit the search space and then traverse the remaining search space with the more specific inessential features to obtain a final recommendation list. Burke et al. [18] supported the idea that the unweighted similarity over all item features is a poor measure as users consider different weights for features based on their preferences.

5.3. Complex Buying Behavior

Making decisions for some products such as cars and houses is complex as they are relatively expensive and people usually purchase/rent them infrequently. Therefore, RSs for these types of products should consider the complexity of decision making in this domain. Ojokoh et al. [40] argued that fuzzy logic can be very helpful in complex decision making situations to address uncertainty, impreciseness, and ambiguity in features and user preferences.
In [37], the authors discussed how the housing selection is a complex decision-making procedure, and as opposed to some other domains where the agent can start with zero knowledge and learn incrementally, in real estate agent-based RSs, an agent will fail to converge when the initial human-supplied knowledge is missing. They also argued that it is not feasible to transfer agents from other applications to the real estate domain without adapting the agents’ knowledge with real estate experts. These experts should provide initial knowledge in form of some policies that help the agents in agent-based RSs to find interesting trajectories in the huge search space.
Li et al. [41] stated that transactions in a real estate context are infrequent due to the longevity of housing decision making. To address this issue, they proposed using the whole user history (collaborative information) instead of only using search queries. They argued that this approach would be applicable in other complex decision-making procedures such as car recommendations and recruiting.
Burke et al. [18] looked at the housing decision-making procedure from another perspective. They discussed how a typical user in a real estate website would ask for a property similar to an existing one but with some small differences. For example, a user would say “I like an apartment similar to apartment "A" but a little bit cheaper or a little bit larger”. They had the tweak option in their platform, which means that the user can select an apartment as the search basis and then retrieve more desired cases by tweaking it, i.e., by changing some criteria such as number of bedrooms or neighborhood environment.

5.4. Conflicting Criteria

Users, who are the main decision makers in the housing selection procedure, have multiple criteria which are often conflicting. For instance, a typical user would like to find a house which is not expensive but at the same time spacious or in a nice neighborhood [36]. Ho et al. [35] proposed a hierarchy of criteria where four main ones are housing value, structure attributes, neighborhood attributes, and location attributes. They stated that some of the criteria in this hierarchy are conflicting, and therefore they used AHP to personalize the weights of criteria based on individuals’ preferences. Similarly, Malczewski and Jelokhani-Niaraki [32] used AHP on a hierarchy of criteria based on a predefined ontology to personalize the scores of real estate alternatives based on the different weights that users gave to the different (conflicting) criteria.

5.5. Data Sparsity

In the context of real estate recommendations, usually the interaction matrix between users and items is highly sparse, i.e., each user usually interacts with a few number of properties. Tonara and Widyawono [59] stated that the number of user interactions compared to the number of properties in real estate websites is highly limited. They proposed replacing the user-item matrix with a user-criteria matrix to address this sparsity issue, as the number of criteria is much smaller than the number of items, and the criteria set is quite static while the item set changes rapidly. Moreover, Oh and Tan [37] stated that the housing search space is highly sparse. They addressed the sparsity problem by providing initial knowledge to the agents to limit the search space and improve the RS performance.

6. Evaluation and Benchmarking

In this section we assess the selected papers with respect to their evaluation settings. We reviewed the type of datasets that were used, their evaluation strategies, the corresponding performance measures, and the baselines that were employed in the benchmarking.

6.1. Datasets

There is no paper in our corpus that publicly shared the used datasets or applied a publicly available real estate dataset. We described the used datasets in Table 5. In this table, the size of datasets (number of users and items) and the type of feedback that users provide are reported. In some papers, the details about the used datasets are not reported, and therefore they are excluded from Table 5. As reflected in this table, there are two types of feedback from users: explicit and implicit. The types of explicit feedback that have been used in our corpus are rating, liking/disliking, bookmarking, inquiring for more information, asking to visit, or filling out a questionnaire. Users usually show their implicit preferences via clicking on property links or by checking the more detailed information of the property.

6.2. Evaluation Strategy

There are three types of strategies that were used in the selected papers for evaluation purposes: offline, online, and user survey. In an offline evaluation strategy, the available historical user logs with properties are used to assess the capability of the trained model in predicting the hidden (test) interactions. The offline evaluation strategy is the only way of benchmarking when there is no access to the online users. On the other hand, the aim of an online evaluation strategy is to assess the model performance on data points that do not exist in a historical dataset. In this strategy, the proposed model can be evaluated by recommending items to real online users and checking their reactions. The performance of the RS can be also assessed by asking users to fill out surveys. The main advantage of conducting user surveys is that users can explicitly reflect their feedback on the provided service. From the papers that reported their evaluation strategies, 15 papers used offline evaluation, 3 papers used online evaluation, and 3 papers employed a user survey. Therefore, the offline evaluation approach is the dominant way of evaluating RSs in the real estate context, which is in line with the insights of other studies [60,61].

6.3. Evaluation Measures and Baselines

There are several types of evaluation measures to assess the performance of RSs. While the relevance measures are frequently used for evaluation, there are other measures such as coverage, diversity, and serendipity which are also considered as additional performance measures [62] for RSs. Relevance measures such as precision, recall, and NDCG evaluate the RS in predicting the items that the user will interact with. Coverage measures how well the item catalog [63] or stakeholders [64] are covered in recommendation lists. Diversity measures can be applied, for instance, in news recommendations [65,66] or music recommendations [67] to measure to what extent the recommendation lists contain diverse content. Serendipity metrics measure the novelty and unexpectedness of recommendation lists generated by RSs [68].
There are different types of evaluation measures in the selected papers to reflect the performance of the proposed housing RS. The distribution of these measures is summarized in Figure 2. As is shown in this figure, precision and recall, which are classic information retrieval metrics, are the most popular measures in evaluating housing RSs. The first five measures in the figure (AUC, accuracy, precision, recall, and F1) evaluate the ability of the RS in predicting the relevant items for users. MRR (mean reciprocal rank), MAP (mean average precision), and NDCG (normalized discounted cumulative gain) are rank-sensitive measures, which means that they evaluate the ability of the proposed method in recommending relevant items in higher ranks. All the aforementioned measures are applicable in offline evaluation approaches. Moreover, conversion rate is an online evaluation measure which shows whether users find their desired items and therefore are satisfied with the recommendations.
When it comes to baseline methods, the set of used baselines in the selected papers is quite diverse. In most of the papers, multiple versions of their proposed approaches are used as the competing methods in their benchmarking. The most frequently used baselines are KNN-based approaches (item-based or user-based) and popularity-based recommendation.

7. Possible Research Directions

In the previous sections, we assessed the selected studies in housing recommendation from various perspectives. As discussed, the selected papers addressed various challenges in housing recommendation tasks using different methodological and evaluation approaches. Nevertheless, there is still much room for better capturing the user preferences and subsequently improving the recommendation performance. In addition, as was thoroughly discussed in the previous sections, there are many bottlenecks in the domain of real estate recommendation that make the corresponding task particularly challenging. To the best of our knowledge, there has not been any proposed method addressing every challenge in the field, and all of the existing approaches have limitations. To this end, we believe that there is still much space for improvement in the field. In our effort to stimulate further research in this domain, we suggest the following research directions.
 
Cold-start problem for new items
As discussed in Section 5.1, the cold-start problem is one of the most important challenges in real estate RSs. These RSs should be able to recommend new items that just entered the system to the relevant users even if there is no historical log for these items. Items in real estate context usually have very rich metadata that can be used to address the item cold-start problem. Research efforts are still required to better investigate the incorporation of this rich metadata into CF-based RSs to serve new items. This can be achieved, for instance, by using a two-step model [69,70] or joint-optimization [71]. Another direction to address the cold-start problem is assessing the capability of hybrid models by combining models that can serve already known items (e.g., CF) with models that can handle new items (e.g., CB).
 
Feature extraction
Real estate items usually have unstructured metadata such as description, layout, images, and geo-spatial data that convey useful information and therefore should be used in RSs. Descriptions usually contain some sort of information that does not fit in structured/relational features. For instance, descriptions may reflect fuzzy features such as neighborhood environment and convenience. Images can represent visual features such as style of the property (e.g., modern or classic), lightness, and building exterior design. Geo-spatial data reflect the relative proximity of the property to other desired locations. These unstructured data can be processed in a separate model (e.g., a text classifier) and then incorporated into the main model, or one can consider an aggregated model that extracts features from these data and uses them in the recommendations. Additional features can be also extracted from the user–platform interactions, as there are different types of such activities (e.g., bookmarking, requesting a visit, or just clicking). These features could weigh or describe the user–property interactions.
 
Benchmarking
The literature in real estate RSs lacks a comprehensive benchmarking study that evaluates various recommendation models from different perspectives on public datasets. Most of the papers in our corpus compared their models with either a simpler version of the same model or with naive baselines such as the popularity-based RS. Moreover, the proposed approaches have been mainly evaluated with accuracy-based measures. Further assessment should be carried out in order to evaluate real estate RSs with respect to beyond accuracy measures such as diversity, coverage, and serendipity. Furthermore, providing a publicly available real estate dataset is essential to make the research efforts comparable and reproducible. Such datasets could first provide the RS community with valuable means for developing and testing new models. Second, they can be used in analytical comparison studies assisting scientists with drawing conclusions regarding the applicability and performance of newly proposed recommendation models.
 
Multi-stakeholder recommendation
In the real estate RSs, renters/buyers are not the only stakeholders in the system. Sellers/landlords and real estate brokers, who are the representatives of the sellers or landlords, also have a stake in recommendations on real estate websites. Therefore, multi-stakeholder RSs should be used in order to consider the preferences of all the stakeholders in generating recommendation lists. In this type of RS, maximizing the predicted accuracy should not be the only objective of recommendations. There are huge real estate agencies that advertise many properties and small agencies that have a limited number of properties in the system. A typical RS that is optimized only for predicted accuracy may be biased toward these huge agencies and favor them disproportionately and unfairly in the recommendations. In this situation, the multi-stakeholder RS should provide fair and calibrated recommendation lists that address this unfair bias [72].
 
Addressing data sparsity
As discussed in Section 5, usually the interaction matrix between users and real estate items is highly sparse, which can negatively affect the performance of RSs. This issue arises as the users are usually interested in a very small fraction of active real estate items (properties that have not been rented/purchased yet) in the catalog, and in the end, each item can only be rented/purchased by one user. The features and previous interactions of inactive items, i.e., properties that have been rented/purchased and are not available anymore, can still be used to generate better recommendations. This dynamic character of real estate RS, which also exists in recommending second-hand items and job RSs, is not discussed in the reviewed studies and would be an interesting topic for future research. To address this issue, one can densify the interaction matrix using artificial or real user logs. Artificial logs can be generated by applying generative models such as VAE (variational auto encoder) or GAN (generative adversarial network) to fill the interaction matrix. Another solution to address data sparsity is to fill the interaction matrix with real user logs by querying users’ feedback on some specific items that are more informative to the model.
 
Scalability
An important issue in real estate recommendations which is rarely discussed in the selected papers is scalability. A housing RS should be scalable, as the number of items and users are usually high, and the RS should provide relevant recommendations in a timely manner. A very accurate model would be useless in the real estate domain if it is not able to serve many users and items. Further research efforts should be carried out in order to address scalability issues both in model design and implementation.

8. Conclusions

In this paper, we present a survey of RSs in the context of the real estate market. Our corpus contains 26 papers (13 journal papers and 13 conference papers). We reviewed these papers based on the methodological approaches that they proposed, the challenges that they addressed, and the evaluation procedures they employed. For the methodological approaches, we outlined six main categories of RSs, namely collaborative filtering, content-based filtering, knowledge-based filtering, multi-criteria decision making, hybrid approach, and reinforcement learning. Similar to many other domains, collaborative filtering is the most common methodological approach in real estate recommender systems. We also outlined five main challenges in real estate recommendation: cold-start problem for new items and new users, incorporating specific item features, handling the complex buying behavior, decision making based on conflicting criteria, and sparsity. Then, we assessed the evaluation procedures of the papers in the corpus with respect to the used dataset, evaluation strategy, performance measures, and baselines. Finally, we suggested some research directions to advance the state of the art in real estate recommendation.

Author Contributions

Conceptualization, A.G., K.P., and C.V.; formal analysis, A.G.; investigation, A.G.; resources, A.G.; writing—original draft preparation, A.G.; writing—review and editing, A.G., K.P., and C.V.; supervision, K.P. and C.V.; project administration, C.V.; funding acquisition, C.V. All authors have read and agreed to the published version of the manuscript.

Funding

This work was executed within the Immosite.com project, an innovation project co-funded by Flanders Innovation & Entrepreneurship (project nr. HBC.2020.2674) and with involvement from industrial partners Immosite and g-company. The authors also acknowledge support from the Flemish Government (AI Research Program).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

No new data were created or analyzed in this study. Data sharing is not applicable to this article.

Conflicts of Interest

The authors declare no conflict of interest.

Appendix A

In this appendix we provide the summary tables (Table A1 and Table A2) of the selected papers.
Table A1. Summary of the selected papers with their keywords.
Table A1. Summary of the selected papers with their keywords.
AuthorsYearKeywords (Method or Challenge)
Burke et al. [18]1996KB, specific features, complex decision
Shearin and Lieberman [38]2001RL, specific features
Oh and Tan [37]2005RL, sparsity
Malczewski and Jelokhani [32]2012MCDM, KB, conflicting criteria
Yuan et al. [31]2013KB, specific features
Wang et al. [24]2013CF
Tonara et al. [59]2013sparsity
Daly et al. [33]2014MCDM, specific features
Chulyadyo and Leray [34]2014MCDM, cold-start
Ho et al. [35]2015MCDM, conflicting criteria
Alrawhani et al. [30]2016KB
Li et al. [41]2017XGBOOST, complex decision
Knoll et al. [21]2018CF, cold-start
Yu et al. [22]2018CF, cpecific features
Badriyah et al. [28]2018CB
Ojokoh et al. [40]2018HB, complex decision
Zhang et al. [27]2019CB, cold-start, complex decision
Liu and Guo [25]2019CF
Tas et al. [39]2019HB
Milkovich et al. [19]2020CF
Rehman et al. [20]2020CF, cold-start
Kabir et al. [26]2020CB
Jun et al. [23]2020CF
Chonwiharnphan et al. [42]2020GAN, cold-start
Li et al. [29]2020CB
Das et al. [36]2021MCDM, conflicting criteria
Table A2. Summary of the selected papers with their journal/conference names and number of citations.
Table A2. Summary of the selected papers with their journal/conference names and number of citations.
Ref.Journal/Conference Name# Citations
[18]National conference on artificial intelligence238
[38]International conference on Intelligent user interfaces180
[37]AI Magazine3
[32]Geo-spatial Information Science10
[31]Information Systems92
[24]International Conference of Modern Computer Science and Applications5
[59]International Journal of the Computer, the Internet and Management2
[33]ACM Conference on Recommender systems12
[34]International Conference on Knowledge-Based and Intelligent Information & Engineering Systems33
[35]European Journal of Operational Research26
[30]Journal of Telecommunication, Electronic and Computer Engineering8
[41]Pacific-Asia Conference on Knowledge Discovery and Data Mining4
[21]International Conference on Innovations for Community Services3
[22]International Conference on Web Information Systems Engineering2
[28]International Conference on Information and Communications Technology9
[40]Information Management and Business Review2
[27]IEEE International Conference on Intelligent Systems and Knowledge Engineering-
[25]International Conference on Virtual Reality and Intelligent Systems1
[39]International Journal of Technology and Engineering Studies-
[19]IEEE International Conference on Big Data Computing Service and Applications1
[20]Mediterranean Conference on Pattern Recognition and Artificial Intelligence-
[26]Mediterranean Conference on Pattern Recognition and Artificial Intelligence1
[23]Sustainability6
[42]IEEE Access5
[29]International Conference on Intelligent and Interactive Systems and Applications-
[36]International Conference on Recent Trends in Machine Learning, IoT, Smart Cities and Applications-

References

  1. Lops, P.; Jannach, D.; Musto, C.; Bogers, T.; Koolen, M. Trends in content-based recommendation. User Model. User-Adapt. Interact. 2019, 29, 239–249. [Google Scholar] [CrossRef] [Green Version]
  2. Paterek, A. Improving regularized singular value decomposition for collaborative filtering. In Proceedings of the KDD Cup and Workshop, San Jose, CA, USA, 12 August 2007; Volume 2007, pp. 5–8. [Google Scholar]
  3. Rendle, S.; Freudenthaler, C.; Gantner, Z.; Schmidt-Thieme, L. BPR: Bayesian personalized ranking from implicit feedback. arXiv 2012, arXiv:1205.2618. [Google Scholar]
  4. He, X.; Liao, L.; Zhang, H.; Nie, L.; Hu, X.; Chua, T.S. Neural collaborative filtering. In Proceedings of the 26th International Conference on World Wide Web, Perth, Australia, 3–7 April 2017; pp. 173–182. [Google Scholar]
  5. Pan, R.; Zhou, Y.; Cao, B.; Liu, N.N.; Lukose, R.; Scholz, M.; Yang, Q. One-class collaborative filtering. In Proceedings of the 2008 Eighth IEEE International Conference on Data Mining, Atlanta, GA, USA, 24–26 April 2008; pp. 502–511. [Google Scholar]
  6. Gharahighehi, A.; Vens, C. Extended Bayesian Personalized Ranking Based on Consumption Behavior. In Artificial Intelligence and Machine Learning; Bogaerts, B., Bontempi, G., Geurts, P., Harley, N., Lebichot, B., Lenaerts, T., Louppe, G., Eds.; Springer International Publishing: Cham, Switzerland, 2020; pp. 152–164. [Google Scholar]
  7. Weston, J.; Bengio, S.; Usunier, N. Wsabie: Scaling up to large vocabulary image annotation. In Proceedings of the Twenty-Second International Joint Conference on Artificial Intelligence, Catalonia, Spain, 16–22 July 2011. [Google Scholar]
  8. Breese, J.S.; Heckerman, D.; Kadie, C. Empirical analysis of predictive algorithms for collaborative filtering. In Proceedings of the Fourteenth Conference on Uncertainty in Artificial Intelligence, Madison, WI, USA, 24–26 July 1998; pp. 43–52. [Google Scholar]
  9. Sarwar, B.; Karypis, G.; Konstan, J.; Riedl, J. Item-based collaborative filtering recommendation algorithms. In Proceedings of the 10th International Conference on World Wide Web, Bonn, Germany, 23–27 October 2001; pp. 285–295. [Google Scholar]
  10. Burke, R. Hybrid recommender systems: Survey and experiments. User Model. User-Adapt. Interact. 2002, 12, 331–370. [Google Scholar] [CrossRef]
  11. Batet, M.; Moreno, A.; Sánchez, D.; Isern, D.; Valls, A. Turist@: Agent-based personalised recommendation of tourist activities. Expert Syst. Appl. 2012, 39, 7319–7329. [Google Scholar] [CrossRef]
  12. Haruna, K.; Akmar Ismail, M.; Suhendroyono, S.; Damiasih, D.; Pierewan, A.C.; Chiroma, H.; Herawan, T. Context-aware recommender system: A review of recent developmental process and future research direction. Appl. Sci. 2017, 7, 1211. [Google Scholar] [CrossRef] [Green Version]
  13. Logesh, R.; Subramaniyaswamy, V. Exploring hybrid recommender systems for personalized travel applications. In Cognitive Informatics and Soft Computing; Springer: Berlin/Heidelberg, Germany, 2019; pp. 535–544. [Google Scholar]
  14. Kitchenham, B.; Charters, S. Guidelines for Performing Systematic Literature Reviews in Software Engineering. Technical Report. 2007. Available online: https://www.bibsonomy.org/bibtex/aed0229656ada843d3e3f24e5e5c9eb9 (accessed on 5 May 2021).
  15. Khanal, S.S.; Prasad, P.; Alsadoon, A.; Maag, A. A systematic review: Machine learning based recommendation systems for e-learning. Educ. Inf. Technol. 2019, 25, 2635–2664. [Google Scholar] [CrossRef]
  16. Monti, D.; Rizzo, G.; Morisio, M. A systematic literature review of multicriteria recommender systems. Artif. Intell. Rev. 2021, 54, 427–468. [Google Scholar] [CrossRef]
  17. Ziarani, R.J.; Ravanmehr, R. Serendipity in Recommender Systems: A Systematic Literature Review. J. Comput. Sci. Technol. 2021, 36, 375–396. [Google Scholar] [CrossRef]
  18. Burke, R.D.; Hammond, K.J.; Young, B.C. Knowledge-based navigation of complex information spaces. In Proceedings of the National Conference on Artificial Intelligence, Portland, OR, USA, 4–8 August 1996; Volume 462, p. 468. [Google Scholar]
  19. Milkovich, K.; Shirur, S.; Desai, P.K.; Manjunath, L.; Wu, W. ZenDen-A Personalized House Searching Application. In Proceedings of the 2020 IEEE Sixth International Conference on Big Data Computing Service and Applications (BigDataService), Oxford, UK, 13–16 April 2020; pp. 173–178. [Google Scholar]
  20. Rehman, F.; Masood, H.; Ul-Hasan, A.; Nawaz, R.; Shafait, F. An Intelligent Context Aware Recommender System for Real-Estate. In Proceedings of the Mediterranean Conference on Pattern Recognition and Artificial Intelligence, Istanbul, Turkey, 22–23 December 2019; Springer: Berlin/Heidelberg, Germany, 2019; pp. 177–191. [Google Scholar]
  21. Knoll, J.; Groß, R.; Schwanke, A.; Rinn, B.; Schreyer, M. Applying recommender approaches to the real estate e-commerce market. In Proceedings of the International Conference on Innovations for Community Services, Zilina, Slovakia, 18–20 June 2018; Springer: Berlin/Heidelberg, Germany, 2018; pp. 111–126. [Google Scholar]
  22. Yu, Y.; Wang, C.; Zhang, L.; Gao, R.; Wang, H. Geographical proximity boosted recommendation algorithms for real estate. In Proceedings of the International Conference on Web Information Systems Engineering, Amsterdam, The Netherlands, 20–24 October 2018; Springer: Berlin/Heidelberg, Germany, 2018; pp. 51–66. [Google Scholar]
  23. Jun, H.J.; Kim, J.H.; Rhee, D.Y.; Chang, S.W. “SeoulHouse2Vec”: An Embedding-Based Collaborative Filtering Housing Recommender System for Analyzing Housing Preference. Sustainability 2020, 12, 6964. [Google Scholar] [CrossRef]
  24. Wang, L.; Hu, X.; Wei, J.; Cui, X. A collaborative filtering based personalized top-k recommender system for housing. In Proceedings of the 2012 International Conference of Modern Computer Science and Applications, Wuhan, China, 8 September 2012; Springer: Berlin/Heidelberg, Germany, 2013; pp. 461–466. [Google Scholar]
  25. Liu, F.; Guo, W.W. Research on House Recommendation Model Based on Cosine Similarity in Deep Learning Mode in Grid Environment. In Proceedings of the 2019 International Conference on Virtual Reality and Intelligent Systems (ICVRIS), Osaka, Japan, 23–27 March 2019; pp. 121–124. [Google Scholar]
  26. Kabir, R.H.; Pervaiz, B.; Khan, T.M.; Ul-Hasan, A.; Nawaz, R.; Shafait, F. DeepRank: Adapting Neural Tensor Networks for Ranking the Recommendations. In Proceedings of the Mediterranean Conference on Pattern Recognition and Artificial Intelligence, Istanbul, Turkey, 22–24 December 2019; Springer: Berlin/Heidelberg, Germany, 2019; pp. 162–176. [Google Scholar]
  27. Zhang, Q.; Zhang, D.; Lu, J.; Zhang, G.; Qu, W.; Cohen, M. A Recommender System for Cold-start Items: A Case Study in the Real Estate Industry. In Proceedings of the 2019 IEEE 14th International Conference on Intelligent Systems and Knowledge Engineering (ISKE), Dalian China, 14–16 November 2019; pp. 1185–1192. [Google Scholar]
  28. Badriyah, T.; Azvy, S.; Yuwono, W.; Syarif, I. Recommendation system for property search using content based filtering method. In Proceedings of the 2018 International Conference on Information and Communications Technology (ICOIACT), Yogyakarta, Indonesia, 6–7 March 2018; pp. 25–29. [Google Scholar]
  29. Li, Y.; Gao, S.; Wu, W.; Xie, P.; Xia, H. Research and Development Housing Rental System with Recommendation System Based on SpringBoot. In Proceedings of the International Conference on Intelligent and Interactive Systems and Applications, Las Palmas de Gran Canaria, Spain, 7–9 January 2020; Springer: Berlin/Heidelberg, Germany, 2020; pp. 619–627. [Google Scholar]
  30. Alrawhani, E.M.; Basirona, H.; Sa’ayaa, Z. Real estate recommender system using case-based reasoning approach. J. Telecommun. Electron. Comput. Eng. (JTEC) 2016, 8, 177–182. [Google Scholar]
  31. Yuan, X.; Lee, J.H.; Kim, S.J.; Kim, Y.H. Toward a user-oriented recommendation system for real estate websites. Inf. Syst. 2013, 38, 231–243. [Google Scholar] [CrossRef]
  32. Malczewski, J.; Jelokhani-Niaraki, M. An ontology-based multicriteria spatial decision support system: A case study of house selection. Geo-Spat. Inf. Sci. 2012, 15, 177–185. [Google Scholar] [CrossRef] [Green Version]
  33. Daly, E.M.; Botea, A.; Kishimoto, A.; Marinescu, R. Multi-criteria journey aware housing recommender system. In Proceedings of the 8th ACM Conference on Recommender Systems, Silicon Valley, CA, USA, 6–10 October 2014; pp. 325–328. [Google Scholar]
  34. Chulyadyo, R.; Leray, P. A personalized recommender system from probabilistic relational model and users’ preferences. Procedia Comput. Sci. 2014, 35, 1063–1072. [Google Scholar] [CrossRef]
  35. Ho, H.P.; Chang, C.T.; Ku, C.Y. House selection via the internet by considering homebuyers’ risk attitudes with S-shaped utility functions. Eur. J. Oper. Res. 2015, 241, 188–201. [Google Scholar] [CrossRef]
  36. Das, S.; Ghosh, S.; Mishra, B.S.P.; Mishra, M.K. A Novel Recommendation System for Housing Search: An MCDM Approach. In Proceedings of the International Conference on Recent Trends in Machine Learning, IoT, Smart Cities and Applications, Hyderabad, India, 28–29 March 2021; Springer: Berlin/Heidelberg, Germany, 2021; pp. 251–258. [Google Scholar]
  37. Oh, D.; Tan, C.L. Making better recommendations with online profiling agents. AI Mag. 2005, 26, 29. [Google Scholar]
  38. Shearin, S.; Lieberman, H. Intelligent profiling by example. In Proceedings of the 6th International Conference on Intelligent User Interfaces, Santa Fe, NM, USA, 14–17 January 2001; pp. 145–151. [Google Scholar]
  39. Tas, H.; Sumnu, H.E.; Gokoz, B.; Aytekin, T. Development of a Hybrid Real Estate Recommender System. Int. J. Technol. Eng. Stud. 2019, 5, 90–94. [Google Scholar] [CrossRef]
  40. Ojokoh, B.; Olayemi, O.; Babalola, A.; Eyo, E. A User-Centric Housing Recommender System. Inf. Manag. Bus. Rev. 2018, 10, 17–24. [Google Scholar]
  41. Li, S.; Nomura, S.; Kikuta, Y.; Arino, K. Web-scale personalized real-time recommender system on Suumo. In Proceedings of the Pacific-Asia Conference on Knowledge Discovery and Data Mining, Jeju, Korea, 23–26 May 2017; Springer: Berlin/Heidelberg, Germany, 2017; pp. 521–538. [Google Scholar]
  42. Chonwiharnphan, P.; Thienprapasith, P.; Chuangsuwanich, E. Generating realistic users using generative adversarial network with recommendation-based embedding. IEEE Access 2020, 8, 41384–41393. [Google Scholar] [CrossRef]
  43. Hu, Y.; Koren, Y.; Volinsky, C. Collaborative filtering for implicit feedback datasets. In Proceedings of the 2008 Eighth IEEE International Conference on Data Mining, Pisa, Italy, 15–19 December 2008; pp. 263–272. [Google Scholar]
  44. Mnih, A.; Salakhutdinov, R.R. Probabilistic matrix factorization. Adv. Neural Inf. Process. Syst. 2007, 20, 1257–1264. [Google Scholar]
  45. Koren, Y. Factorization meets the neighborhood: A multifaceted collaborative filtering model. In Proceedings of the 14th ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, Chicago, IL, USA, 11–14 August 2008; pp. 426–434. [Google Scholar]
  46. Jing, L.; Gulcehre, C.; Peurifoy, J.; Shen, Y.; Tegmark, M.; Soljacic, M.; Bengio, Y. Gated orthogonal recurrent units: On learning to forget. Neural Comput. 2019, 31, 765–783. [Google Scholar] [CrossRef]
  47. Hidasi, B.; Karatzoglou, A.; Baltrunas, L.; Tikk, D. Session-based recommendations with recurrent neural networks. arXiv 2015, arXiv:1511.06939. [Google Scholar]
  48. Hidasi, B.; Karatzoglou, A. Recurrent neural networks with top-k gains for session-based recommendations. In Proceedings of the 27th ACM International Conference on Information and Knowledge Management, Torino, Italy, 22–26 October 2018; ACM: New York, NY, USA, 2018; pp. 843–852. [Google Scholar]
  49. Rendle, S. Factorization machines. In Proceedings of the 2010 IEEE International Conference on Data Mining, Sydney, Australia, 13–17 December 2010; pp. 995–1000. [Google Scholar]
  50. Socher, R.; Chen, D.; Manning, C.D.; Ng, A. Reasoning with neural tensor networks for knowledge base completion. In Advances in Neural Information Processing Systems; Curran Associates Inc.: Red Hook, NY, USA, 2013; pp. 926–934. [Google Scholar]
  51. Chen, T.; Guestrin, C. Xgboost: A scalable tree boosting system. In Proceedings of the 22nd ACM Sigkdd International Conference on Knowledge Discovery and Data Mining, San Francisco, CA, USA, 13–17 August 2016; pp. 785–794. [Google Scholar]
  52. Burke, R. Knowledge-based recommender systems. Encycl. Libr. Inf. Syst. 2000, 69, 175–186. [Google Scholar]
  53. Fernández-López, M.; Gómez-Pérez, A.; Juristo, N. Methontology: From Ontological Art towards Ontological Engineering. In Proceedings of the Ontological Engineering AAAI-97 Spring Symposium Series; American Association for Artificial Intelligence: Palo Alto, CA, USA, 1997. [Google Scholar]
  54. Zavadskas, E.K.; Turskis, Z.; Kildienė, S. State of art surveys of overviews on MCDM/MADM methods. Technol. Econ. Dev. Econ. 2014, 20, 165–179. [Google Scholar] [CrossRef] [Green Version]
  55. Brans, J.P.; De Smet, Y. PROMETHEE methods. In Multiple Criteria Decision Analysis; Springer: Berlin/Heidelberg, Germany, 2016; pp. 187–219. [Google Scholar]
  56. Gharahi, A.; Kheirkhah, A.; Bagheri, A.; Ahmadi, M. Improving patient flow management process in emergency department using simulation and PROMETHEE method. J. Health Admin. (JHA) 2014, 17, Pe11–Pe25. [Google Scholar]
  57. Kaelbling, L.P.; Littman, M.L.; Moore, A.W. Reinforcement learning: A survey. J. Artif. Intell. Res. 1996, 4, 237–285. [Google Scholar] [CrossRef] [Green Version]
  58. Jang, E.; Gu, S.; Poole, B. Categorical reparameterization with gumbel-softmax. arXiv 2016, arXiv:1611.01144. [Google Scholar]
  59. Tonara, D.B.; Widyawono, A.A.; Ciputra, U. Recommender System in Property Business a Case Study from Surabaya, Indonesia. SPECIAL ISSUE-Int. J. Comput. Internet Manag. 2013, 23, 30–31. [Google Scholar]
  60. Jannach, D.; Zanker, M.; Ge, M.; Gröning, M. Recommender systems in computer science and information systems—A landscape of research. In Proceedings of the International Conference on Electronic Commerce and Web Technologies, Vienna, Austria, 4–5 September 2012; Springer: Berlin/Heidelberg, Germany, 2012; pp. 76–87. [Google Scholar]
  61. Beel, J.; Gipp, B.; Langer, S.; Breitinger, C. Paper recommender systems: A literature survey. Int. J. Dig. Libr. 2016, 17, 305–338. [Google Scholar] [CrossRef] [Green Version]
  62. Kaminskas, M.; Bridge, D. Diversity, serendipity, novelty, and coverage: A survey and empirical analysis of beyond-accuracy objectives in recommender systems. ACM Trans. Interact. Intell. Syst. (TiiS) 2016, 7, 1–42. [Google Scholar] [CrossRef]
  63. Adomavicius, G.; Kwon, Y. Improving aggregate recommendation diversity using ranking-based techniques. IEEE Trans. Knowl. Data Eng. 2011, 24, 896–911. [Google Scholar] [CrossRef]
  64. Gharahighehi, A.; Vens, C.; Pliakos, K. Multi-stakeholder News Recommendation Using Hypergraph Learning. In Proceedings of the ECML PKDD 2020 Workshops, Ghent, Belgium, 18 September 2020; Springer International Publishing: Cham, Switzerland, 2020; pp. 531–535. [Google Scholar]
  65. Gharahighehi, A.; Vens, C. Making Session-based News Recommenders Diversity-aware. In Proceedings of the Workshop on Online Misinformation- and Harm-Aware Recommender Systems, Virtual Event, 25 September 2020. [Google Scholar]
  66. Gharahighehi, A.; Vens, C. Diversification in session-based news recommender systems. arXiv 2021, arXiv:2102.03265. [Google Scholar] [CrossRef]
  67. Gharahighehi, A.; Vens, C. Personalizing Diversity Versus Accuracy in Session-Based Recommender Systems. SN Comput. Sci. 2021, 2, 39. [Google Scholar] [CrossRef]
  68. Kotkov, D.; Wang, S.; Veijalainen, J. A survey of serendipity in recommender systems. Knowl.-Based Syst. 2016, 111, 180–192. [Google Scholar] [CrossRef]
  69. Wei, J.; He, J.; Chen, K.; Zhou, Y.; Tang, Z. Collaborative filtering and deep learning based recommendation system for cold start items. Expert Syst. Appl. 2017, 69, 29–39. [Google Scholar] [CrossRef] [Green Version]
  70. Parambath, S.A.P.; Chawla, S. Simple and effective neural-free soft-cluster embeddings for item cold-start recommendations. Data Min. Knowl. Discov. 2020, 34, 1560–1588. [Google Scholar] [CrossRef]
  71. Gouvert, O.; Oberlin, T.; Févotte, C. Matrix Co-Factorization for Cold-Start Recommendation. In Proceedings of the 19th International Society for Music Information Retrieval Conference (ISMIR 2018), Paris, France, 23–27 September 2018. [Google Scholar]
  72. Gharahighehi, A.; Vens, C.; Pliakos, K. Fair multi-stakeholder news recommender system with hypergraph ranking. Inf. Process. Manag. 2021, 58, 102663. [Google Scholar] [CrossRef]
Figure 1. Number of publications in real estate RSs from 1996 to 2021.
Figure 1. Number of publications in real estate RSs from 1996 to 2021.
Applsci 11 07502 g001
Figure 2. Evaluation measures in housing RSs.
Figure 2. Evaluation measures in housing RSs.
Applsci 11 07502 g002
Table 1. Exclusion criteria.
Table 1. Exclusion criteria.
CriteriaDescription
EC-1The paper in not written in English.
EC-2The paper is not a full scientific paper.
EC-3The paper is not about recommender systems.
EC-4The paper is not about real estate market.
EC-5The paper or its extension has been already selected.
Table 2. Categorization of papers based on their methodological approaches.
Table 2. Categorization of papers based on their methodological approaches.
ModelStudies
Collaborative filtering[19,20,21,22,23,24,25]
Content-based filtering[26,27,28,29]
Knowledge-based[18,30,31,32]
Multi criteria decision making[32,33,34,35,36]
Reinforcement learning[37,38]
Hybrid approach[39,40]
Other approaches[34,41,42]
Table 3. Categorization of the papers based on challenges that they addressed.
Table 3. Categorization of the papers based on challenges that they addressed.
ChallengeStudies
Cold-start problem[20,21,27,34,42]
Specific item features[18,22,31,33,38]
Complex buying behavior[18,27,40,41]
Conflicting criteria[32,35,36]
Sparsity[37,59]
Table 4. The main Item features in real estate platforms.
Table 4. The main Item features in real estate platforms.
FeatureTypeStudies
PriceNumerical[18,20,21,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,39,40,41,42,59]
Property typeCategorical[21,26,27,31,33,36,37,40,42]
Number of roomsNumerical[18,20,21,23,26,27,28,30,31,32,33,34,35,38,40]
Number of parkingsNumerical[26,27,31,32,38]
FurnishedBinary[26,34,36]
Living areaNumerical[20,21,23,25,26,27,28,29,31,32,34,36,39,42]
Land areaNumerical[20,26,28,32]
CityCategorical[18,21,22,25,26,27,28,31,32,34,37,38,41,42]
Location (longitude and latitude)Numerical[20,22,26,31,33,36,39,41,42]
Neighborhood attributesCategorical[18,26,32,35,38,40]
Proximity to public transportNumerical[23,26,27,31,32,35,38,41,42]
Proximity to marketNumerical[23,26,31,32]
Proximity to schoolNumerical[23,31,32,33,35]
Proximity to workplaceNumerical[33,35]
Proximity to parkNumerical[23,26,31,32]
FacilitiesCategorical[18,26,28,29,31,38,42]
Pets allowedBinary[18,26,38]
Table 5. The descriptions of datasets used in the selected papers.
Table 5. The descriptions of datasets used in the selected papers.
Dataset# of Users# of ItemsFeedback
AARZ.pk [20]8998-Implicit (click)
AARZ.pk [26]-4608Implicit (click)
Immowelt [21]32,7663619Implicit (click)
House365 [22]46821098Implicit (number of clicks)
Suumo [41]--Explicit (inquiry)
Refs. [25,30]--Explicit (rating)
SeoulHouse2Vec [23]215679Explicit (rating)
Home.co.th [42]-5400Implicit (click)
JOURA [33]20500Implicit (click)
Ref. [31]30500Explicit (questioner)
CFP-TR4H [24]5000-Explicit (rating)
HumanE [37]150800Explicit (desired, undesired)
Ref. [27]88,81850,972Explicit and Implicit (click, bookmark)
KYZIA.fr [34]140070,000Implicit (click)
Zingat.com [39]-300,000Implicit (click, inquiry, photo views)
Ref. [40]20-Explicit (rating)
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Gharahighehi, A.; Pliakos, K.; Vens, C. Recommender Systems in the Real Estate Market—A Survey. Appl. Sci. 2021, 11, 7502. https://doi.org/10.3390/app11167502

AMA Style

Gharahighehi A, Pliakos K, Vens C. Recommender Systems in the Real Estate Market—A Survey. Applied Sciences. 2021; 11(16):7502. https://doi.org/10.3390/app11167502

Chicago/Turabian Style

Gharahighehi, Alireza, Konstantinos Pliakos, and Celine Vens. 2021. "Recommender Systems in the Real Estate Market—A Survey" Applied Sciences 11, no. 16: 7502. https://doi.org/10.3390/app11167502

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop