Skip to main content

ORIGINAL RESEARCH article

Front. Big Data, 03 August 2022
Sec. Data Mining and Management
Volume 5 - 2022 | https://doi.org/10.3389/fdata.2022.931206

Do we behave differently on Twitter and Facebook: Multi-view social network user personality profiling for content recommendation

Qi Yang1,2* Aleksandr Farseev1,2 Sergey Nikolenko2,3 Andrey Filchenkov1
  • 1Machine Learning Lab, ITMO University, St. Petersburg, Russia
  • 2Somin Research, SoMin.AI, Singapore, Singapore
  • 3Steklov Institute of Mathematics at Saint Petersburg, St. Petersburg, Russia

Human personality traits are key drivers behind our decision making, influencing our lives on a daily basis. Inference of personality traits, such as the Myers-Briggs personality type, as well as an understanding of dependencies between personality traits and user behavior on various social media platforms, is of crucial importance to modern research and industry applications such as recommender systems. The emergence of diverse and cross-purpose social media avenues makes it possible to perform user personality profiling automatically and efficiently based on data represented across multiple data modalities. However, research efforts on personality profiling from multi-source multi-modal social media data are relatively sparse; the impact of different social network data on profiling performance and of personality traits on applications such as recommender systems is yet to be evaluated. Furthermore, large-scale datasets are also lacking in the research community. To fill these gaps, in this work we develop a novel multi-view fusion framework PERS that infers Myers-Briggs personality type indicators. We evaluate the results not just across data modalities but also across different social networks, and also evaluate the impact of inferred personality traits on recommender systems. Our experimental results demonstrate that PERS is able to learn from multi-view data for personality profiling by efficiently leveraging highly varied data from diverse social multimedia sources. Furthermore, we demonstrate that inferred personality traits can be beneficial to other industry applications. Among other results, we show that people tend to reveal multiple facets of their personality in different social media avenues. We also release a social multimedia dataset in order to facilitate further research on this direction.

1. Introduction

Over the past decade, an increasing number of social media platforms have been rapidly emerging; these platforms are already playing a vital role in facilitating human interactions worldwide. Since 2012, the average daily social media screen time has increased from 60 to 144 min (MIN, 2022). Furthermore, it has spiked even higher since the beginning of the COVID-19 disease outbreak (Farseev et al., 2020a), when many people around the world have been locked at home with the only remaining option of engaging their friends through social media and videoconferencing.

To maintain high user engagement rates, it is essential for social network conglomerates to position and recommend relevant content according to user interests and online behaviors. For example, extroverted people are more likely to use social media in general as they tend to reveal themselves as enthusiastic, interactive, and therefore forming more social circles around themselves (Gil de Zúñiga et al., 2017). On the other hands, introverts have been found to be spending significantly more time evaluating the value of each online service they use before a deeper user-service interaction may occur (Lu and Hsiao, 2010).

With such large and diverse data available nowadays on social media, it is getting virtually impossible to manually distinguish social media users when attempting to provide them with more personalized online experiences (Farseev et al., 2018). This leads to the need for an automated approach to human behavior pattern understanding on social media (Farseev et al., 2020b). However, nowadays personality profiling still heavily relies on manual procedures such as questionnaires and quizzes (Murray, 1990), which require an especially high level of cooperation from the user. Therefore, the cost of personality profiling remains unacceptably high for wide application, limiting its use in real-time online services such as social networking websites (Farseev et al., 2016).

Automated recognition of personality traits is known to be a hard problem (Buraya et al., 2018; TWI, 2022), mainly due to the multi-faceted nature of social media data. For example, Twitter is often used for casual daily interactions, while Facebook is currently perceived more as a private communication channel. As a result, Facebook audience demographics varies drastically, spanning both young and senior age groups, while, e.g., TikTok audiences mostly consist of young individuals, between 18 and 34 years old. Yet other social networks might not just have a non-uniform age distribution in their audience but also other characteristic features, e.g., Pinterest tends to be largely populated by female users (PIN, 2022).

These demographic considerations can be supplemented and significantly improved by exploring the drastic difference in behavioral traits that people exhibit across various social media avenues. For example, Twitter, being one of the most open social media outlets, is known to concentrate on the users' self-expression rather than their identity and capture more about the users' public personality intended for the broader public (TWI, 2022). On the other hand, specialized personality-focused forums such as PersonalityCafe1 may concentrate their communication on the members' behavioral habits, allowing to gain a deeper insight into a user's behavior from the content they post. In such a multi-faceted multi-source cross-demographic environment, the task of automated personality profiling from social media data appears to be both highly relevant and very challenging. Since this topic has not been widely explored by the research community yet, it requires a more in-depth analysis; in this work, we make the first steps in such an analysis.

Personality trait recognition has many applications, e.g., related to user retention, increasing user engagement, and the like. One of the most important classes of such applications deals with recommender systems that are able to leverage known user personality traits to further improve recommendations (Dhelim et al., 2021). Recommender systems are key parts of any social network, used both in order to increase user engagement via recommending useful and interesting content and in order to increase the profit of the network itself through more relevant advertising. In this work, we also consider recommender systems as a key application validating the usefulness of our approach.

Despite the advantages of leveraging multiple data modalities and sources, there are several important difficulties that we identify for the personality recognition problem:

1. Data gathering: data from modern social media platforms is often distributed across various online resources and shielded behind privacy settings; it is therefore important to implement large-scale cross-source data collection techniques;

2. Data representation: since real-world social media data comes with different data modalities (such as text, image, video, location etc.), to incorporate such heterogeneous multi-modal data requires us to implement mutually compatible state of the art approaches to data representation (feature learning);

3. Data modeling: efficient data integration into a single machine learning model is a challenging task, as the data sources and data modalities often represent various aspects of human life and therefore are often very different in nature; moreover, the high dimensionality of multi-modal feature spaces often leads to the so-called “curse of dimensionality” problem when being processed directly, and therefore dimensionality balancing needs to be accomplished.

Inspired by the research gap and challenges outlined above, in this work we raise four main research questions.

RQ1 Is it possible to reliably and accurately infer user personality traits at scale in an automatic fashion? This is the basic question of our study and a key question to establish a benchmark for multi-view personality profiling.

RQ2 Is it possible to improve personality profiling performance by leveraging multi-view social multimedia data? This question is important to assess the real world applicability of our personality profiling approach to modern social media scenarios, where information about users may come from many different sources and modalities, and different users may have crucial data in different modalities.

RQ3 Is it possible to improve the performance of recommender systems by introducing additional features related to automatically inferred personality traits? This is a key question to understand the real life applicability of our research, as recommender systems are a key part of social networks, and any positive impact of the user personality signal on their performance would have significant real world ramifications.

RQ4 What is the impact of social media data origin on the performance of user personality profiling? This is needed to establish a clear path of future research on multi-source and multimodal learning.

To answer our proposed research questions, in this study we introduce a novel multi-view personality profiling meta ensemble framework, called PERS, which is able to efficiently profile social media user personality by leveraging multimodal multimedia data coming from multi-faceted social networks. Then we evaluate the performance of recommender systems leveraging the personality signal, showing that user personality is beneficial for state of the art personalized content recommender system. Furthermore, we introduce efficient data gathering and representation techniques, allowing for seamless processing of data from Facebook, Twitter, and PersonalityCafe social media forums. Finally, we release the PERS dataset2 to the research community, allowing for future extensive cross-disciplinary research; we view this dataset, described in detail in Section 3.2, as an important contribution of the present work.

The major contributions of this work are four-fold. First, we propose a novel machine learning framework for multi-view user profiling and demonstrate that efficient personality profiling is possible, achieving industry-level performance for several personality attributes. Second, we demonstrate that different social networks are different in nature, which impacts the personality profiling performance and therefore needs to be considered during the data modeling process. Third, we demonstrate that the user personality signal is beneficial to the performance of state of the art recommender systems, with immediate consequences for real world applications of our model. Fourth, we present and release to the public a new multi-source cross-social personality profiling dataset designed to allow further research on personality traits in social network analysis and recommender systems.

