Skip to main content

Big data analytics on social networks for real-time depression detection

Abstract

During the coronavirus pandemic, the number of depression cases has dramatically increased. Several depression sufferers disclose their actual feeling via social media. Thus, big data analytics on social networks for real-time depression detection is proposed. This research work detected the depression by analyzing both demographic characteristics and opinions of Twitter users during a two-month period after having answered the Patient Health Questionnaire-9 used as an outcome measure. Machine learning techniques were applied as the detection model construction. There are five machine learning techniques explored in this research which are Support Vector Machine, Decision Tree, Naïve Bayes, Random Forest, and Deep Learning. The experimental results revealed that the Random Forest technique achieved higher accuracy than other techniques to detect the depression. This research contributes to the literature by introducing a novel model based on analyzing demographic characteristics and text sentiment of Twitter users. The model can capture depressive moods of depression sufferers. Thus, this work is a step towards reducing depression-induced suicide rates.

Introduction

Depression means “a state of mind that expresses mood disorders such as depressed, unhappy, bored, loss of appetite, lack of concentration, anxiety, etc.”. Depression may adversely affect the quality of life and it can eventually lead to suicide [1]. Depression can cause of significant health deterioration and affect people all over the world. The World Health Organization estimated that there were approximately 280 million people in 2021 who suffered from depression. In low-income and middle-income countries, 80% of them were untreated [2]. In the United States, the depression cases have tripled during the coronavirus pandemic [3]. While in Thailand, the number of depression cases continues to increase and 60% of suicides are caused by depression. Therefore, the prevention, treatment, and promotion of mental health are very important [4].

As mentioned above, all people have a risk of depression and most of them do not receive treatment because they do not know that they are depressed. Moreover, friends and family members may do not know either. People who are at risk of depression often express themselves through social networks. Social networking is a form of communication that does not rely on eye contact and facial expression, but it can be expressed through commenting on messages or pictures [5]. Hence, social media data can detect depression of individuals based on their posted negative opinions [6].

Nevertheless, the nature of social media data is big data in terms of large volumes and high velocity of data [7]. Big data can be processed in two approaches which are big data batch processing and big data stream processing [8]. In this research, the big data batch processing is suitable for creating a depression detection model, while the big data stream processing is necessary for real-time depression detection. The reason being not only the large volume of data need to be computed but also that data must be rapidly processed in real-time to reduce depression-induced suicide rates.

Machine learning techniques [9] were applied as the detection model construction. There are five machine learning techniques explored in this research which are Support Vector Machine, Decision Tree, Random Forest, Naïve Bayes, and Deep Learning. Support Vector Machine tries to choose the optimal decision boundary (i.e., hyperplane) by maximizing the margin distance between classes using Hinge Loss function as defined by the equation \(l(y) = \max (0, 1 + \max _{y \ne t} w_{y}x - w_{t}x )\) where t is the target label, \(w_{t}\) and \(w_{y}\) are the model parameters. Decision tree divides the dataset based on the attribute that divides the dataset most effectively. The attribute which provides maximum Information Gain is selected for splitting. Information Gain is the entropy of the parent node minus the sum of entropy of the child nodes, where entropy is defined as \(Entropy = \sum _{i=1}^{c} -P_{i} * log_{2}P_{i}\). Random forest is composed of several decision trees, which operate as an ensemble. Each decision tree predicts a class outcome. The class outcome with the most number of votes is the prediction of random forest. Thus, the decision trees should be least correlated with each other, i.e., each decision tree predicts using different features. Naïve Bayes classifies data based on Bayes’s theorem. If \(C_{k}\) represents possible classes, and vector x represents features, the conditional probability can be defined as \(P(C_{k}|x) = \frac{P(x|C_{k}) P(C_{k})}{P(x)}\), where \(P(C_{k}|x)\) is posterior, \(P(x|C_{k})\) is likelihood, \(P(C_{k})\) is prior, and P(x) is evidence. Deep Learning is based on artificial neural networks, inspired by information processing and distributed communication nodes in biological brain. It uses multiple hidden layers to extract features from inputs. An output of a neural is the activation function f of a weighted sum of the neuron’s input i.e., output is \(f (b + \sum _{i=1}^{n} x_{i}w_{i})\), where \(w_{i}\) is a corresponding weight of input \(x_{i}\), and b is bias.