2. Related work

The past three decades have seen several studies attempting to model human personality traits from a statistical perspective. First, the Big Five model was proposed by Digman (1990); the author revealed a close relationship between human personality and their written language, inferred from statistical analysis of the English lexicon. Inspired by the idea, Pennebaker and King (1999) later laid the foundation of statistical personality profiling by introducing the LIWC word categorization scheme that has numerically bridged personality traits and written language utilization patterns.

Several studies have been devoted to automatic personality profiling, where cross-disciplinary research groups were utilizing machine learning techniques for automatic human personality inference based on test-generated data (Argamon et al., 2005; Mairesse et al., 2007). We note, however, that these studies are all based on relatively small datasets and therefore have limited possibilities to extend to large-scale datasets that would appear in a real-world scenario. Moving forward, the problem with insufficient data was partially mitigated by the introduction of the “MyPersonality” project (Kosinski et al., 2015), the first large-scale personality-labeled dataset that includes user-generated data from Facebook; this dataset immediately attracted multimedia community attention, facilitating the first larger-scale studies in social media personality profiling research (Gjurković and Šnajder, 2018; Tadesse et al., 2018; Kumar and Gavrilova, 2019).

These studies have made a big leap in the field, but one could also notice that most of them still lack a very important factor limiting their real-world applicability: they are largely focused on a single data source (e.g., Facebook) or a single data modality (e.g., text). On the other hand, modern social network data is multi-source, multi-view, and multimodal. In particular, the Linguistic Inquiry and Word Count (LIWC) works are mostly focused on text-only data processing to predict personality by using personality-labeled word categories (Holtgraves, 2011; Sumner et al., 2012), while Arnoux et al. (2017) and Tandera et al. (2017) instead utilized pretrained GloVe embeddings of text data (Pennington et al., 2014) and were the first to report the results of machine learning-driven unimodal personality inference.

Finally, there were several studies that approached user profiling from a multimodal data perspective. For example, Farseev et al. (2015) proposed a multimodal ensemble model for the demographic profiling problem from multimodal data. Later, Farseev and Chua (2017a) extended the framework to leverage sensor data and multi-source multi-task learning for wellness profiling. Buraya et al. (2017) proposed to solve the problem of relationship status inference by applying ‘out of the box” machine learning on early-fused data from Twitter, Instagram, Facebook, and Foursquare, achieving a significant 17% increase in performance compared to unimodal learning. Going further, Tsai et al. (2019) proposed a factorization method to model the intra-modal and inter-modal relationships within multimodal data inputs, which proved to be important for the incorporation of multimodal data into user profiling, while Buraya et al. (2018) instead leveraged the temporal component of the multimodal data, being the first to apply deep learning methods for multi-view personality profiling. While multimodal data has already been tackled in these works, all of them still lack multi-source cross-social network data processing (Farseev, 2017), which limits their applicability in the majority of real-world scenarios.

As we have seen, there is significant evidence that incorporation of multi-modal data for automatic user profiling is useful to achieve better prediction performance. However, when it comes to evaluating the role of social network choice for user profile learning, existing research results remain to be relatively sparse. At the same time, it is reasonable to assume that often serving different needs of an individual, various social media sources might provide data that is very diverse in nature, and therefore a more comprehensive study on the roles of different data sources for personality user profiling is necessary.

Another direction of study that we improve with extracted personality traits are content recommendation systems. In classical collaborative filtering, matrix factorization (Bell et al., 2007; Mnih and Salakhutdinov, 2007; Koren and Bell, 2011) has become the standard baseline, with a huge number of variations and applications; it is still competitive but there are alternative approaches. Autoencoder-based models learn a functions that maps user feedback to user embeddings instead of learning the embedding matrix explicitly. Early approaches utilized shallow autoencoders (Sedhain et al., 2015; Wu et al., 2016), while variational autoencoders allowed to train more complex and deep models (Liang et al., 2018; Kim and Suh, 2019; Lobel et al., 2019; Mirvakhabova et al., 2020; Shenbin et al., 2020). Another recent class of models in collaborative filtering is based on graph convolutional network, including NFCF (Wang et al., 2019) and LightGCN (He et al., 2020) that are computationally heavy but demonstrate impressive performance, with more recent approaches such as GF-CF (Shen et al., 2021) and UltraGCN (Mao et al., 2021) improved both performance and computational efficiency. In this work, we specifically need models that can take into account new features such as personality traits; we selected the Personalized Content Discovery (PCD) model (Gelli et al., 2018) because it was tailored to a similar problem of content discovery for brands but also note several other works that extend recommender systems with extra features and extra data modalities (Zhang et al., 2016; Tanjim et al., 2020; Gao et al., 2021; He et al., 2021; Cai et al., 2022).

3. Data and feature extraction

3.1. MBTI personality categorization

To represent human personality, in this work we use the Myers-Briggs Type Indicator (MBTI) (Myers, 1998), widely adopted by the research community (Buraya et al., 2017, 2018). MBTI splits human personality into 16 types, each formed by the following four binary dimensions:

Extroversion vs. Introversion (EI): this dimension determines how an individual focuses her energies and interest, whether she is influenced externally by the opinions and interpretations of others (extroverts) or motivated by her inner thoughts (introverts).

Sensing vs. iNtuition (SN): this aspect demonstrates how people interpret knowledge. Sensing personalities make decisions based on their five senses and solid observation, whereas intuitive individuals favor imagination to constancy.

Thinking vs. Feeling (TF): a person with the thinking aspect prioritizes logical behavior in their decisions, while feeling individuals are empathic and give priority to emotions over logic.

Judging vs. Perceiving (JP): this dichotomy describes an individual approach toward work, decision-making, and planning. Judging individuals are highly organized in their thoughts, while perceivers behave more spontaneously.

The MBTI personality categorization scheme defines each of the 4 binary MBTI categories to represent a different aspect of human personality. However, when being combined into 16 personality types, it is known to have a major shortcoming, namely large overlap between the “neighboring” categories, e.g., INTJ and INTP. Given the noisy nature of social media content, we suggest that it might be a good idea to model and predict individual binary MBTI personality traits instead of modeling the overlapping 16-category structure. Therefore, in this work we have adopted a binary personality categorization scheme, leading to four binary classifiers.

3.2. PERS multi-source multi-view personality dataset

Our main contribution in this work is a model that predicts user personality from multi-faceted social network data. Thus, we collected the primary dataset for this work from social networks for users whose personality types are somehow known; in this section, we outline data acquisition and feature extraction (preprocessing) for this dataset.

3.2.1. Data acquisition

The data was collected from Twitter, Facebook, and PersonalityCafe social networks during the time interval from Jan 1, 2018 to Jan 1, 2021. Data acquisition proceeded via the following three steps.

1. Ground truth collection. To obtain personality ground truth from Twitter, we have downloaded all tweets that contain self-reported personality-related keywords/phrases such as “I'm an ENTP” or “I am an ENTP” and extracted the personality trait from those phrases. This trait represents the ground truth for each user (see Figure 1A for an example). To harvest Facebook ground truth, we have monitored Facebook comments under personality test results released on the 16personalities portal (see Figure 1B for an example). Likewise, to obtain personality-related ground truth from the PersonalityCafe forum, we downloaded the users' publicly available self-reported personality traits from their profile pages (see Figure 1C for an example).

2. User-generated content (UGC) collection. To establish UGC collection from Twitter and Facebook, we have downloaded user timelines through Twitter REST API3 and Facebook GRAPH API4, respectively. To collect UGC from the PersonalityCafe forum, we downloaded posts from the MBTI forum thread.

3. Data preprocessing. Since social network data might exhibit significant noise levels and often contains grammatical errors, it becomes necessary to perform data preprocessing prior to the data modeling stage. At the same time, we need to remove direct personality mentions from textual content so that the model will not be able to use personality abbreviations from the post content at the inference stage. To mitigate the above two problems, we have pre-processed our dataset as follows:

(a) Data filtering: to ensure sufficient amount of data available per user for training and inference, we have filtered out users with less than 10 tweets available;

(b) Inline label replacement: for all personality traits, the personality type name was replaced with the TYPE placeholder (e.g., “ENTJ” would be replaced with “TYPE”);

(c) Social indicator replacement: similar to Nguyen et al. (2020), we have further converted emojis into the corresponding descriptive textual strings, removed all non-ASCII words, and normalized the text by replacing user mentions, URLs, hashtags, date-time by the corresponding placeholders as follows: @USER, HTTPURL, HASHTAG, DATETIME.

FIGURE 1
www.frontiersin.org

Figure 1. A sample target user from (A) Twitter, (B) Facebook, and (C) PersonalityCafe.

Tables 1, 2 show the basic statistics of our dataset and statistics across 16 personality labels, and Figure 2 visually reflects the personality label distributions. Figure 2 and Table 2 show that INFP, INFJ, INTJ, ENTP, and INTP are the Top-5 most popular personality labels found in both Facebook and Twitter datasets, showing the consistency of data distributions across general social networks; this reduces the risk of falling into source-dependent bias during the data modeling stage. At the same time, it is important to note that in the PersonalityCafe forum data ENFP, INFP, INFJ, and ENFJ labels dominate the rest. This shows that the personality-related data sources might have a distribution shift toward individuals of certain personality types (different from the general distribution) that tend to participate in such specific personality-related discussions. Therefore, evaluation based on the PersonalityCafe dataset must be accomplished independently.

TABLE 1
www.frontiersin.org

Table 1. Dataset statistics.

TABLE 2
www.frontiersin.org

Table 2. Distribution of personality traits.

FIGURE 2
www.frontiersin.org

Figure 2. Proportion of personality traits in three data sources.

3.2.2. Data representation

To facilitate an effective data modeling process, the data needs to be properly represented in the form of feature vectors. Following the best practices described in user profiling literature (Farseev and Chua, 2017b; Rangel Pardo et al., 2018; Khan et al., 2020) we have chosen the following data representation approaches.

1. Text features. First, to represent textual data at the user level, for each user all posts were concatenated into the corresponding user-specific “documents.” Second, we used the term frequency-inverse document frequency (TF-IDF) weights to construct the document-term matrix. Finally, we applied the Latent Semantic Analysis model (LSA) (Halko et al., 2011); this simple topic model has been previously shown to lead to significant improvements in performance when applied for user profiling (Daneshvar and Inkpen, 2018). The final dimension of the compressed textual feature vector was set to 100; this number of dimensions has been found empirically during a grid search.

2. Visual features. To represent visual data (images), we have automatically mapped each photo into a distribution over 1,000 ImageNet (Deng et al., 2009) image concepts via a pre-trained ResNet-101 model (He et al., 2016). The model predicts a distribution over 1,000 classes (image concepts), and we extract image features as probabilities of these 100 image concepts for every image to represent the user's image preferences. Figure 3 shows several sample concepts extracted from the images in user timeline data; note that sometimes these concepts correspond to different objects on the image (“mask,” “hat,” and “seat belt” on image 6), sometimes they consider the same primary object from different sides (“missile”, “projectile,” and “carrier” on image 5), and other times they “cover” different closely related possibilities (such as different dog breeds in images 2 and 3). We then summed up the predicted concept occurrence likelihoods for each user and normalized the resulting vector element-wise by the total number of images available from the user. In such a way, for each user, we have obtained a 1, 000-sized image concept distribution vector. Similarly to the text modality, we have further applied principal component analysis (PCA) (Jolliffe, 2011) to reduce the dimensionality of the visual feature space to 200.

FIGURE 3
www.frontiersin.org

Figure 3. Sample concepts extracted from user images.

3.3. PERS Rec multi-view dataset

To investigate the impact of human personality traits on the performance of content recommendation systems with social media data, we need a large dataset with the interactions of users and social media posts. In this section, we present the details of such a dataset.

3.3.1. Data acquisition

Inspired by Gelli et al. (2018), we choose Twitter as the main source for this dataset. We selected 48 brands with 100 posts each (the threshold of 100 was chosen by us to have sufficient data), thus obtaining a set of 48 brands and 4,800 posts by these brands. Next, we retrieved the list of users who liked these posts as well as their timeline data with the same methodology as in Section 3.2.1. Table 3 shows the basic statistics of the resulting dataset.

TABLE 3
www.frontiersin.org

Table 3. PERS Rec dataset statistics.

3.3.2. Data representation

To represent the brand posts data, we follow the same data representation approach as for the personality dataset, as outlined in Section 3.2.2.

1. Text features. We extracted the TF-IDF features for each post to form the document-term matrix and then applied latent semantic analysis (LSA) (Dumais, 2004) to reduce the textual feature dimension to 100. For a given number of features k (in our case k = 100), latent semantic analysis applies the singular value decomposition to the document-term matrix X (in our case to the matrix of tf-idf weights), obtaining X = UΣV, restricts U, Σ, and V to k top singular values, obtaining the low-rank approximation Xk=UkΣkVk, and then represents a document d as a vector Ukdk.

2. Visual features. We mapped each of the posts into the distribution of 1,000 ImageNet image concepts via the pre-trained ResNet-101 model and applied principal component analysis (PCA) on the image concepts matrix to reduce the visual feature dimension to 200 (Jolliffe and Cadima, 2016). Principal components analysis finds the orthonormal basis of vectors (principal components) w that sequentially maximize the variance of data points projected on these components: for a data matrix X (in our case, the N × 1, 000 matrix of concept distributions), w1=argmax||w||=1||Xw||2=argmax||w||=1wXXw, w2 is found similarly after projecting X to the subspace orthogonal to w1, and so on; to obtain the features, X is projected to the first k (in our case, k = 200) principal components: X^=XWk, where Wk = (w1, …, wk).

In addition to the method of user data representation described in Section 3.2.2, we have inferred the user's personality representation with the PERS model; our main goal on this dataset is to investigate whether inferred personality traits can bring significant benefits to recommender systems.

4. Methods

4.1. Social media data

For a user i, we are given their multi-view data that consists of the text features, image features, and personality traits. Thus, the dataset can be thought of as the set

X={(xitext,xiimage,yi),i=1,2,,n},    (1)

where n is the number of users, xitext100 is the vector of text features after LSA dimensionality reduction (see Section 3.3.2), xiimage200 is the vector of image features after PCA dimensionality reduction (see Section 3.3.2), and yi{0,1}4 is the vector of four binary personality trait ground truth labels for the ith user, one label for each of the four opposing features: E vs. I, S vs. N, T vs. F, and J vs. P. We formalize personality profiling as a set of four binary classification tasks, so below we describe the framework for one binary classification with label yi∈{0, 1}, and the same process is repeated four times to obtain the final prediction vector y^i4 for every user i.

4.2. PERS framework

We now can define the PERS framework as a two-step stacked generalized ensemble approach. The main idea of our approach to ensembling is to use K-fold cross-validation on the original dataset and use predictions of the J classifiers on the K test sets as features for training the fusion part. To obtain a vector of personality feature scores, we need to perform four binary classifications, one for each pair of opposing traits. The architecture of the proposed PERS framework is illustrated in Figure 4.

FIGURE 4
www.frontiersin.org

Figure 4. Overview of the PERS framework.

For a binary classification model C operating on inputs x∈ℝm, we denote by CX the model C trained on a training set X = {(xi, yi), i = 1, 2, …, n}, where xim and yi∈{0, 1}, and denote by CX(X) the prediction results of CX on a test set X={xi,i=1,2,,n}. We assume that C outputs a probability score for the binary classification label, so CX(X)n and CX(X)i[0,1].

Step 1. In essence, on Step 1 we choose a list of “base” classifiers of size J, C={C(1),,C(J)}, train each jth classifier on the training set X and use the predictions of these classifiers as features for Step 2. To avoid using the same samples in the training and test set, we do it via K-fold cross-validation as follows (and as illustrated in Figure 4 on the left):