Literature review

There are several existing research works focusing on depression detection using social network. These works can be categorized into three groups based on their objective. The first group (e.g., [10,11,12,13,14]) aims to analyze feelings from social network data. Barhan and Shakhomirov [10] developed a model to classify feelings from Twitter data using emoticons and sentiments based on N-gram, a technique used to calculate the probabilities of words based on the preceding n-1 words from the target word. The results showed that Support Vector Machine performed better than Naïve Bayes. It has 81% accuracy and 74% recall. The result was consistent with that of Hutto and Gilbert [11]’s work, which presented performance comparison of sentiment analysis algorithms for analyzing social network messages. Four thousand Twitter messages were analyzed using Support Vector Machine, Naïve Bayes, and maximum entropy algorithms. The result indicated that Support Vector Machine achieved the highest accuracy at 91%. Vateekul and Koomsubha [12] introduced a new approach to apply a deep learning technique to classify sentiments of Thai Twitter data. The results revealed that deep learning technique achieved higher accuracy than traditional techniques including Naïve Bayes and Support Vector Machine. Islam et al. [13] analyzed the user feelings from social networks to examine their moods and attitudes when communicating through these online tools. Machine learning techniques were investigated for depression detection. The results showed that decision tree was highly accurate for identifying mental health problems. Sood et al. [14] presented a method for analyzing sentiment to identify depression. They used R Studio to extract data from Twitter. A sentiment score was derived from Twitter messages to indicate individual happiness. The results showed that sentiment analysis from Twitter could help to screen depression among general public.

The second group (e.g., [15,16,17]) intends to detect depression from social network data using various approaches. Park et al. [15] proposed a framework for analyzing sentiments from Twitter and searching for features that identified depression. The experimental results with 69 participants found that using negative messages, messages expressing depression, negative Twitter emoticon (a.k.a. emotion icon) was significantly associated with the occurrence of depression symptoms. Jiang et al. [16] examined the acoustic correlations of a sample of 170 participants (85 of them were depressed patients). They examined three different types of speech (interviews, picture description, and reading) and three different emotions (positive, neutral, and negative) to detect depression. The study found that picture description provided better classification results than others. The results also indicated that speech and emotions had potential for detecting depression. Orabi et al. [17] pinpointed the most effective deep learning architecture for natural language processing task. The designated architecture was used to detect depression from unstructured data of Twitter users.

The third group (e.g., [18,19,20,21]) concentrates on constructing a depression detection model. Hu et al. [18] created classification and regression models using behavioral and linguistic data from 10,102 social network users. The results revealed that data from social networks could be used to predict the depression in advance up to two months. Aldarwish and Ahmad [19] conducted their research on predicting depression levels using comment messages from social networks. They used data mining techniques to predict levels of mental health and depression from comment messages. The classification model was created using Support Vector Machine and Naïve Bayes techniques. The accuracy value was 63.30%. Reece et al. [20] created a depression prediction model based on images from Instagram using the Bayesian Logistic Regression algorithm. A sample of 166 participants and 43,950 images were gathered for color analysis and face detection. The experimental results showed that the model achieved better efficiency than conventional diagnostics with an overall efficiency of 61%. Sun et al. [21] proposed a hybrid model, which was a combination of the Convolutional Neural Network Long Short-Term Memory and the Markov chain Monte Carlo methods. The model was used to identify user feelings, mood changes, and mood disorders. The experimental results revealed that the model could detect irregular conversion and emotional disorders.

The objective of this work is all the three groups. A comparison of research related to depression detection using social network is shown in Table 1. In terms of the analytical features, the existing research focused on only some information of Twitter users such as messages (e.g., tweets, retweets, hashtags), messages expressing depression (called sentiments), emoticons, images, Twitter behaviors, or user profiles (called demographic characteristics). For measuring success of depression detection, the existing research applied self-reported survey responses, self-declared mental health status, forum membership, or annotated posts as the indicator. The self-reported surveys are second only to clinical interviews for depression detection accuracy [22]. In terms of model development techniques, it was found that most research created a model using only single technique.

Therefore, this research applies the demographic characteristics of Twitter users, and their opinions or tweets during a two-month period after answering their self-reported survey (the Patient Health Questionnaire-9: PHQ-9) to develop a depression detection model. The demographic characteristics and tweets are used as features or inputs for the model construction, while the self-reported survey responses are used as the outcome measure. Additionally, the proposed model applies a variety of machine learning techniques including Support Vector Machine, Naïve Bayes, Decision Tree, Deep Learning, and Random Forest techniques. The most suitable features and techniques will be chosen for the model construction. After the model construction, the model is used in a process of real-time depression detection.

Table 1 A comparison of research related to depression detection using social network

Real-time depression detection methodology

Real-time depression detection is a process where gathers streaming data from Twitter Application Programming Interface (API) by extracting, transforming and loading data into data storage in a Hadoop cluster. These data will be used as an unseen input data of the depression detection model. The model is used as a classifier to identify a depression level of a person. There are four modes of users in the system called yourself, parent, advisor, and employer. In the yourself mode, users can use their own Twitter ID as an input for the system to detect their own depression level. In the parent mode, parents can track a status of their child by providing child’s twitter ID to the system. In the advisor mode, advisors can track a depression level of their advisee by supplying Twitter ID of advisee into the system. In the employer mode, employers can also track a status of their employee by providing employee’s twitter ID to the system. Please note that advisors and employers must obtain a permission from their advisee and employee, respectively, in order to track their depression level. The process of real-time depression detection is shown in Fig. 1.

Fig. 1
figure 1

The process of real-time depression detection

Depression detection model

This research aims to develop a depression detection model using demographic characteristics and sentiment analysis from tweets. The research methodology consists of 5 processes as shown in Fig. 2 which are data acquisition, data transformation, data storage, model construction, and model performance evaluation. The details of each process are described as follows.

Fig. 2
figure 2

The framework of a depression detection model

Data acquisition

The data acquisition for model construction in this research is obtained from three sources which are the PHQ-9, a personal information questionnaire, and Twitter API.

Firstly, the data derived from the PHQ-9 are survey response date and a depression assessment score of each participant.

Secondly, the data collected from the personal information questionnaire comprise Twitter ID and demographic characteristics such as gender, age, weight, education, congenital disease, career, income, number of family members, self-couple status, and parent’s marital status.

Finally, Twitter API is used to collect Twitter user’s information in real time from the Twitter page. The Twitter ID collected from the first source is used to access the Twitter user’s information. The information was gathered 2 months prior to the survey response date. There are 222 tweets, 1522 retweets and 16 hashtags, collected from 192 Twitter users, 50 of whom are moderately depressed, 74 are slightly depressed, and 68 show no sign of being depressed.

Data transformation

The data processing for model construction using machine learning consists of three steps which are detailed as follows.

Extracting Twitter user’s information

The information obtained from Twitter will be processed to find sentiment attributes and their values. The process of extraction is illustrated in Fig. 3 and can be explained as follows. Firstly, the Twitter ID is used to access the Twitter user’s information via Twitter API. The extracted information consists of tweets, retweets, hashtags, the number of friends, the number of followers, and periods of tweets. Secondly, terms in the tweets, retweets, and hashtags are extracted using an NLTK library [23]. Thirdly, the extracted terms in Thai are translated to English using Google translation API. Finally, the sentiment numerical scores of each term are derived from opinion lexicons in the WordNet database [24], where each term has three sentiment numerical scores: Pos(s), Neg(s) and Obj(s), according to Eq. (1).