• split the training set X = {(xi, yi), i = 1, 2, …, n}, where yi is the personality label and xi are feature vectors for user i, into K disjoint subsets Xk, denoting also Xk = X\Xk;

• train each classifier C(j), j = 1, …, J, on each subset Xk, obtaining Ck(j)=CX-k(j);

• apply each classifier Ck(j) to the corresponding test set Xk, obtaining Ck(j)(Xk).

As a result, for each sample xiX we obtain the predictions of J base classifiers (each xi participates in one test set Xk), and these predictions are concatenated to obtain the feature vector ziJ. We perform the above process separately for text features xtext and image features xiimage, so the final feature vector at the output of Step 1 for user i has size 2J. This concatenation is denotes as PERS-Fusion in Figure 4.

During inference, on Step 1 we apply all J classifiers trained above to the features of a new user i and average their predictions.

Step 2. To get the final model prediction, we train a meta-classifier f on the set of features Z = {z1, …, zn}, zi2J, extracted on Step 1, obtaining the final prediction as

ŷ=f(z)    (2)

for the feature vector z∈ℝ2J produced as above. Specifically, in this study we have chosen a support vector machine with linear kernel (LinearSVM) as our meta-classifier (Lee et al., 2019).

4.3. Base classifiers

To maximize the performance of the PERS framework, it is of crucial importance to choose a set of suitable machine learning algorithms as base classifiers. Previous studies (Farseev et al., 2015; Amirhosseini and Kazemian, 2020; Qi et al., 2020) suggest XGBoost (Chen and Guestrin, 2016), LightGBM (Ke et al., 2017), and random forests (Ho, 1998; Breiman, 2001) to be the top choice base models for user profiling. Their performance on social media data has been reported to beat other baselines, often including state of the art neural models. Therefore, we choose these three approaches as our base classifiers.

4.3.1. Random forest

Random forest is an ensemble learning algorithm that integrates multiple decision trees to make predictions (Ho, 1998; Breiman, 2001). For the classification problem, the prediction result is the vote of all decision tree prediction results. During training, bootstrap sampling is used to construct the training set for each decision tree. When training each node of each decision tree, the features used are also part of the features extracted from the entire feature vector. By integrating multiple decision trees and training each decision tree with different data subsamples and feature components every time, the variance of the model can be effectively reduced.

4.3.2. XGBoost

XGBoost is an effective and scalable gradient boosting machine that has been widely adopted in the machine learning industry over the last decade (Chen and Guestrin, 2016). It is an ensemble model containing a set of classification and regression trees (CART). Given a feature vector xi and target yi, the XGBoost model can be defined as

ŷi=m=1Mfm(xi),fmF,    (3)

where M is the total number of trees, fm is the function implemented by the kth tree, and F is the function space of all possible CARTs.

4.3.3. LightGBM

LightGBM is an improved version of gradient boosting machines that mitigates the “optimal division point search” problem that leads to increased computational complexity on larger datasets (Ke et al., 2017). The problem is solved via the following two tricks, reducing the training data size and data dimensionality:

1. Gradient-based one-side sampling (GOSS): exclude most of the samples with small gradients and only use the remaining samples to calculate the information gain;

2. Exclusive feature bundling (EFB): bundle mutually exclusive features together since they rarely take nonzero values at the same time.

4.4. Content recommendation model

To understand the impact of human personality (inferred by the PERS framework) on the performance of content recommendation, it is vital to choose a suitable model to take the advantage of multimodal data that would be able to make good use of new features. We have adopted the Personalized Content Discovery (PCD) model (Gelli et al., 2018) as it learns fine-grained user representation via explicit modeling of the user's personality traits and is able to leverage the multi-view data.

PCD is inspired by matrix factorization; it uses a deep neural network to extract an item representation from item features, a different deep neural network to extract a user representation from user features, and finally the triplet ranking loss to train on positive and negative (user, item) pairs. In our case, users are represented as concatenations of text features, image features, and inferred personality traits. The latter are represented as vectors of length 4 with each dimension showing the corresponding MBTI dimension (EI, SN, TF, and JP) as a number from the [0, 1] range (probability inferred by the corresponding binary classifier). Note that we do not change the PCD model itself to account for personality traits in some special way, we are using PCD “as-is” and simply adding personality traits as new features; in the same way, personality traits can be added to other content recommendation models as well, in particular, the ones surveyed in Section 2.

5. Evaluation

5.1. Baselines

To answer our research questions, we have evaluated the performance of the PERS framework being trained across different data sources and data modality combinations. For all experiments, the dataset was uniformly split into a training set and test set with the ratio of 85:15, with the split preserving the original personality label distributions. To understand the impact of different modalities, data sources, and fusion strategies on the final performance of the model, we have selected the following community-adopted personality profiling baselines (Farseev et al., 2015; Rangel et al., 2015; Buraya et al., 2017):

Independently trained base classifiers (see descriptions in Section 4.3) with respect to each data modality;

Early fusion: base classifiers trained based on the early-fused data modality representations (concatenated feature vectors);

Early fusion (PCA 200): base classifiers trained based on the early-fused data modality representations with PCA applied after the vector concatenation (the PCA dimension of 200 has been selected empirically via grid search).

To understand the impact of human personality on content recommendation, we selected the following user representations as baselines:

Matrix factorization (MF), the basic approach to collaborative filtering;

Neural collaborative filtering (NCF), a generic approach to recommender systems that can generalize matrix factorization under its framework by replacing the inner product with a neural architecture that can learn an arbitrary function from data;

PCD with one-hot user representation, the PCD model with a one-hot encoding of user representation;

PCD with user timeline representation, the PCD model with each user represented by textual and visual features as described in Section 3.2.2.

5.2. Evaluation metrics

Due to the imbalanced distribution of personality labels in our datasets (see Section 3.2.1 for details on the data distributions), for performance evaluation we have adopted the F1,macro metric (Farseev et al., 2015), which is the harmonic mean between precision and recall, and the average is calculated per label across all labels. The F1,macro metric is formally defined as

F1,macro=1Qj=1Q2pjrjpj+rj,    (4)

where pj and rj are the precision and recall for the jth label out of Q.

We have further adopted the Matthews correlation coefficient metric (Mcor) (Matthews, 1975), as it incorporates both true and false positives and negatives and is generally regarded as a “balancing” metric that can be used even if the classes are of a very different size. The Mcor metric is formally defined as

Mcor=TP·TN-FP·FN(TP+FP)·(FN+TN)·(FP+TN)·(TP+FN),    (5)

where TP is the number of true positives, TN, the number of true negatives, FP, false positives, and FN, false negatives.

We prioritize the F1,macro score as our main evaluation metric for user personality profiling, while the Mcor score plays an auxiliary role for making decisions regarding performance when the F1,macro values are marginal.

In order to evaluate the impact of human personality traits on content recommendation, we have chosen the area under curve (AUC), normalized discounted cumulative gain (nDCG), and F1 score as the metrics.

5.3. Evaluation across MBTI categories

To evaluate the performance of the PERS framework in a real-world scenario, we have evaluated the limits of PERS performance across Twitter, Facebook, and PersonalityCafe datasets. Evaluation results are presented in Table 4.

TABLE 4
www.frontiersin.org

Table 4. Evaluation of the PERS framework trained on independent modalities and modality combinations on Twitter and Facebook datasets.

From the table, it can be seen that after training on the multi-view data from Twitter, the PERS framework is able to achieve an industry-level performance of 0.82 F1,macro score when predicting the Extroversion-Introversion (EI) personality trait. While the performance obtained for the other three personality categories is significantly lower, ranging from 0.64 F1,macro score for Judging-Perceiving (JP) to 0.54 F1,macro score for Sensing-Intuition (SN), we still believe that such a promising performance for the EI label indicates the tremendous potential of multi-view social media data used for psychographic discovery and personality profiling. These especially good results for the EI label can be explained by the natural difference of these two human personality categories when it comes to user communication on social platforms: extroverts are known to be much more open to others, while introverts are being more selective and are making decisions at a more conservative pace. Such inspiring results allow us to give a positive answer to our RQ1; these results open up a wide range of new research directions related to personality profiling and Multi-View learning.