$$Pos(s) + Neg(s) + Obj(s) = 1 $$
(1)

The extracted sentiment attributes in this research comprise the number of positive and negative tweets, retweets and hashtags, the number of tweets, retweets and hashtags expressing depression, and sentiment score of all tweets.

Fig. 3
figure 3

The process of feature extraction

The sentiment score of all tweets \(\Theta \) is derived from sentiment scores of each tweet i as shown in Eq. (2).

$$ \Theta = \frac{\sum _{i=1}^{n} Tweet(s)_{i}}{n}$$
(2)

The sentiment score of each tweet \(Tweet(s)_{i}\) is calculated from an average of positive and negative scores of all terms in the tweet as shown in Eq. (3).

$$ Tweet(s) = \frac{\sum _{j=1}^{m} Pos(s)_{j}}{m} - \frac{\sum _{j=1}^{m} Neg(s)_{j}}{m} $$
(3)

The number of positive tweets \(Tweet_{pos}\) is the total number of tweets that have \(Tweet(s) > 0\). On the other hand, the number of negative tweets \(Tweet_{neg}\) is the total number of tweets that have \(Tweet(s) \ge 0\). The number of tweets expressing depression \(Tweet_{depress}\) is the total number of tweets that have an occurrence of at least one of depressive term. There are 78 depressive words collected from the PHQ-9 questionnaire and stored in a depression term corpus [25].

The number of positive and negative retweets and hashtags, and the number of retweets and hashtags expressing depression are derived in the same way as those equation of tweets.

Transforming the depression assessment score

The scores obtained from the PHQ-9 are converted from numeric to nominal. The scores are converted in to four classes as follows: 5-8 points are converted to Level 0 or no depression, 9-14 points are converted to Level 1 or slight depression, and more than 15 points are converted to Level 2 or moderate depression.

Loading relevant features

Before loading features into data storage, attributes obtained from the previous step must be relevant features. Feature selection is the process of selecting a subset of relevant features for model construction. The relevant features as shown in Table 2 include 10 demographic characteristic attributes (\(x_{1},\ldots,x_{10}\)), 10 sentiment attributes (\(x_{11},\ldots,x_{20}\)), 4 Twitter user’s information attributes (\(x_{21},\ldots,x_{24}\)), and depression evaluation result attribute (y). Moreover, the table contains additional details and data types of each feature. Irrelevant data such as Twitter ID and the survey response date are eliminated to prevent unnecessary computation in the machine learning technique. These relevant features will be loaded into the next process.

Table 2 Data characteristics of relevant features

Data storage

Data from the previous process are loaded into a Hadoop cluster, a specialized computer cluster designed for storing and analyzing a large amount of data. This research employed a Hadoop’s open source software suite called Cloudera running on commodity computers. Data gathered from Twitter are kept in Hadoop Distributed File System (HDFS). The HDFS consists of two principal components called name node and data node. Name node is served as metadata, where data nodes store the actual data block. Files are kept in 128-MB of data block, where each block is replicated on three different data nodes as illustrated in Fig. 4. Hadoop cluster is served as data lake for storing unstructured data from the Twitter.

Fig. 4
figure 4

HDFS architecture

Model construction

Machine learning is used to create the automated depression detection model. The type of machine learning applied for the model construction is a classification technique. A set of data called the training set of the model uses features or input variables (\(x_{1},\ldots,x_{24}\)), and the target or output variable (y), all of which are listed in Table 2. More specifically, this research employs supervised machine learning techniques for model creation, including Support Vector Machine, Naïve Bayes, Decision Tree, Random Forest and Deep Learning techniques. Model construction is implemented with Spark MLlib, Spark’s machine learning library using Python interface. An advantage of Spark MLlib is that it can load a huge data set directly from the HDFS. This enables a large volume of tweets to process using machine learning.

Model performance evaluation

The last process is to evaluate the performance of depression detection model to find the most appropriate machine learning technique for detecting the depression. The Support Vector Machine technique is used as a baseline of accuracy comparison since the majority of previous research work has relied on it [10,11,12,13, 19]. Comparing the results of different techniques is measured by standard measure scores which are f-measure, accuracy, precision, and recall [26].

Experimental evaluation

Testing environment

The assessment uses the same test set as the training set for the model construction with 192 Twitter users consisting of 3 classes (i.e., 50 moderately depressed people, 74 slightly depressed people, and 68 regular people). The tenfold cross validation approach is applied to evaluate the designed model. The Twitter user’s information consists of 222 tweets, 1,522 retweets and 16 hashtags. In addition, the test set also includes demographic characteristics.

The depression detection model has been assessed in three aspects. The first focuses on the selection of attributes (called features) that contributes to depression. This assessment compares the use of demographic characteristic features, features extracted from Twitter user’s information, and mixed features in order to construct the depression detection model.

The second aspect aims to reduce the number of features and the computational cost of modeling in order to improve the performance of the model. The process of reducing the number of features is called feature selection, which is applied to find the relevant features and the effective feature selection method for model construction.

The third aspect looks at the performance comparison of several machine learning techniques which are Support Vector Machine using the Radial Basis Function (RBF) kernel, Decision Tree using C4.5 algorithm, Naïve Bayes, Random Forest using 100 trees in the forest, and Deep Learning using deep feedforward networks with 100 hidden layers and ReLU activation function. Those techniques are compared by using scoring measures including F-measure, accuracy, precision, and recall [26] as shown in Eq. (4)–(7):

$$ Accuracy= \frac{TP + TN}{(TP + TN + FP + FN)} $$
(4)
$$Precision= \frac{TP}{(TP + FP)} $$
(5)
$$Recall= \frac{TP}{(TP + FN)} $$
(6)
$${F-measure}= 2 \times \frac{Precision \times Recall}{Precision + Recall}$$
(7)

For depression level 0 (no depression), the TP (True Positive) means that persons with no sign of being depressed are correctly predicted as no depression. The FP (False Positive) means that persons who are slightly or moderately depressed are incorrectly predicted as no depression (actual depression level is 1 or 2). The FN (False Negative) means that persons with no sign of being depressed are incorrectly predicted as depression level 1 or 2 (actual depression level is 0). The TN (True Negative) means that persons who are slightly or moderately depressed are correctly predicted as depression level 1 or 2. The TP, FP, FN, TN of depression level 1 and 2 are derived in the same way as those of depression level 0.

The F-measure is used together with the accuracy since data is imbalanced. F-measure is a measure of a test’s accuracy. It is the harmonic mean of the precision and recall. The F-measure can be optimistic on severely imbalanced classification in problems with few samples of the minority class.

Experimental results and discussion

This section presents and discusses the experimental results based on the testing environment in the previous section. The first experiment aims to determine the effect of different features on performance of a variety of machine learning techniques including Support Vector Machine, Decision Tree, Naïve Bayes, Random Forest, and Deep Learning techniques. The results shown in Fig. 5 revealed that mixed features, a combination of demographic characteristics and Twitter user’s information features, achieved the highest average f-measure for all machine learning techniques at 0.728. Thus, this research employed 24 features from mixed features to construct the depression detection model.

Fig. 5
figure 5

The effect of different features on performance of a variety of machine learning techniques

In order to improve depression detection performance, feature selection was applied to reduce number of features or discover relevant features.

In the second experiment, three feature selection methods, called Random Forest, Analysis of Variance (ANOVA) and Support Vector Machine-Recursive Feature Elimination (SVM-RFE), had been applied. The feature selection performance is shown in Fig. 6.

Fig. 6
figure 6

Feature selection performance: a F-measure; b processing time