As for the other two datasets, an interesting finding comes from the results presented in Table 5, where PERS demonstrates breakthrough performance based on the PersonalityCafe dataset; it shows the best overall F1,macro scores when predicting all four binary MBTI categories. This result can be explained by the nature of the PersonalityCafe dataset, where users reveal their behavioral differences on purpose and are therefore often biased toward particular social behavior concepts. Such results also confirm our positive answer to RQ1 and allow us to conclude that indeed the nature of a data source and social network use patterns are of crucial importance when solving the multi-view cross-media personality profiling problem.

TABLE 5
www.frontiersin.org

Table 5. Evaluation of the PERS framework trained on the text modality on PersonalityCafe.

5.4. Evaluation across different modalities

First, we have investigated the contribution of different data modalities toward personality profiling performance and its integration ability. An interesting observation comes from the cross-modal experimental results presented in Table 4: the PERS framework has performed 2% better than other single-source baselines for all but SN binary labels being trained on Twitter and Facebook datasets. Another interesting observation can be made from the modality combination results, where by training with both text and image data PERS is able to outperform by more than 1% not just other unimodal classifiers but also all early-fused baselines.

The above findings suggest that the introduction of multimodality into user profiling could serve as a powerful booster of model performance. Such observation could be explained by the richness of visual data when reflecting user preferences, which serves as a beneficial supplement for the basic textual data modality at the data modeling stage. The latter finding positively answers our RQ2 by emphasizing the important role of multimodal data learning for personality profiling applications.

Finally, let us also highlight an interesting observation that comes from single-modal evaluation results (see Table 4). It is important to note that, in case when we are learning from a unimodal source, PERS trained on the text modality performs best across all personality labels, with improvements ranging from 0.02 to 0.28 in terms of the F1,macro score. This effect can be easily explained by the quantitative domination of text data over the visual modality (recall Table 1). Another potential reason for this result could be the high level of noise in user-generated visual data, where the images are less strict in terms of perspective and object positioning as compared to professional photos. Moreover, such visual content often includes objects that might not directly reflect the semantics of the data and therefore might be not accurate in representing the author's personality. To this end, such hypothesis also aligns well with our chosen visual data representation approach, where the ImageNet concept distribution might be simply too general for personality profiling tasks, as opposed to, for example, demographic profiling (Farseev et al., 2015). As a result, we are positive in our general recommendation to use personality traits to supplement content recommendation systems even if the traits themselves are not available and have to be inferred, as is usually the case in practice.

5.5. Evaluation across different sources

Next, let us examine the impact of the social media data origin on personality user profiling performance, so that an industry guideline can be established for future research.

As the text modality has participated in all three data sources, we begin with PERS performance on text data. Tables 4, 5 indicate that the PERS framework being trained on Twitter dataset outperforms the PERS framework on Facebook and PersonalityCafe datasets by more than 0.19 F1,macro score in predicting the EI label. On the other hand, when it comes to the SN label, Twitter-trained PERS was not able to outperform Facebook and PersonalityCafe data, staying behind by 0.2 and 0.11 F1,macro score, respectively. Finally, the PERS performance on TF and JP labels based on Twitter text data was found to be better than with Facebook data by 0.03 and 0.05 F1,macro score, respectively, but considerably worse than the PersonalityCafe data: by 0.19 and 0.11 F1,macro score, respectively.

The superiority of Twitter in predicting the EI label could be explained by the differences of the “energy source” for extroverted and introverted personality types. Specifically, according to Martin (1997), extroverts prefer to source their life energy from active involvement in events and engaging in different activities, while introverts often prefer doing things alone, obtaining their energy from dealing with ideas, pictures, memories, and reactions that are inside their mind. Similarly, in the digital world it can be seen that on Twitter both personality types are able to express themselves fulfilling both their enjoyment (ENJ) and observation/learning (LEN) needs, while for Facebook the ENJ factor got fulfilled proportionally for a smaller number of individuals, affecting the overall user base distribution (Syn and Oh, 2015). Correspondingly, Twitter and PersonalityCafe datasets are diverse enough to differentiate EI personalities and allow for higher prediction scores as compared to Facebook-based predictions. This observation is also supported by our data distribution (see Section 3.2.1), where Twitter and PersonalityCafe datasets are clearly skewed toward introverts, providing more data for PERS to learn on how this personality type direct their energy and make decisions. The latter aspect is important as it is known that extroverts might generate substantially more UGC as compared to introverts (Syn and Oh, 2015), and therefore it is crucial to have sufficient content generated by introverts for mutually consistent and comprehensive learning from the data.

At the same time, the opposite picture can be noticed for the SN label results. Again, there is a “low-hanging” explanation of this phenomenon: for both Twitter and Facebook, the SN personality is distributed with a clear shift toward the intuitive personality type, and both datasets are short on sensing individuals. Despite reflecting the real life distribution, this data property also entails a possible technical issue: the data variation may be insufficient, limiting the model when it comes to learning the sensing and intuitive user personas. Considering that Facebook and PersonalityCafe datasets have more sensing personality types identified, it is reasonable to assume that this is also the reason why PERS has performed better on these latter two sources as compared to Twitter. To the end, a more “sensing” Facebook can also be explained by the fact that Facebook is mainly treated nowadays as a communication tool, so people land there for fulfilling their daily communication needs, while Twitter more often serves as a source of inspiration, attracting more intuitive individuals (Syn and Oh, 2015).

Next, let us compare the visual modality performance. Here, the first thing that jumps to attention is that the image data modality has performed similarly for the cases of TF and JP labels for both Twitter and Facebook sources, but at the same time Facebook performed better for EI and SN labels with 0.06 and 0.03 F1,macro score performance improvement, respectively. As we have mentioned earlier, both personality categories are very different in the way they direct the energy and perceive the external world (Martin, 1997), and therefore the data diversity introduced by incorporating the visual modality is of crucial importance for PERS performance. Since Twitter is a “less visual” data source as compared to Facebook, and also its data distributions are less balanced (as discussed above) for both personality labels, it is reasonable to assume that these two factors might explain the superiority of Facebook data over Twitter in the visual modality in our particular case.

Finally, note that PERS trained only based on textual data from the PersonalityCafe forum outperforms the results obtained from both Twitter and Facebook data by at least 0.1 F1,macro score. This finding can be explained by the precise focus of PersonalityCafe on the topic of personality, which provides additional meaningful data descriptors that can be utilized by PERS to improve its personality inference score.

Backed up by all observations above, we can now give an answer to RQ4 by highlighting the drastic difference of social media data sources when used in automated personality profiling, which is caused by the way different personalities engage into social network activities. As a practical recommendation, we suggest that online marketing practitioners take these differences into account when designing advertisements: different personality traits suggest different ways of reaching the person with ad, and we expect significant improvements on the initial stages of the marketing funnel if the ads are tailored to the users' personality traits.

5.6. Evaluation on the impact of human personality on content recommendation

Results of content recommendation experiments are given in Tables 6, 7. First, in order to understand the complexity of our content recommendation task, we evaluated the performance of baseline models on the PERS Rec dataset (see Section 3.3). The first interesting finding can be seen in Table 6, where the PCD model achieved the best performance across all metrics; on the contrary, the performance of the matrix factorization (MF) model is far from that of the PCD. This finding indicates that in order to serve personalized content with a recommender system, to improve the performance it is crucial to learn a fine-grained user representation. According to the performance of the MF model, we can also say that it is a hard problem to recommend content from only user-item interactions, which can be explained by the sparsity of the interaction distribution and content diversity.

TABLE 6
www.frontiersin.org