Figure 6a revealed that the optimal numbers of features for Random Forest, ANOVA and SVM-RFE were reduced from 24 features to 19, 15 and 22 features, respectively, while Fig. 6b revealed that feature selection using ANOVA was 7 and 917 times faster than Random Forest and SVM-RFE, respectively. The results also indicated that the number of features did not affect the processing time for feature selection. This experiment concluded that 19, 15 and 22 features were appropriate numbers for Random Forest, ANOVA and SVM-RFE methods, respectively. The results also reflected that the proposed model with feature selection using Random Forest (F-measure = 0.7435), ANOVA (F-measure = 0.7657), and SVM-RFE (F-measure = 0.7646) achieved better performance than existing models with no feature selection (F-measure = 0.728).

The third experiment measured model construction time and model usage time of Random Forest, ANOVA and SVM-RFE with the numbers of features based on the previous experiment.

The experimental results as illustrated in Fig. 7 indicated that model construction and usage of ANOVA was faster than SVM-RFE, but marginally slower than Random Forest. However, ANOVA achieved the highest feature selection performance as shown in Fig 6. Hence, ANOVA with 15 features would be used as the feature selection process of this work.

Fig. 7
figure 7

Model construction time and model usage time of feature selection

The last experiment aimed to find the most appropriate technique of machine learning for detecting the depression using standard measure scores which are f-measure, accuracy, precision, and recall. Fig. 8 showed that the performance of Decision Tree, Naïve Bayes, Random Forest, and Deep Learning techniques compared with Support Vector Machine, which was chosen as the baseline. The results revealed that Decision Tree and Random Forest techniques provided higher accuracy than the baseline. The Random Forest technique provided higher accuracy than the Decision Tree because it was an improvement from the decision tree technique. It was a simulation of multiple decision tree techniques. The advantage of this technique was that it provided accurate prediction results. Thus, the Random Forest was the most appropriate machine learning technique to detect the depression.

Fig. 8
figure 8

Performance comparison of machine learning techniques compared with Support Vector Machine

Conclusions and future work

This article introduces a depression detection model on social networks using big data analytics. The main theoretical implication of this research is a novel model based on analyzing demographic characteristics and text sentiment of Twitter users. The two feature selection methods, called ANOVA and SVM-RFE, are applied to improve the performance of the model. The experimental results revealed that ANOVA achieved a higher f-measure, while consuming less processing time (including feature selection time, model construction time, and model usage time) than SVM-RFE. Then, machine learning techniques are applied for the depression detection model construction. There are five machine learning techniques explored in this research which are Support Vector Machine, Decision Tree, Naïve Bayes, Random Forest, and Deep Learning. The experimental results revealed that the Random Forest technique achieved higher accuracy than other machine learning techniques to detect the depression.

Nevertheless, the designed model has some limitations. This research uses information from Twitter users, who agree with the disclosure, to create a model. Additionally, the information used in this research in only one that is publicly available, e.g., opinion information (tweets, retweets, hashtags) and friends and follower information. The designed depression detection model cannot access information that users do not want to disclose or private information such as direct messages. It is possible that these messages will influence the analysis of depression.

There are some improvements that could be performed in the near future. Firstly, the number of participants could be increased for higher accuracy. Secondly, other features such as length of time spent on social networks and the number of likes on each post could be investigated for model construction. Thirdly, improving the model construction process using other data such as emoticons and images could be performed. Finally, data could be gathered from multiple social networks.

Availability of data and materials

Twitter data is not publicly available due to privacy reasons. Other data that support the findings of this study are available upon reasonable request.

Abbreviations

ANOVA:

Analysis of Variance

API:

Application Programming Interface

HDFS:

Hadoop Distributed File System

PHQ-9:

Patient Health Questionnaire-9

SVM-RFE:

Support Vector Machine-Recursive Feature Elimination