Table 6. Performance evaluation of content recommendation models.

TABLE 7
www.frontiersin.org

Table 7. Results of the feature ablation experiment.

But this only goes to show that PCD is better than MF on our dataset; what about personality features? We have studied this question with experiments summarized in Table 7: the performance of PCD further improves across all metrics when we supplement it with user personality features; recall that these are not ground truth personality traits but features predicted by the PERS framework, which corresponds to the realistic use case of our model. This finding answers RQ3 positively and goes in line with previous research that shows how users with the same personality traits share similar content preferences (Debra and Worthington, 2003; Dunn et al., 2012).

6. Limitations and future work

Although PERS outperforms baselines for all binary personality inference tasks, after combining all binary predictions together the resulting label might often mismatch the actual user's MBTI personality score. Therefore, we recommend that only binary personality predictions (such as EI prediction for the Twitter dataset) are leveraged in a real world setting with the existing PERS framework.

This leads us to an obvious line for further work: it is evident that new data source-specific multi-view learning approaches need to be developed (Farseev and Chua, 2017b; Farseev et al., 2017); in such approaches, personality profiling can leverage additional multi-view data representations such as avatars (Gao et al., 2013), sensor data (Farseev and Chua, 2017a), and others, thus mitigating specific issues arising from the difference of communication styles across different social avenues. The development of such models and their application for content generation or recommendation services will be the focus of our future research.

Finally, the influence of content recommendation algorithms on social media platforms should not be ignored since it may bias the user's perceived content and reduce real world performance. Hence, in order to better understand the user's content preferences it would be interesting to develop novel approaches to recommendations that minimize this impact.

7. Conclusions

In this work, we have developed and presented a novel framework for automated human personality profiling that draws across multiple data modalities and social networking sites such as Facebook, Twitter, and PersonalityCafe. Our proposed personality profiling framework, called PERS, demonstrates state of the art performance and outperforms both single-source and multi-source baselines. With our cross-social evaluation, we have also shown that different social networking platforms exhibit different distinct user communication and usage patterns, which in turn affects user profiling model performance and shows that profiling needs to be treated with care for skewed datasets. Finally, to facilitate future research in this exciting direction we have released our new large-scale cross-social multi-view personality profiling dataset and supplemented it with the corresponding statistics and analytics for the community use.

Data availability statement

The datasets presented in this study can be found in online repositories. The names of the repository/repositories and accession number(s) can be found below: https://pers.azurewebsites.net/.

Author contributions

AFa and QY conceived the presented idea, developed the theory, and performed data analysis. AFa and SN verified the proposed methods. SN encouraged QY to investigate the impact of personality traits on the performance of content recommender system. All authors discussed the results and contributed to the final manuscript.

Funding

This work of QY and AFa shown in Sections Data and feature extraction, Methods, and Evaluation was funded by the Russian Science Foundation, Grant No. 22-11-00135 (https://rscf.ru/en/project/22-11-00135/). The work of SN shown in Sections Introduction and Related work was also supported by the grant of the Ministry of Science and Higher Education of Russia for World Level Research Centers, Grant No. 075-15-2022-289.

Conflict of interest

Authors QY, AFa, and SN were employed by SoMin.AI.

The remaining author declares that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

Publisher's note

All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.

Footnotes

References

Amirhosseini, M. H., and Kazemian, H. (2020). Machine learning approach to personality type prediction based on the myers-briggs type indicator®. Multimodal Technol. Interact. 4, 9. doi: 10.3390/mti4010009

CrossRef Full Text | Google Scholar

Argamon, S., Dhawle, S., Koppel, M., and Pennebaker, J. W. (2005). “Lexical predictors of personality type,” in Proceedings of the Joint Annual Meeting of the Interface and the Classification Society of North America.

Google Scholar

Arnoux, P.-H., Xu, A., Boyette, N., Mahmud, J., Akkiraju, R., and Sinha, V. (2017). “25 tweets to know you: a new model to predict personality with social media,” in Proceedings of the International AAAI Conference on Web and Social Media (Montreal, QC).

Google Scholar

Bell, R., Koren, Y., and Volinsky, C. (2007). “Modeling relationships at multiple scales to improve accuracy of large recommender systems,” in Proceedings of the 13th ACM SIGKDD International Conference on Knowledge Discovery and Data Mining (San Jose, CA), 95–104.

Google Scholar

Breiman, L. (2001). Random forests. Mach. Learn. 45, 5–32. doi: 10.1023/A:1010933404324

CrossRef Full Text | Google Scholar

Buraya, K., Farseev, A., and Filchenkov, A. (2018). “Multi-view personality profiling based on longitudinal data,” in International Conference of the Cross-Language Evaluation Forum for European Languages (Avignon: Springer), 15–27.

Google Scholar

Buraya, K., Farseev, A., Filchenkov, A., and Chua, T.-S. (2017). “Towards user personality profiling from multiple social networks,” in Proceedings of the AAAI Conference on Artificial Intelligence, Vol. 31 (San Francisco, CA).

Google Scholar

Cai, Y., Li, X., Wu, L., and Li, Q. (2022). “Knowledge-graph-aware recommendation in movie domain,” in Proceedings of 2021 Chinese Intelligent Automation Conference, ed Z. Deng (Singapore: Springer Singapore), 211–218.

Google Scholar

Chen, T., and Guestrin, C. (2016). “Xgboost: a scalable tree boosting system,” in Proceedings of the 22nd ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, KDD '16 (New York, NY; Association for Computing Machinery), 785–794.

PubMed Abstract | Google Scholar

Daneshvar, S., and Inkpen, D. (2018). “Gender identification in Twitter using N-grams and LSA: notebook for PAN at CLEF 2018,” in CEUR Workshop Proceedings, Vol. 2125.

Google Scholar

Debra, L., and Worthington, P. (2003). Exploring the relationship between listening style preference and personality. Int. J. Listen. 17, 68–87. doi: 10.1080/10904018.2003.10499056

CrossRef Full Text | Google Scholar

Deng, J., Dong, W., Socher, R., Li, L.-J., Li, K., and Fei-Fei, L. (2009). “ImageNet: a large-scale hierarchical image database,” in CVPR09 (Miami, FL).

Google Scholar

Dhelim, S., Aung, N., Bouras, M. A., Ning, H., and Cambria, E. (2021). A survey on personality-aware recommendation systems. CoRR, abs/2101.12153. doi: 10.1007/s10462-021-10063-7

CrossRef Full Text | Google Scholar

Digman, J. M. (1990). Personality structure: emergence of the five-factor model. Annu. Rev. Psychol. 41, 417–440. doi: 10.1146/annurev.ps.41.020190.002221

CrossRef Full Text | Google Scholar

Dumais, S. T. (2004). Latent semantic analysis. Ann. Rev. Inf. Sci. Technolo. 38, 188–230. doi: 10.1002/aris.1440380105

CrossRef Full Text | Google Scholar

Dunn, P. G., de Ruyter, B., and Bouwhuis, D. G. (2012). Toward a better understanding of the relation between music preference, listening behavior, and personality. Psychol. Music 40, 411–428. doi: 10.1177/0305735610388897

CrossRef Full Text | Google Scholar

Farseev, A. (2017). 360° user profile learning from multiple social networks for wellness and urban mobility applications (Ph.D. thesis). National University of Singapore (Singapore).

Google Scholar

Farseev, A., and Chua, T.-S. (2017a). Tweet can be fit: Integrating data from wearable sensors and multiple social networks for wellness profile learning. ACM Trans. Inf. Syst. 35, 1–34. doi: 10.1145/3086676

CrossRef Full Text | Google Scholar

Farseev, A., and Chua, T.-S. (2017b). “Tweetfit: Fusing multiple social media and sensor data for wellness profile learning,” in Proceedings of the Thirty-First AAAI Conference on Artificial Intelligence. AAAI (San Francisco, CA).

Google Scholar

Farseev, A., Chu-Farseeva, Y.-Y., Qi, Y., and Loo, D. B. (2020a). Understanding economic and health factors impacting the spread of COVID-19 disease. medRxiv. doi: 10.2196/preprints.19386

PubMed Abstract | CrossRef Full Text | Google Scholar

Farseev, A., Lepikhin, K., Schwartz, H., Ang, E. K., and Powar, K. (2018). “Somin. ai: social multimedia influencer discovery marketplace,” in Proceedings of the 26th ACM International Conference on Multimedia (Seoul), 1234–1236.

Google Scholar

Farseev, A., Nie, L., Akbari, M., and Chua, T.-S. (2015). “Harvesting multiple sources for user profile learning: a big data study,” in Proceedings of the 5th ACM on International Conference on Multimedia Retrieval (Shanghai: ACM), 235–242.

Google Scholar

Farseev, A., Samborskii, I., and Chua, T.-S. (2016). “bbridge: a big data platform for social multimedia analytics,” in Proceedings of the 24rd ACM international conference on Multimedia (Amsterdam: ACM).

Google Scholar

Farseev, A., Samborskii, I., Filchenkov, A., and Chua, T.-S. (2017). “Cross-domain recommendation via clustering on multi-layer graphs,” in Proceedings of the 40th International ACM SIGIR Conference on Research and Development in Information Retrieval (ACM), 195–204.

Google Scholar

Farseev, A., Yang, Q., Filchenkov, A., Lepikhin, K., Chu-Farseeva, Y.-Y., and Loo, D.-B. (2020b). “Somin.ai: personality-driven content generation platform,” in WSDM '21: Proceedings of the 14th ACM International Conference on Web Search and Data Mining.

Google Scholar

Gao, C., Li, Y., Feng, F., Chen, X., Zhao, K., He, X., et al. (2021). Cross-domain recommendation with bridge-item embeddings. ACM Trans. Knowl. Discov. Data 16, 1–23. doi: 10.1145/3447683

CrossRef Full Text | Google Scholar

Gao, R., Hao, B., Bai, S., Li, L., Li, A., and Zhu, T. (2013). “Improving user profile with personality traits predicted from social media content,” in Proceedings of the 7th ACM Conference on Recommender Systems (Hong Kong), 355–358.

Google Scholar

Gelli, F., Uricchio, T., He, X., Del Bimbo, A., and Chua, T.-S. (2018). “Beyond the product: discovering image posts for brands in social media,” in Proceedings of the 26th ACM International Conference on Multimedia, MM '18 (New York, NY: Association for Computing Machinery), 465–473.

Google Scholar

Gil de Zúñiga, H., Diehl, T., Huber, B., and Liu, J. (2017). Personality traits and social media use in 20 countries: how personality relates to frequency of social media use, social media news use, and social media use for social interaction. Cyberpsychol. Behav. Soc. Network. 20, 540–552. doi: 10.1089/cyber.2017.0295

PubMed Abstract | CrossRef Full Text | Google Scholar

Gjurković, M., and Šnajder, J. (2018). “Reddit: a gold mine for personality prediction,” in Proceedings of the Second Workshop on Computational Modeling of People's Opinions, Personality, and Emotions in Social Media (New Orleans, LA: Association for Computational Linguistics), 87–97.

Google Scholar

Halko, N., Martinsson, P. G., and Tropp, J. A. (2011). Finding structure with randomness: Probabilistic algorithms for constructing approximate matrix decompositions. SIAM Rev. 53, 217–288. doi: 10.1137/090771806

CrossRef Full Text | Google Scholar

He, K., Zhang, X., Ren, S., and Sun, J. (2016). “Deep residual learning for image recognition,” in 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR) (Las Vegas, NV: IEEE), 770–778.