References

  1. Hongsrisuwan N. Depression. HCU. J Health Sci. 2016;19(38):105–18.

    Google Scholar 

  2. WHO. Depression fact sheets. (2021). http://www.who.int/news-room/fact-sheets/detail/depression.

  3. Khubchandani J, Sharma S, Webb FJ, Wiblishauser MJ, Bowman SL. Post-lockdown depression and anxiety in the USA during the COVID-19 pandemic. J Public Health. 2021;43(2):246–53. https://doi.org/10.1093/pubmed/fdaa250.

    Article  Google Scholar 

  4. Wongpiromsarn Y. Mental health and the COVID-19 crisis in Thailand. J Ment Health Thail. 2020;28(4):280–91.

    Google Scholar 

  5. Phanichsiri K, Tuntasood B. Social media addiction and attention deficit and hyperactivity symptoms in high school students in Bangkok. J Psychiatr Assoc Thail. 2016;6(13):191–204.

    Google Scholar 

  6. Choudhury MD, Counts S, Horvitz E. Social media as a measurement tool of depression in populations. In: Proceedings of the 5th annual ACM web science conference. New York: ACM; 2013. p. 47–56. https://doi.org/10.1145/2464464.2464480.

  7. Tsai C-W, Lai C-F, Chao H-C, Vasilakos AV. Big data analysis: a survey. J Big Data. 2015;2(21):1–32. https://doi.org/10.1186/s40537-015-0030-3.

    Article  Google Scholar 

  8. Kolajo T, Daramola O, Adebiyi A. Big data stream analysis: a systematic literature review. J Big Data. 2019;6(47):1–30. https://doi.org/10.1186/s40537-019-0210-7.

    Article  Google Scholar 

  9. Bonaccorso G. Machine learning algorithms. Birmingham: Packt Publishing; 2017.

    Google Scholar 

  10. Barhan A, Shakhomirov A. Methods for sentiment analysis of twitter messages. In: Proceedings of the 12th conference of Fruct Association; 2012. p. 215–22.

  11. Hutto CJ, Gilbert E. Vader: a parsimonious rule-based model for sentiment analysis of social media text. In: Proceedings of the 8th international conference on weblogs and social media, ICWSM 2014, Ann Arbor, MI, USA. 2014. p. 216–25.

  12. Vateekul P, Koomsubha T. A study of sentiment analysis using deep learning techniques on Thai twitter data. In: Proceedings of 13th international joint conference on computer science and software engineering (JCSSE). Khon Kaen: IEEE; 2016. p. 1–6. https://doi.org/10.1109/JCSSE.2016.7748849 .

  13. Islam MR, Kabir MA, Ahmed A, Kamal ARM, Wang H, Ulhaq A. Depression detection from social network data using machine learning techniques. Health Inf Sci Syst. 2018;6(8):1–12. https://doi.org/10.1007/s13755-018-0046-0.

    Article  Google Scholar 

  14. Sood A, Hooda M, Dhirn S, Bhatia M. An initiative to identify depression using sentiment analysis: a machine learning approach. Indian J Sci Technol. 2018;11:1–20. https://doi.org/10.17485/ijst/2018/v11i4/119594.

    Article  Google Scholar 

  15. Park M, Cha C, Cha M. Depressive moods of users portrayed in twitter. 2012. p. 1–8.

  16. Jiang H, Hu B, Liu Z, Yan L, Wang T, Liu F, Kang H, Li X. Investigation of different speech types and emotions for detecting depression using different classifiers. Speech Commun. 2017;90:39–46. https://doi.org/10.1016/j.specom.2017.04.001.

    Article  Google Scholar 

  17. Orabi AH, Buddhitha P, Orabi MH, Inkpan D. Deep learning for depression detection of Twitter users. In: Proceedings of the fifth workshop on computational linguistics and clinical psychology: from keyboard to clinic. Louisiana: Association for Computational Linguistics; 2018. p. 88–97. https://doi.org/10.18653/v1/W18-0609.

  18. Hu Q, Li A, Heng F, Li J, Zhu T. Predicting depression of social media user on different observation windows. In: 2015 IEEE/WIC/ACM international conference on web intelligence and intelligent agent technology (WI-IAT). Singapore: IEEE; 2015. p. 361–4. https://doi.org/10.1109/WI-IAT.2015.166.

  19. Aldarwish MM, Ahmad HF. Predicting depression levels using social media posts. In: IEEE 13th international symposium on autonomous decentralized system (ISADS). Bangkok: IEEE; 2017. p. 277–80. https://doi.org/10.1109/ISADS.2017.41.

  20. Reece AG, Danforth CM. Instagram photos reveal predictive markers of depression. EPJ Data Sci. 2017;6(1):1–34. https://doi.org/10.1140/epjds/s13688-017-0110-z.

    Article  Google Scholar 

  21. Sun X, Zhang C, Li L. Dynamic emotion modelling and anomaly detection in conversation based on emotional transition tensor. Inf Fusion. 2019;46:11–22. https://doi.org/10.1016/j.inffus.2018.04.001.

    Article  Google Scholar 

  22. Katchapakirin K, Wongpatikaseree K, Yomaboot P, Kaewpitakkun Y. Facebook social media for depression detection in the Thai community. In: 15th international joint conference on computer science and software engineering (JCSSE), Nakhonpathom, Thailand; 2018. https://doi.org/10.1109/JCSSE.2018.8457362.

  23. Powers DMW. NLTK: the natural language toolkit. In: Proceedings of the COLING/ACL 2006 interactive presentation sessions. Sydney: Association for Computational Linguistics; 2006. p. 69–72.

  24. Stefano B, Andrea E, Fabrizio S. Sentiwordnet 3.0: an enhanced lexical resource for sentiment analysis and opinion mining. In: 7th international conference on language resources and evaluation (LREC). Valletta: European Language Resources Association; 2010. p. 2200–4.

  25. Tipprasert S. Depression dataset. (2022). https://www.twothai.com/dep/.

  26. Tharwat A. Classification assessment methods. Appl Comput Inform. 2021;17(1):168–92. https://doi.org/10.1016/j.aci.2018.08.003.

    Article  Google Scholar 