PubMed Abstract | Google Scholar

He, X., Deng, K., Wang, X., Li, Y., Zhang, Y., and Wang, M. (2020). “LightGCN: simplifying and powering graph convolution network for recommendation,” in Proceedings of the 43rd International ACM SIGIR conference on research and development in Information Retrieval, 639–648.

Google Scholar

He, Z., Zhao, H., Lin, Z., Wang, Z., Kale, A., and Mcauley, J. (2021). Locker: Locally Constrained Self-Attentive Sequential Recommendation. New York, NY: Association for Computing Machinery.

Google Scholar

Ho, T. K. (1998). The random subspace method for constructing decision forests. IEEE Trans. Pattern Anal. Mach. Intell. 20, 832–844. doi: 10.1109/34.709601

CrossRef Full Text | Google Scholar

Holtgraves, T. (2011). Text messaging, personality, and the social context. J. Res. Pers. 45, 92–99. doi: 10.1016/j.jrp.2010.11.015

CrossRef Full Text | Google Scholar

Jolliffe, I. (2011). Principal Component Analysis. Berlin; Heidelberg: Springer Berlin Heidelberg.

Google Scholar

Jolliffe, I. T., and Cadima, J. (2016). Principal component analysis: a review and recent developments. Philos. Trans. R. Soc. A 374, 20150202–20150202. doi: 10.1098/rsta.2015.0202

PubMed Abstract | CrossRef Full Text | Google Scholar

Ke, G., Meng, Q., Finley, T., Wang, T., Chen, W., Ma, W., et al. (2017). “Lightgbm: a highly efficient gradient boosting decision tree,” in Advances in Neural Information Processing Systems, Vol. 30, eds I. Guyon, U. V. Luxburg, S. Bengio, H. Wallach, R. Fergus, S. Vishwanathan, and R. Garnett (Long Beach, CA: Curran Associates, Inc.).

Google Scholar

Khan, A. S., Ahmad, H., Asghar, M. Z., Saddozai, F. K., Arif, A., and Khalid, H. A. (2020). Personality classification from online text using machine learning approach. Int. J. Adv. Comput. Sci. Appl. 11, 358. doi: 10.14569/IJACSA.2020.0110358

CrossRef Full Text | Google Scholar

Kim, D., and Suh, B. (2019). “Enhancing vaes for collaborative filtering: flexible priors &gating mechanisms,” in Proceedings of the 13th ACM Conference on Recommender Systems (Copenhagen), 403–407.

Google Scholar

Koren, Y., and Bell, R. M. (2011). “Advances in collaborative filtering,” in Recommender Systems Handbook, eds F. Ricci, L. Rokach, B. Shapira, and P. B. Kantor (New York, NY: Springer), 145–186.

Google Scholar

Kosinski, M., Matz, S., Gosling, S., Popov, V., and Stillwell, D. (2015). Facebook as a research tool for the social sciences. Am. Psychol. 70, 543–556. doi: 10.1037/a0039210

PubMed Abstract | CrossRef Full Text | Google Scholar

Kumar, K. N. P., and Gavrilova, M. L. (2019). “Personality traits classification on twitter,” in 2019 16th IEEE International Conference on Advanced Video and Signal Based Surveillance (AVSS) (Taipei: IEEE), 1–8.

Google Scholar

Lee, K., Maji, S., Ravichandran, A., and Soatto, S. (2019). “Meta-learning with differentiable convex optimization,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (Long Beach, CA: IEEE), 10657–10665.

Google Scholar

Liang, D., Krishnan, R. G., Hoffman, M. D., and Jebara, T. (2018). “Variational autoencoders for collaborative filtering,” in Proceedings of the 2018 World Wide Web Conference (Lyon), 689–698.

Google Scholar

Lobel, S., Li, C., Gao, J., and Carin, L. (2019). “Ract: toward amortized ranking-critical training for collaborative filtering,” in International Conference on Learning Representations.

Google Scholar

Lu, H.-P., and Hsiao, K.-L. (2010). The influence of extro/introversion on the intention to pay for social networking sites. Inf. Manag. 47, 150–157. doi: 10.1016/j.im.2010.01.003

CrossRef Full Text | Google Scholar

Mairesse, F., Walker, M. A., Mehl, M. R., and Moore, R. K. (2007). Using linguistic cues for the automatic recognition of personality in conversation and text. J. Artif. Int. Res. 30, 457–500. doi: 10.1613/jair.2349