Download references

Acknowledgements

Not applicable.

Funding

This work was supported by Suranaree University of Technology (SUT), Thailand Science Research and Innovation (TSRI), and National Science Research and Innovation Fund (NSRF) (NRIIS no. 160345)

Author information

Authors and Affiliations

Authors

Contributions

Research question was formulated by JA. Data manipulations were performed by ST and JA. Figures were generated by JA, ST and TA. Data analysis was performed by JA, TA and ST. Writing and reviewing was done by JA and TA. All authors read and approved the final manuscript.

Corresponding author

Correspondence to Thara Angskun.

Ethics declarations

Ethics approval and consent to participate

This research was approved by the Ethics Committee of Suranaree University of Technology (IRB-ethics committee approval number, EC-63-79). All subjects gave their informed consent for inclusion before they participated in the study.

Consent for publication

Not applicable.

Competing interests

The authors declare that they have no competing interests.

Additional information

Publisher's Note

Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Rights and permissions

Open Access This article is licensed under a Creative Commons Attribution 4.0 International License, which permits use, sharing, adaptation, distribution and reproduction in any medium or format, as long as you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons licence, and indicate if changes were made. The images or other third party material in this article are included in the article's Creative Commons licence, unless indicated otherwise in a credit line to the material. If material is not included in the article's Creative Commons licence and your intended use is not permitted by statutory regulation or exceeds the permitted use, you will need to obtain permission directly from the copyright holder. To view a copy of this licence, visit http://creativecommons.org/licenses/by/4.0/.

Reprints and permissions

About this article

Check for updates. Verify currency and authenticity via CrossMark

Cite this article

Angskun, J., Tipprasert, S. & Angskun, T. Big data analytics on social networks for real-time depression detection. J Big Data 9, 69 (2022). https://doi.org/10.1186/s40537-022-00622-2

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/s40537-022-00622-2

Keywords