CrossRef Full Text | Google Scholar

Mao, K., Zhu, J., Xiao, X., Lu, B., Wang, Z., and He, X. (2021). “Ultragcn: ultra simplification of graph convolutional networks for recommendation,” in Proceedings of the 30th ACM International Conference on Information &Knowledge Management (Queensland, QLD), 1253–1262.

Google Scholar

Martin, C. (1997). Looking at Type: The Fundamentals. Gainesville: Center for Application of Psychological Type. Inc.

Google Scholar

Matthews, B. (1975). Comparison of the predicted and observed secondary structure of t4 phage lysozyme. Biochim. Biophys. Acta 405, 442–451. doi: 10.1016/0005-2795(75)90109-9

PubMed Abstract | CrossRef Full Text | Google Scholar

MIN. (2022). Daily Social Media Usage Worldwide. Statista. Available online at: https://www.statista.com/statistics/433871/daily-social-media-usage-worldwide

Google Scholar

Mirvakhabova, L., Frolov, E., Khrulkov, V., Oseledets, I., and Tuzhilin, A. (2020). “Performance of hyperbolic geometry models on top-n recommendation tasks,” in Fourteenth ACM Conference on Recommender Systems, 527–532.

Google Scholar

Mnih, A., and Salakhutdinov, R. R. (2007). “Probabilistic matrix factorization,” in Advances in Neural Information Processing Systems 20 (NIPS 2007) (Vancouver).

Google Scholar

Murray, J. B. (1990). Review of research on the myers-briggs type indicator. Percept. Motor Skills 70(3_Suppl.), 1187–1202. doi: 10.2466/pms.1990.70.3c.1187

CrossRef Full Text | Google Scholar

Myers, I. (1998). MBTI Manual: A Guide to the Development and Use of the Myers-Briggs Type Indicator. Consulting Psychologists Press.

Google Scholar

Nguyen, D. Q., Vu, T., and Nguyen, A. T. (2020). “BERTweet: a pre-trained language model for English Tweets,” in Proceedings of the 2020 Conference on Empirical Methods in Natural Language Processing: System Demonstrations, 9–14.

Google Scholar

Pennebaker, J., and King, L. (1999). Linguistic styles: language use as an individual difference. J. Pers. Soc. Psychol. 77, 1296–1312. doi: 10.1037/0022-3514.77.6.1296

PubMed Abstract | CrossRef Full Text | Google Scholar

Pennington, J., Socher, R., and Manning, C. D. (2014). “Glove: global vectors for word representation,” in Empirical Methods in Natural Language Processing (EMNLP) (Doha), 1532–1543.

Google Scholar

PIN. (2022). Global Pinterest User Distribution by Gender 2022. Statista. Available online at: https://www.statista.com/statistics/248168/gender-distribution-of-pinterest-users

Qi, Y., Aleksandr, F., and Andrey, F. (2020). I know where you are coming from: on the impact of social media sources on ai model performance (student abstract). Proc. AAAI Conf. Artif. Intell. 34, 13971–13972. doi: 10.1609/aaai.v34i10.7258

CrossRef Full Text | Google Scholar

Rangel Pardo, F., Montes-y-Gómez, M., Potthast, M., and Stein, B. (2018). “Overview of the 6th author profiling task at PAN 2018,” in CLEF 2018 Evaluation Labs and Workshop (Avignon) (CEUR-WS.org).

Google Scholar

Rangel, F., Rosso, P., Potthast, M., Stein, B., and Daelemans, W. (2015). “Overview of the 3rd author profiling task at pan 2015, in CLEF.

Google Scholar

Sedhain, S., Menon, A. K., Sanner, S., and Xie, L. (2015). “Autorec: autoencoders meet collaborative filtering,” in Proceedings of the 24th international conference on World Wide Web (Florence), 111–112.

Google Scholar

Shen, Y., Wu, Y., Zhang, Y., Shan, C., Zhang, J., Letaief, B. K., et al. (2021). “How powerful is graph convolution for recommendation?” in Proceedings of the 30th ACM International Conference on Information &Knowledge Management (Queensland, QLD), 1619–1629.

Google Scholar

Shenbin, I., Alekseev, A., Tutubalina, E., Malykh, V., and Nikolenko, S. I. (2020). “Recvae: a new variational autoencoder for top-n recommendations with implicit feedback,” in Proceedings of the 13th International Conference on Web Search and Data Mining (Houston), 528–536.

Google Scholar

Sumner, C., Byers, A., Boochever, R., and Park, G. J. (2012). “Predicting dark triad personality traits from twitter usage and a linguistic analysis of tweets,” in 2012 11th International Conference on Machine Learning and Applications, Vol. 2 (Florida, FL), 386–393.

Google Scholar

Syn, S. Y., and Oh, S. (2015). Why do social network site users share information on facebook and twitter? J. Inf. Sci. 41, 553–569. doi: 10.1177/0165551515585717

CrossRef Full Text | Google Scholar

Tadesse, M. M., Lin, H., Xu, B., and Yang, L. (2018). Personality predictions based on user behavior on the facebook social media platform. IEEE Access 6, 61959–61969. doi: 10.1109/ACCESS.2018.2876502

CrossRef Full Text | Google Scholar

Tandera, T., Hendro, Suhartono, D., Wongso, R., and Prasetio, Y. L. (2017). Personality prediction system from facebook users. Procedia Comput. Sci. 116, 604–611. doi: 10.1016/j.procs.2017.10.016

CrossRef Full Text | Google Scholar

Tanjim, M. M., Su, C., Benjamin, E., Hu, D., Hong, L., and McAuley, J. (2020). Attentive Sequential Models of Latent Intent for Next Item Recommendation. New York, NY: Association for Computing Machinery.

Google Scholar

Tsai, Y. H., Liang, P. P., Zadeh, A., Morency, L., and Salakhutdinov, R. (2019). “Learning factorized multimodal representations,” in 7th International Conference on Learning Representations, ICLR 2019 (New Orleans, LA: OpenReview.net).

Google Scholar

TWI. (2022). Twitter, Facebook, or Instagram? Which Platform(s) You Should Be On. Available online at: https://blog.hubspot.com/marketing/twitter-vs-facebook

Google Scholar

Wang, X., He, X., Wang, M., Feng, F., and Chua, T.-S. (2019). “Neural graph collaborative filtering,” in Proceedings of the 42nd international ACM SIGIR conference on Research and development in Information Retrieval (Paris), 165–174.

Google Scholar

Wu, Y., DuBois, C., Zheng, A. X., and Ester, M. (2016). “Collaborative denoising auto-encoders for top-n recommender systems,” in Proceedings of the Ninth ACM International Conference on Web Search and Data Mining (San Francisco, CA), 153–162.

Google Scholar

Zhang, F., Yuan, N. J., Lian, D., Xie, X., and Ma, W.-Y. (2016). “Collaborative knowledge base embedding for recommender systems,” in Proceedings of the 22nd ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, KDD '16 (New York, NY: Association for Computing Machinery), 353–362.

Google Scholar

Keywords: user profiling, multimedia retrieval, machine learning, recommender systems, user personality profiling, multimodal retrieval

Citation: Yang Q, Farseev A, Nikolenko S and Filchenkov A (2022) Do we behave differently on Twitter and Facebook: Multi-view social network user personality profiling for content recommendation. Front. Big Data 5:931206. doi: 10.3389/fdata.2022.931206

Received: 28 April 2022; Accepted: 30 June 2022;
Published: 03 August 2022.

Edited by:

Minh Son Dao, National Institute of Information and Communications Technology, Japan

Reviewed by:

Muhamad Hilmil Muchtar Aditya Pradana, National Institute of Information and Communications Technology, Japan
Khoa Tran, National Institute of Information and Communications Technology, Japan

Copyright © 2022 Yang, Farseev, Nikolenko and Filchenkov. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.

*Correspondence: Qi Yang, yangqi@itmo.ru

Download