Next Article in Journal
Breast Cancer Classification Using Concatenated Triple Convolutional Neural Networks Model
Previous Article in Journal
An Intelligent Bat Algorithm for Web Service Selection with QoS Uncertainty
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Hadiths Classification Using a Novel Author-Based Hadith Classification Dataset (ABCD)

1
Faculty of Computers and Artificial Intelligence, Cairo University, Giza 12613, Egypt
2
Department of Computer and Systems Engineering, Alexandria University, Alexandria 21526, Egypt
3
Faculty of Computer and Information Systems, Islamic University of Madinah, Madinah 42351, Saudi Arabia
4
Faculty of Hadith and Islamic Studies, Islamic University of Madinah, Madinah 42351, Saudi Arabia
5
Faculty of Sharia and Islamic Studies, Alqasimia University, Sharjah 63000, United Arab Emirates
6
Faculty of Computer Science and Engineering, Alamein International University, New Alamein City 51718, Egypt
*
Author to whom correspondence should be addressed.
Big Data Cogn. Comput. 2023, 7(3), 141; https://doi.org/10.3390/bdcc7030141
Submission received: 6 July 2023 / Revised: 26 July 2023 / Accepted: 8 August 2023 / Published: 14 August 2023

Abstract

:
Religious studies are a rich land for Natural Language Processing (NLP). The reason is that all religions have their instructions as written texts. In this paper, we apply NLP to Islamic Hadiths, which are the written traditions, sayings, actions, approvals, and discussions of the Prophet Muhammad, his companions, or his followers. A Hadith is composed of two parts: the chain of narrators (Sanad) and the content of the Hadith (Matn). A Hadith is transmitted from its author to a Hadith book author using a chain of narrators. The problem we solve focuses on the classification of Hadiths based on their origin of narration. This is important for several reasons. First, it helps determine the authenticity and reliability of the Hadiths. Second, it helps trace the chain of narration and identify the narrators involved in transmitting Hadiths. Finally, it helps understand the historical and cultural contexts in which Hadiths were transmitted, and the different levels of authority attributed to the narrators. To the best of our knowledge, and based on our literature review, this problem is not solved before using machine/deep learning approaches. To solve this classification problem, we created a novel Author-Based Hadith Classification Dataset (ABCD) collected from classical Hadiths’ books. The ABCD size is 29 K Hadiths and it contains unique 18 K narrators, with all their information. We applied machine learning (ML), and deep learning (DL) approaches. ML was applied on Sanad and Matn separately; then, we did the same with DL. The results revealed that ML performs better than DL using the Matn input data, with a 77% F1-score. DL performed better than ML using the Sanad input data, with a 92% F1-score. We used precision and recall alongside the F1-score; details of the results are explained at the end of the paper. We claim that the ABCD and the reported results will motivate the community to work in this new area. Our dataset and results will represent a baseline for further research on the same problem.

1. Introduction

A Hadith is one of the most famous sources of classical Arabic texts. It comprises narrative sayings, actions, approvals, and discussions of the Prophet Muhammad, his companions, or followers. For Muslims, a Hadith is the second most important source of religious instructions after the Qur’an.
Each Hadith is composed of two components: the actual wording of a Hadith text, known as Matn, and the chronological list of people who transmitted the Matn, which is known as Sanad. The Sanad (or the narration chain) consists of narrators, each narrator mentioning the one from whom he heard the Hadith.
Over the last few decades, researchers in the field of NLP, especially in the Arabic language, have become more interested in Hadiths and related research. We can group research efforts primarily into two groups: content-based research and narration-based research. The content-based research focuses on Hadith Matn. The narration-based research focuses on Hadith Sanad and its narration chain. The works of [1,2] have presented various research studies on Hadiths in detail.
Works that processed the actual Hadith text (Matn) can be categorized into information retrieval, ontology, query expansion, and question-answering system, topic segmentation, and classification of Hadiths.
Studies that processed the narration chain of Hadiths (Sanad) can be grouped into Hadith authentication or veracity, visualization narration graph, and disambiguation of a narrator’s name. Disambiguation problems arose as there were lots of different forms/spellings for the same narrator [3].
Hadith classification, which is the subject of this paper, can be categorized from different perspectives, as explained in Figure 1. Hadith can be classified into a specific chapter or topic of Sahih Al-Bukhari’s book [4], such as knowledge, faith, hajj, praying, etc. Sahih Al-Bukhari’s book is considered one of the most trusted compilations of Hadiths.
A Hadith can also be classified according to its authentication or veracity, such as Sahih, Hassan, Daif, and Mawdoa. Hadith authentication mainly depends on Sanad; however, some studies used the Matn in the classification.
Finally, Hadiths can be classified as Marfu, Mawquf, and Maqtu, according to the origin of a narration. This last classification perspective specifies whether a Hadith is attributed to Prophet Muhammad, a companion (Sahabi), or a successor (Tabi‘i). Marfu class refers to a narration attributed specifically to the Prophet Muhammad. Mawquf refers to a narration attributed to the companion (Sahabi) and Maqtu refers to a narration attributed to the successor of one of Muhammad’s companions (Tabi‘i).
Hadith classification is still an open problem in Islamic Hadith studies for the following reasons. There are written transcripts that were discovered over time, and Islamic scholars need to know the author of this text. Also, some current Hadiths are not clear about who their author is. Therefore, scholars are not sure who the authors are. Moreover, it is not indeed that the author is at the end of the narration list. For these reasons, we chose to produce an artificial intelligence-based (AI-based) solution for this problem.
In this study, we used a novel approach to classify Hadiths according to the author or the origin of narration. We used three training data types, namely Sanad alone, Matn alone, and both Sanad and Matn. We explored machine learning and deep learning techniques. Combining Matn and Sanad produced poor results, as they have totally different meanings, so we excluded these results from the Results section.
As with every machine/deep learning algorithm, it is hard to achieve 100% accuracy, so here, we propose a tool that can be used as decision support for Hadith scholars to guide them or provide a Hadith classification opinion.
For the sake of training, we have created a novel structured Hadith dataset. The dataset passed lots of preprocessing to be ready for usage, like the separation of Matn and Sanad. In addition, we parsed the narrators in the Sanad and performed normalization for the identification of the narrator’s name to avoid ambiguity in identifying the narrators in Sanad. The dataset is released to the community for scientific use. A detailed description of the dataset is explained in a separate section of the paper.
The main contribution of this paper is a proposed benchmark dataset that can be used by the research community to classify a Hadith according to its origins, such as Marfu, Mawquf, and Maqtu, in addition to introducing a baseline model for this classification problem using machine learning and deep learning techniques.
The rest of this paper is organized as follows. The literature review is discussed in Section 2. The description of the dataset is presented in Section 3. Detailed key contributions of the paper, proposed methodologies, and experimental results are presented in Section 4. Section 5 discusses the experimental evaluation. Finally, Section 6 concludes the research with a discussion and an outlook on future work. For the sake of convenience, all terminologies and special words mentioned in this paper are briefly explained at the end of the paper, in the Glossary.

2. Literature Review

Hadith classification is the process of classifying Hadiths into predefined classes. We grouped all the research that is related to Hadith classification. A Hadith can be classified from different perspectives. Hadiths can be classified by topic, authenticity, or by author, as illustrated in Figure 1. In this section, we explain the related work in each.
Based on our extensive literature review, it appears that no machine/deep learning approaches have been employed to solve the classification problem at hand. To address this gap, we developed a novel dataset called the Author-Based Hadith Classification Dataset (ABCD), which we gathered from classical Hadith books. The ABCD contains a comprehensive collection of 29,000 Hadiths, and it is unique in that it includes information of 18,000 distinct narrators. This wealth of information will enable researchers to delve deeper into the characteristics of these narrators and their relationship to the Hadiths they have transmitted.
The ABCD dataset is a valuable resource for scholars and researchers in the field of Hadith studies. By utilizing machine/deep learning approaches, we aim to provide a more accurate and efficient classification of Hadiths based on their authors. Additionally, the ABCD dataset could serve as a benchmark for future studies in the field of Hadith classification.

2.1. Classification by Topic

The authors in [5,6,7] classified Hadiths according to their content (Matn) and assigned each Hadith a topic from a set of predefined topics. The topics included faith, knowledge, judgment, and crimes. These topics are extracted from the famous Hadith book, Sahih Al-Bukhari.
The authors in [8] classified Hadiths using Matn, but from a different angle: the classification classes were the meaning of the Matn, e.g., order for doing something, forbidding doing something, or just information without any order. The authors in [9] have proposed a semantic similarity metric that could also be applied to the Hadith classification problem.

2.2. Classification by Authenticity

Other researchers classify Hadiths according to their authenticities, such as Sahih, Hassan, Daif, and Mawdoa. Hadith authenticity has some equivalent terms like Hadith veracity, Hadith judgment, or grading the Hadith; all of them mean the same thing.
Typically, Muslim scholars classify a Hadith to determine if it is authentic or not. There are frequent criteria for determining authenticity. These criteria include the Sanad’s chain of narrators and the number of narrators involved in each level in the Sanad chain [10]. You need to be well-versed in Hadith science to evaluate a Hadith’s authenticity.
This is a susceptible and significant task; it should only be performed by a Hadith expert. However, there are some studies that were conducted to build an expert system for this type of classification to help non-experts understand what the rules behind the classification are.
Hadith authenticity mainly depends on the Sanad; however, there are some works that depend on the Sanad in addition to the Matn [11,12]. The reported authenticity classification experiments have been evaluated using different datasets.
The authors in [13] used association rules to classify Hadiths as Sahih, Hassan, Daif, and Mawdoa, depending on the accuracy of the narrators and the continuity of Sanad. In [14], the authors used the decision tree and Naïve Bayes to classify the Hadith authenticity. They tested the classifier on 999 Hadiths. The decision tree slightly outperformed the Naïve Bayes classifier.
In [15,16], the authors implemented domain-dependent ontology to help in authenticity assessment. The objective of building the ontology is to improve the features of the Sanad with more links, properties, and relations. Their model classifies the Hadith as Sahih, Hassan, and Daif. They picked 16 Hadiths from Sunan Ibn Majah’s book [16] to test their model.
In [17], the authors proposed a heuristic-based approach with no machine learning algorithms to determine the Hadith authenticity. They evaluated their approach on 3000 Hadiths from Sahih Al-Bukhari and Sunan at-Tirmizi books [18].

2.3. Classification by Author

As we mentioned before, the classification of Hadiths, according to the author, can be classified as Hadith Marfu, Hadith Mawquf, and Hadith Maqtu. This classification is particularly important since it allows readers to distinguish the Prophet’s sayings from his companions or successors at a glance; this is especially beneficial in Fiqh debates.
To our knowledge, there is no research work that has reported a model which classifies this type of classification nor introduced a dataset that contains labeled Hadiths, nor narrators’ datasets with their attributes. The created dataset is not only used in classification by the author, but can also be used in Hadith classification by authenticity as the dataset contains detailed data about narrators, which is important in authenticity classification.
The only found research that worked in the classification by the author is reported in [19], where the authors used a rule-based approach to classify Hadiths. They employed service-oriented architecture to overcome the communicational problem and a candidature for the Software as a Service (SaaS) for cloud computing. They did not report the dataset, accuracy, or performance measures of their model.

3. The Author-Based Hadith Classification Dataset (ABCD)

After surveying the literature, we found that there is no dataset suitable for the Hadith classification problem, so we created a new dataset from scratch.
We selected Hadiths from different Hadith collection books to ensure that the dataset represents a diverse and balanced set of Hadith classes. The selection of Hadiths was based on their relevance to the Hadith classification problem and their inclusion in well-known Hadith collections.
In addition, we included information about the narrators in the dataset, such as their attributes, personal information, and different name forms, as this information can be useful for researchers interested in investigating the role of narrators in Hadith classification.
Regarding the size of the dataset, we aimed to create a balanced dataset that is representative of the broader body of Hadith literature. We believe that the size of the dataset (29 K Hadiths and 18 K narrators) is appropriate for this purpose. Indeed, the bigger the dataset, the better results we can get, so, in future work, we intend to release a bigger extended dataset, but for now, the ABCD can be considered as a good starting point for Hadith classification. Furthermore, we plan to release the dataset for free to the community to facilitate further research in this area.
Overall, we believe that our dataset selection criteria and creation process, which involved identifying Hadith classes and selecting suitable Hadith books to ensure balance, provide a solid foundation for research on Hadith classification.
Figure 2 illustrates the methodology we followed in the dataset creation and the phase of the experiment. Our model classifies Hadiths based on the Hadith’s author. Hence, our class labels are classified as Marfu, Mawquf, or Maqtu. We chose three suitable Hadith collection books [19,20,21] to make the collected Hadiths balanced in terms of classes. We collected around 29 K. Each Hadith contains two parts, which are its Sanad and its Matn. Every Hadith is divided into Sanad and Matn. The preprocessing challenges for each part have been handled separately. For the Matn, we relied on the CAMeL tool [22] to perform cleanings, such as removing the punctuations, diacritics, special characters, non-Arabic characters, non-Unicode characters, etc. For the Sanad part, first, we separated the narrators of each Sanad and saved them in a chronological order as they appeared in the Sanad.
Every narrator may have different name forms mentioned in Hadiths. We collected the whole name forms for each narrator, then performed a normalization process to assign one identifier to every narrator, considering their different name forms. At this moment, each Hadith has its class label, preprocessed Matn, and normalized Sanad with a chronological order of a unique identifier for each narrator.
Finally, we created a balanced dataset of Hadiths that the research community can use for scientific purposes. The creation process of the dataset is explained as follows:
  • Identifying Hadith classes;
  • Selecting suitable Hadith books for collection Hadiths, so the Hadith classes are balanced;
  • Every collected Hadith is divided into the Sanad and Matn;
  • Every Sanad is normalized;
  • Every Matn is cleaned with the help of the CaMEL tool;
  • Storing the processed Sanad and Matn in a database.
All phases illustrated in Figure 2 are explained thoroughly throughout the paper.
Figure 3 explains the terms Matn, Sanad, and the Hadith narrators by example from Mosnad Imam Ahmad’s book. The first single underlined part is called Sanad, and as illustrated, it contains five highlighted narrators. The second part (double underlined) contains the Matn, which is the actual content of the Hadith. The book where this Hadith is mentioned, together with its number, is described in line number three.
To facilitate the usage of the ABCD, we split the Matn from the Sanad in addition to separating the narrators of the Sanad. One of the challenges that we faced is that the Sanad may contain a name, and this name refers to different persons in different Sanads. In other words, this name may appear in two Sanads, and it refers to two different persons, as explained in Figure 4. There is an example of ambiguity in narrators. The name Hammad in Sanad 1 and Sanad 2 refers to two different persons [23]. Thus, normalization was mandatory to remove the ambiguity of narrators.
We mainly relied on [24] to collect Hadiths. We collected 29 K Hadiths from three different Hadith collection books. We obtained around 21 K Hadiths from Musannaf of Abd Al-Razzaq’s book [20], around 4 K Hadiths from Sunan ibn Majah [19], and about 4 K Hadiths from Sunan al-Darimi [21]. There are three labels or classes for the collected Hadiths, which are Hadith Marfu, Hadith Mawquf, and Hadith Maqtu. The reason behind choosing the previous three books among many other books is to make our dataset balanced in terms of classes or labels.
The dataset contains 29 K Matn and 18 K unique Sanads. The reason that the two numbers are not the same is that the same chain of narrators may narrate more than one Matn. For every narrator in the 18 K Sanads, we collected some essential attributes. Some of these attributes helped for the narrator normalization. We did not use all of these attributes, but we included them in the dataset for future work and other possible usages of the dataset by the community.
The narrator’s attributes are as follows:
  • Narrator’s nickname and all the different name forms of his name;
  • Narrator’s descent;
  • Narrator’s relationships;
  • Narrator’s narrations;
  • Narrator’s date of birth;
  • Narrator’s country of birth;
  • Narrator’s country of residence;
  • Narrator’s visited cities and when he visited them;
  • Narrator’s date of death;
  • Narrator’s country of death;
  • Narrator’s school of thought, also called Madhhab [25];
  • Narrator’s rank according to Ibn Hajar [26];
  • Narrator’s rank according to Al-Zahabi [27];
  • Narrator’s rank according to Taqreeb Al-tahzeeb [28].
Another challenge we faced is that a single narrator’s name may have more than one spelled form in different Sanads. For example, a narrator named “Abdullah Ibn Abbas” may be mentioned in another Hadith with “Ibn Abbas”. Also, any narrator whose name starts with “Abu” may also be mentioned starting with “Aba” or “Abi” according to Arabic grammatical rules. In the same context, the narrator’s name “Amro: عمرو” may appear like “Amra: عمرا” according to the grammatical rules too. Table 1 shows an example of this problem. As such, the dataset underwent a normalization process so that the different appearing forms of a narrator are indexed, and all the appearing forms of each narrator are represented using only one identification number (ID). We have returned to [24] in order to collect the narrator’s names and their different spelling forms. Figure 5 shows a complete example of converting Sanad to a chain of identifiers. Therefore, we performed preprocessing on the Sanad part of the Hadiths to ensure an accurate identification of the narrators. Specifically, the narrators in the Sanad were parsed and all of the different name forms for each narrator collected. Then, a normalization process was performed to assign a unique identifier to each narrator, taking into account their different name forms.
This normalization process likely involved mapping each unique name form to a single identifier, which can be used to distinguish between different narrators with similar or identical names. By assigning a unique identifier to each narrator, it was ensured that the classification models accurately capture the relationships between the narrators in the Sanad. Additionally, the chronological order of the unique identifier can help with understanding the chain of narration and identifying the authenticity of the Hadiths.
Overall, the normalization process performed on the Sanad part of the Hadiths helps address the challenge of ambiguity in identifying the narrators, which can be particularly challenging given that each narrator may have different name forms mentioned in the Hadiths. By normalizing the Sanad and assigning a unique identifier to each narrator, the relationships and authenticity of the Hadiths were capture more accurately. We mainly relied on [24] for the narrator attributes, to ensure that each unique name form in each Hadith was mapped to a unique identifier for each narrator based on narrator attribute values other than the appearing or the spelling forms, which may change from one Hadith to another.
The Matn part also required some preprocessing. We used the CAMel tool [22] to perform the cleaning preprocessing on the Matn part in order to optimize the Matn part of the Hadith for classification. We performed a series of preprocessing steps to clean the text. Specifically, we removed various types of characters and symbols that may be irrelevant or disruptive to the classification process. These included:
  • Punctuation: We removed all punctuation marks, such as commas, periods, and question marks, as they do not contribute to the meaning of the text and may interfere with the classification process.
  • Diacritics: We removed all diacritical marks from the text, which are small symbols placed above or below letters to indicate pronunciation. While these marks are important for reading and understanding Arabic text, they can be ignored for the purposes of text classification.
  • Special characters: We removed any special characters or symbols that are not part of the standard Arabic alphabet.
  • Non-Arabic characters: We removed any characters that are not part of the Arabic script, as they are not relevant to the classification process.
  • Non-Unicode characters: We removed any characters that are not part of the Unicode standard, which is used to represent text in a standardized format across different languages and platforms.
By removing these characters and symbols, we were able to optimize the Matn part of the Hadiths for classification. This preprocessing step ensured that the text was consistent and standardized, which can improve the accuracy and reliability of the classification models.
Overall, the preprocessing steps performed on the Matn part of the Hadiths involved cleaning the text by removing various types of characters and symbols that may be irrelevant or disruptive to the classification process. This ensures that the Matn is optimized for classification and can be accurately classified based on its content. Figure 6 illustrates an example of Hadith Matn before and after cleaning.
Regarding the ethics of the ABCD creation, we completely understand the importance of ethical considerations when dealing with religious texts, and we have taken several steps to ensure the respectful and sensitive handling of these texts in our research.
First, we consulted with domain experts who have a deep understanding of Hadith literature and Islamic culture to ensure that our research aligns with their views and does not misinterpret or misclassify the Hadiths. We also asked for feedback from the same experts to validate our results and ensure that they align with the religious teachings and principles.
We also made sure that our research focused solely on the classification of Hadiths and did not involve any interpretation or analysis of the religious teachings or principles.
Furthermore, we made sure to use appropriate language and terminology throughout our research to avoid any potential misinterpretations or misunderstandings.
Moreover, as we mentioned before, we relied on a trusted source such as [24] to collect the Hadiths and the narrators’ attributes.
Overall, we have taken several measures to ensure the respectful and sensitive handling of religious texts in our research.

4. Experimental Results

We used deep learning in addition to classical machine learning approaches to tackle the Hadith classification problem. Our methodology is investigating classification performance using Matn, then using Sanad. Hence, the classification problem was solved four times. Classification was performed via ML using Matn and Sanad, followed by classification via DL also using Matn and Sanad. The best classification result will be our baseline. Then, the community can use the dataset and baseline for further enhancement.
Regarding the deep learning approach, we investigated the effectiveness of two powerful DL methods, namely RNN and Transformer-based classifiers. On the other hand, we used Gaussian NB, logistic regression, SVM, and MLP from the ML repertoire. The reason behind choosing the latter methods is that they proved their superiority in many applications, and at the same time, they have a different way of classification, except MLP and logistic regression. In a balancing mode, we divided the target labels of our dataset into 70% training and 30% validating, as usual, which gave us 21,970 training examples in total and 5491 examples for validation. We used Keras [29] and Scikit Learn [30] for implementing our models, alongside the CAMeL tool [22] for text cleaning. All experiments were run on an intel-i9 machine that supports NVIDIA 3070 GPU.

4.1. Performance Metrics

In the experiments, we employed standard performance metrics to contrast the various approaches. Specifically, precision (as expressed in Equation (1)), recall (as expressed in Equation (2)), and the F1-score (as expressed in Equation (3)) were all utilized.
P r e c i s i o n = T r u e   P o s i t i v e T r u e   P o s i t i v e   +   F a l s e   P o s i t i v e
R e c a l l = T r u e   P o s i t i v e T r u e   P o s i t i v e   +   F a l s e   N e g a t i v e
F 1 - score = 2 × T r u e   P o s i t i v e 2 T r u e   P o s i t i v e   +   F a l s e   P o s i t i v e   +   F a l s e   N e g a t i v e
We chose to use the precision, recall, and F1-score because they are widely used metrics in classification tasks. To avoid any biases or limitations for these metrics, we planned for the ABCD to be a balanced dataset and a good representative of the broader body of Hadith literature.
The ABCD includes a large number of samples from different categories, which helps mitigate the potential imbalances between classes that can affect precision, recall, and the F1-score. Additionally, we carefully curated our dataset and ensured the accuracy of ground truth labels to minimize potential ambiguity in the labeling process.
By using the previously mentioned metrics, we were able to gain a more comprehensive understanding of classifiers’ performance and reduce the potential for overfitting.

4.2. Deep Learning-Based Classification

In our research project, we experimented with different model architectures in deep learning, including different encoding and output representations, to develop effective classifiers for Hadiths. We tested various models based on recurrent neural networks (RNN) and Transformers-based classifiers, which are state-of-the-art techniques in deep learning.
The best-performing architectures for RNN and Transformers-based classifiers are presented in Table 2 and Table 3, respectively. These tables provide information about the architecture of each model, including the number of layers, input and output dimensions, activation functions, and other relevant parameters.
We used common parameters between the two methods, which are presented in Table 4. These parameters include the learning rate, optimizer, loss function, and batch size.
To evaluate the performance of the models, we trained each model for 100 epochs, with the model being saved and its performance attributes (precision, recall, and F1-score) recorded every ten epochs. Surprisingly, we found that the models did not require a large number of epochs to achieve optimal performance. In fact, the best results were achieved when the number of epochs was less than 30.
Our experimental results showed that the Sanad part of the Hadiths was more robust in classification than the Matn part. This is because the Sanad part contains information about the chain of narration, which is critical for identifying the author of the Hadith. In contrast, the Matn part contains the text of the Hadith, which may be more challenging to classify accurately.
Furthermore, we found that RNN–LSTM-based models outperformed Transformers-based models in classification accuracy. However, we also found that the performance of RNN–LSTM-based models did not improve when applied to the Matn part of the Hadiths and produced poor results. This is likely because the Matn part requires more complex models such as Transformers, which are better able to capture the intricate patterns and details in the text.
Overall, our experiments with different model architectures in deep learning demonstrated that the Sanad part of the Hadiths is more reliable in classification and that RNN–LSTM-based models are superior to Transformers-based models for classification accuracy. These findings can help guide the development of more effective classification models for Hadiths.
Table 5 provides the classification performance of the deep learning models for both Matn and Sanad parts of Hadiths. The table includes the precision, recall, and F1–score for each model, which are commonly used metrics to evaluate the performance of classification models.
Precision represents the proportion of true positives (correctly classified Hadiths) to the total number of predicted positives (all Hadiths classified as belonging to a particular class). The recall represents the proportion of true positives to the total number of actual positives (all Hadiths that actually belong to a particular class). The F1-score is a weighted average of precision and recall, and is often used as a combined measure of a model’s accuracy.
In Table 5, the classification performance is reported separately for the Matn and Sanad parts of the Hadiths. The table shows that the best-performing models achieved high precision, recall, and F1-scores, indicating that they accurately classified the Hadiths based on their content.
Moreover, the results in Table 5 demonstrate that the deep learning models performed better on the Sanad part of the Hadiths than on the Matn part. This is consistent with the findings mentioned earlier that the Sanad part is more reliable in classification than the Matn part.
Overall, Table 5 provides a summary of the classification performance of the deep learning models used in the study, which can be useful for evaluating and comparing the effectiveness of different models in classifying Hadiths.

4.3. Machine Learning-Based Classification

In our research project, we used a machine learning approach to classify Hadiths based on their Matn and Sanad parts. To extract the model features, we began with the Matn part and performed text cleaning to remove any irrelevant information or noise from the text. We then represented the Matn text using the term frequency-inverse document frequency (TF-IDF) technique, which assigns weights to the words in the text based on their frequencies and relevance to the document. Additionally, we used unigrams, bigrams, and trigrams instead of using only unigrams, which added more semantics to the classification models.
Next, we used the TF-IDF representation of the Matn in the classification process to identify the meaning of sentences made up of words. This overcomes the limitations of the Bag of Words technique, which is useful for text classification or assisting a machine in reading words in numbers. The classification performance using the Matn part is presented in Table 6.
After evaluating the Matn part, we used the Sanad part to extract the model features and ignored the Matn. The Sanad part of the Hadiths contains information about the chain of narrators, which can be useful in classifying the Hadiths. As expected, and according to Table 6, the Sanad part is also more reliable in classifying Hadiths.
To train the machine learning models, we selected appropriate hyperparameters and tuned them to obtain optimal performance. These hyperparameters are presented in Table 7.
Overall, our machine learning approach involved cleaning and preprocessing the Matn and Sanad parts, representing the Matn using TF-IDF with unigrams, bigrams, and trigrams, and training and tuning the models using the selected hyperparameters. Representing the Sanad with the chronological order of each narrator was identified by the unique number per each narrator, regardless of the different forms of the appearance of this narrator in different Hadiths. The results demonstrated that the Sanad part is more reliable in classifying Hadiths, which can be attributed to the importance of the chain of narrators in Islamic Hadith studies.

5. Discussion

From the experimental results, we noticed that the author classification mainly depends on Sanad. However, we have applied our models to the Sanad in addition to the Matn. We used the deep learning approach alongside the traditional machine learning approach to see which approach is better. As mentioned before, the classification problem according to the author was mainly affected by the narrators in the Sanad narration chain, and the results affirm our hypothesis.
Experiments revealed that the DL approach outperformed ML when using the Sanad part. On the other hand, the traditional ML approach is superior when it comes to the Matn part, as shown in Table 8, which is driven from Table 5 and Table 6. Table 8 summarizes the best results of the DL and ML approaches.
Training a model using the narration chain is a complex process, as we need to consider multiple factors, such as the identity of the narrators, their properties and relationships, and the chronological order of each narrator. These complex features need a sophisticated model that can capture the intricate relationships between the narrators and make accurate predictions. The DL approach is well-suited for this task, as it can learn from the data and capture complex relationships using its hidden layers. Thus, if we consider the F1-score a comprehensive metric, the Transformer-based model outperforms other models using the Sanad part by a 91.54% F1 score.
In contrast, the traditional ML approach outperformed DL when using the Matn part of the Hadiths. The reason is that the Matn of Hadiths is not too long nor complex; moreover, it does not contain challenging relationships between entities that need to be modeled by the complex DL models. Hence, ML is well-suited for classification using the Matn. Consequently, we found that the logistic regression model outperformed the other models using the Matn by a 77.32% F1 score.
Furthermore, when we used the Sanad dataset, whether with a DL or ML approach, we obtained the highest accuracies compared to the Matn dataset. This confirms what we mentioned earlier, that the classification problem is mainly attributed to the Sanad and the narration chain. Therefore, our study highlights the importance of considering the Sanad part in Hadith classification and the need for sophisticated models like deep learning approaches to capture its complex relationships.
One last finding is that we tried to combine both Matn and Sanad as one entity or sample as an input for classification models, but the results were very poor. The reason is that they have completely different meanings, and it is not fruitful to be combined.

6. Conclusions and Future Work

The classification of Hadiths according to their author or origin of narration is an important research problem in the field of Hadith studies, and many studies have been conducted to address this problem. In this paper, we have introduced a novel solution to this problem by classifying Hadiths as Marfu, Mawquf, or Maqtu, and we have collected a benchmark dataset of around 29 K Hadiths, called ABCD, which we made available for other researchers to use in their studies.
In addition, we have collected and organized a dataset of around 18 K Hadith narrators, including their attributes, relationships, properties, and occurrences in different Hadiths. We have investigated both traditional ML and DL approaches to classify the Hadiths, using both the Matn and Sanad parts of the Hadiths as inputs for our models.
Our study found that the deep learning approach outperformed traditional machine learning when using the Sanad part as a feed classification, while the traditional machine learning approach performed better when using the Matn part as an input.
The Sanad part is a critical component that contains information about the chain of narrators, which can be used to determine the authenticity and reliability of the Hadith. Therefore, our study highlights the importance of considering the Sanad part in Hadith classification and the need for sophisticated models like DL approaches to capture its complex relationships. Moreover, we found that the Matn cannot classify Hadiths accurately. Also, we found that the Matn, as a simple and short text, does not require powerful models like DL-based ones, and ML worked better when the Matn.
In terms of limitations, our study is based on a dataset that is created from some, not all, Hadith books. Consequently, the dataset contains a subset of Hadiths and narrators; so, in future work, we plan to enhance our approach by adding more Hadiths and narrators from new books. This will improve the accuracy and generalizability of the developed models, and contribute to the development of more effective classification models for Hadiths.
Overall, we claim that our work provides valuable insights into the classification of Hadiths and contributes to the growing body of research in this field.

Author Contributions

Conceptualization, (A.R., M.T., M.A., O.S., M.E., A.A. and E.N.); methodology, (A.R., M.T., M.A., O.S., M.E., A.A. and E.N.); software, (A.R., A.A. and E.N.); investigation, (A.R., M.T., M.A., O.S., M.E., A.A. and E.N.); writing—original draft preparation, (A.R., M.T., M.A., O.S., M.E., A.A. and E.N.); writing—review and editing, (A.R., A.A. and E.N.). All authors have read and agreed to the published version of the manuscript.

Funding

The authors extend their appreciation to the Deputyship for Research and Innovation, Ministry of Education in Saudi Arabia for funding this research work through project number 20/18.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The datasets are available from the corresponding author upon request.

Acknowledgments

The study was supported by a grant from the Deputyship for Research and Innovation, Ministry of Education in Saudi Arabia through project number 20/18.

Conflicts of Interest

The authors declare no conflict of interest.

Glossary

Daif Hadithis a hadith which does not fulfill the conditions of the Sahih or Hassan Hadith. There is some problem in either the chain of transmission or in Hadith contents.
Hadithis the narrative derived from the sayings, actions, approvals, and discussions of the Prophet Muhammad.
Hadith Maqtuis a narration attributed to a Tabi’i (a successor of one of Prophet Muhammad’s companions), whether it is a statement of that successor, an action or otherwise.
Hadith Marfumeans a Hadith attributed to the Prophet Muhammad and a companion (Sahabi) narrated it.
Hadith Mawqufrefers to a narration attributed to a companion (Sahabi), whether a statement of that companion, an action or otherwise.
Hassan Hadithis a Hadith that has been transmitted in a continuous chain by upright narrators, but of which the exactness is less than that of a Sahih Hadith, and is devoid of irregularities or major defects.
Kutub as-Sittah (The six books)are six classical books containing collections of Hadith written by six Sunni Muslim scholars around two centuries after Muhammad’s death in the ninth century CE.
Madhhabis a school of thought within Fiqh (Islamic jurisprudence). The major Sunni madhhabs are Hanafi, Maliki, Shafi’i, and Hanbali.
Matnis the actual wording of Hadith’s text.
Mawdoa Hadithor fabricated Hadiths are those that have been made up by someone. Not only is there no clear chain of transmission, but some people have admitted to fabricating Hadiths.
Mosnad Imam Ahmadis a collection of Hadiths compiled by Imam Ahmad ibn Hanbal. It is one of the most famous and important collections of reports of the Sunnah of the Prophet Muhammad. It contains approximately 28,199 Hadith sections based on individual companions.
Musannaf of Abd al-Razzaqis an early Hadith collection compiled by the eighth-century Yemeni scholar ʽAbd al-Razzaq al-Sanʽani.
Sahih Al-Bukhariis a collection of Hadith compiled by Imam Muhammad al-Bukhari. The overwhelming majority of Muslims consider his collection to be the most authentic collection of reports of the Prophet Muhammad’s Sunnah. It contains over 7500 Hadith in 97 books.
Sahih Hadithis one with a connected chain of transmission, with each narrator being upright in character, meticulous in his narration, and reliable in his transmission.
Sanadis the chronological list of people who transmitted the Matn of Hadith.
Sunan at-Tirmiziis a collection of Hadith compiled by Imam Abu ’Isa Muhammad at-Tirmidhi. His collection is widely regarded to be one of the six canonical collections of Hadiths (Kutub as-Sittah) of the Sunnah of the Prophet. It contains roughly 4400 Hadiths in 46 books.
Sunan Ibn Majahis a collection of Hadiths compiled by Imam Muhammad bin Yazid Ibn Majah al-Qazvini. It is usually regarded as the sixth of the six canonical collections of Hadiths (Kutub as-Sittah) of the Sunnah of the Prophet. It consists of 4341 Hadiths in 37 books.

References

  1. Saloot, M.A.; Idris, N.; Mahmud, R.; Ja’afar, S.; Thorleuchter, D.; Gani, A. Hadith data mining and classification: A comparative analysis. Artif. Intell. Rev. 2016, 46, 113–128. [Google Scholar] [CrossRef]
  2. Azmi, A.M.; Al-Qabbany, A.O.; Hussain, A. Computational and natural language processing-based studies of hadith literature: A survey. Artif. Intell. Rev. 2019, 52, 1369–1414. [Google Scholar] [CrossRef]
  3. Rahman, N.A.; Alias, N.; Ismail, N.K.; Nor, Z.B.M.; Alias, M.N.B. An Identification of Authentic Narrator’s Name Features in Malay Hadith Texts. In Proceedings of the 2015 IEEE Conference on Open Systems (ICOS), Melaka, Malaysia, 24–26 August 2015. [Google Scholar] [CrossRef]
  4. Scribd. Al Bokhary PDF. Available online: https://www.scribd.com/document/420945540/Al-Bokhary-pdf (accessed on 12 December 2021).
  5. Harrag, F.; El-Qawasmah, E. Neural Network for Arabic Text Classification. In Proceedings of the 2009 Second International Conference on the Applications of Digital Information and Web Technologies, London, UK, 4–6 August 2009; pp. 778–783. [Google Scholar] [CrossRef]
  6. Harrag, F.; El-Qawasmah, E.; Al-Salman, A. Stemming as a feature reduction technique for Arabic Text Categorization. In Proceedings of the 2011 10th International Symposium on Programming and Systems, Algiers, Algeria, 25–27 April 2011. [Google Scholar] [CrossRef]
  7. Al-Hadith Text Classifier. Available online: https://scialert.net/abstract/?doi=jas.2005.584.587 (accessed on 26 December 2021).
  8. (PDF) Classification of Hadith into Positive Suggestion, Negative Suggestion, and Information. Available online: https://www.researchgate.net/publication/345142723_Classification_of_hadith_into_positive_suggestion_negative_suggestion_and_information (accessed on 12 December 2021).
  9. Bonifazi, G.; Cauteruccio, F.; Corradini, E.; Marchetti, M.; Terracina, G.; Ursino, D.; Virgili, L. Representation, detection and usage of the content semantics of comments in a social platform. J. Inf. Sci. 2022; ahead of printing. [Google Scholar] [CrossRef]
  10. Hassan, S.; Society, A.-Q. An Introduction to the Science of Hadith; Al-Quran Society: London, UK, 1994; p. 40. [Google Scholar]
  11. Najiyah, I.; Susanti, S.; Riana, D.; Wahyudi, M. Hadith degree classification for Shahih Hadith identification web based. In Proceedings of the 2017 5th International Conference on Cyber and IT Service Management (CITSM), Denpasar, Indonesia, 8–10 August 2017; pp. 1–6. [Google Scholar] [CrossRef]
  12. Aldhaln, K.; Zeki, A.; Zeki, A.; Alreshidi, H. Improving knowledge extraction of Hadith classifier using decision tree algorithm. In Proceedings of the 2012 International Conference on Information Retrieval Knowledge Management, Kuala Lumpur, Malaysia, 13–15 March 2012; pp. 148–152. [Google Scholar] [CrossRef]
  13. Aldhlan, K.A.; Zeki, A.M. Datamining and Islamic knowledge extraction: Alhadith as a knowledge resource. In Proceedings of the 3rd International Conference on Information and Communication Technology for the Moslem World (ICT4M) 2010, Jakarta, Indonesia, 13–14 December 2011; p. H-21. [Google Scholar] [CrossRef]
  14. Dlloul, Y.M. An Ontology-Based Approach to Support the Process of Judging Hadith Isnad. 2013. Available online: https://iugspace.iugaza.edu.ps/handle/20.500.12358/20143 (accessed on 26 December 2021).
  15. Baraka, R.; Dalloul, Y. Building Hadith Ontology to Support the Authenticity of Isnad. Int. J. Islam. Appl. Comput. Sci. Technol. 2014, 2, 25–39. [Google Scholar]
  16. Sunan Ibn Majah—Sunnah.com—Sayings and Teachings of Prophet Muhammad (Peace Be Upon Him). Available online: https://sunnah.com/ibnmajah (accessed on 26 December 2021).
  17. Azmi, A.; Alofaidly, A. A Novel Method to Automatically Pass Hukm on Hadith. In Proceedings of the Conference 5th International Conference on Arabic Language Processing (CITALA ’14), Oujda, Morocco, 26 November 2014. [Google Scholar]
  18. Jamiat-Tirmidhi—Sunnah.com—Sayings and Teachings of Prophet Muhammad (Peace Be Upon Him). Available online: https://sunnah.com/tirmidhi (accessed on 26 December 2021).
  19. Wikipedia. Sunan IBN Majah. 17 December 2021. Available online: https://en.wikipedia.org/w/index.php?title=Sunan_ibn_Majah&oldid=1060698885 (accessed on 31 December 2021).
  20. Wikipedia. Musannaf of Abd Al-Razzaq. 13 September 2021. Available online: https://en.wikipedia.org/w/index.php?title=Musannaf_of_Abd_al-Razzaq&oldid=1043995060 (accessed on 31 December 2021).
  21. Wikipedia. Sunan Al-Darimi. 15 August 2021. Available online: https://en.wikipedia.org/w/index.php?title=Sunan_al-Darimi&oldid=1038898256 (accessed on 31 December 2021).
  22. CAMeL Lab. CAMeL Tools. 2022. Available online: https://github.com/CAMeL-Lab/camel_tools (accessed on 17 March 2022).
  23. Mahmoud, S.; Saif, O.; Nabil, E.; Abdeen, M.; ElNainay, M.; Torki, M. AR-Sanad 280K: A Novel 280K Artificial Sanads Dataset for Hadith Narrator Disambiguation. Information 2022, 13, 55. [Google Scholar] [CrossRef]
  24. Sunnah ALIFTA. Available online: https://sunnah.alifta.gov.sa/ (accessed on 30 December 2021).
  25. Wikipedia. Islamic Doctrinal Schools. Available online: https://shorturl.at/dEFLT (accessed on 31 December 2021).
  26. The Rank of Al-Saddouq According to Ibn Hajar. Available online: https://www.alukah.net/library/0/138760/ (accessed on 31 December 2021).
  27. Wikipedia. Shams al-Din al-Dhahabi. Available online: https://shorturl.at/fqsFM (accessed on 31 December 2021).
  28. Wikipedia. Taqrib al-Tahdhib. Available online: https://shorturl.at/sxNRX (accessed on 31 December 2021).
  29. Keras: The Python Deep Learning API. Available online: https://keras.io/ (accessed on 4 July 2022).
  30. Scikit-Learn: Machine Learning in Python—Scikit-Learn 1.1.1 Documentation. Available online: https://scikit-learn.org/stable/ (accessed on 4 July 2022).
Figure 1. Hadith classification types.
Figure 1. Hadith classification types.
Bdcc 07 00141 g001
Figure 2. Methodology of the dataset creation and experiments.
Figure 2. Methodology of the dataset creation and experiments.
Bdcc 07 00141 g002
Figure 3. An example of a Hadith structure with the Sanad and Matn written in Arabic. The Matn is highlighted where the Sanad is double underlined.
Figure 3. An example of a Hadith structure with the Sanad and Matn written in Arabic. The Matn is highlighted where the Sanad is double underlined.
Bdcc 07 00141 g003
Figure 4. An example of the ambiguity of narrators.
Figure 4. An example of the ambiguity of narrators.
Bdcc 07 00141 g004
Figure 5. An illustration of a complete example of normalizing narrators from name forms to unique identifiers.
Figure 5. An illustration of a complete example of normalizing narrators from name forms to unique identifiers.
Bdcc 07 00141 g005
Figure 6. Matn of a Hadith before and after cleaning in Arabic language.
Figure 6. Matn of a Hadith before and after cleaning in Arabic language.
Bdcc 07 00141 g006
Table 1. Appearance count of different name forms for a given narrator in Arabic language.
Table 1. Appearance count of different name forms for a given narrator in Arabic language.
Narrator’s Name FormAppearance Count
ابن عباس21,956
عبد الله بن عباس771
عبد الله22
عبد الله بن العباس18
ابن العباس 6
أبو عباس 3
أبو الفضل يعني عبد الله بن عباس1
ابن عم نبيكم ابن عباس 1
العباس 1
عباس1
Table 2. RNN–LSTM architecture parameters.
Table 2. RNN–LSTM architecture parameters.
RNN–LSTM for Sanad FeaturesRNN–LSTM for Matn Features
Size of vocabulary
526656,205
Max sequence (to reduce the number of trainable parameters)
30832
Total trainable params
726,2757,245,955
Top main layers in the architecture
Layer (type)Output ShapeNum. of
Parameters
Layer (type)Output ShapeNum. of Parameters
InputLayer (TextVectoriz)(None, 30)0InputLayer (TextVectoriz)(None, 832)0
Embedding Layer(None, 30, 128)674,688Embedding Layer(None, 832, 128)674,688
LSTM Layers(None, 64)49,408LSTM Layers(None, 64)49,408
A standard fully connected Dense Layer with kernel_regularizer (L1 and L2)(None, 32)2080A standard fully connected Dense Layer with kernel_regularizer (L1 and L2)(None, 32)2080
denseOuput(None, 3)99denseOuput(None, 3)99
Table 3. Transformer architecture parameters.
Table 3. Transformer architecture parameters.
Transformer for Sanad FeaturesTransformer for Matn Features
Size of vocabulary
526656,205
Max sequence (to reduce the number of trainable parameters)
30832
Number of multi-head attentions
22
Total trainable params
819,7477,339,427
Top main layers in the architecture
Layer (type)Output ShapeNum. of ParametersLayer (type)Output ShapeNum. of Parameters
InputLayer (TextVectoriz)(None, 30)0InputLayer (TextVectoriz)(None, 832)0
Embedding Layers(None, 30, 128)674,688Embedding Layers (None, 832, 128)7,194,368
TransformerBlock with the following specific layers (PositionEmbedding layer + 2 layers normalization + 2 dropout layers with rate = 0.1)(None, 30, 128)140,832TransformerBlock with the following specific layers (PositionEmbedding layer + 2 layers normalization + 2 dropout layers with rate = 0.1)(None, 832, 128)140,832
global_average_pooling_1D(None, 128)0global_average_pooling_1D(None, 128)0
A standard fully-connected Dense Layer with kernel_regularizer (L1 and L2)(None, 32)4128A standard fully-connected Dense Layer with kernel_regularizer (L1 and L2)(None, 32)4128
denseOuput(None, 3)99denseOuput(None, 3)99
Table 4. Common hyperparameters between the models mentioned in Table 3 and Table 4.
Table 4. Common hyperparameters between the models mentioned in Table 3 and Table 4.
Common Hyperparameters between the above Models
OptimizerAdam, β1 = 0.9, β2 = 0.9, and epsilon = 1 × 10−7
lossCategorical Crossentropy
Training batch_size100
EpochsVarious runs ranged from 10 to 100, where each epoch runs in approximately 10 min.
Table 5. Classification performance measures using DL models.
Table 5. Classification performance measures using DL models.
MatnSanad
RNN–LSTMTransformersRNN–LSTMTransformers
Epochs Num.PrecisionRecallF1-ScorePrecisionRecallF1-ScorePrecisionRecallF1-ScorePrecisionRecallF1-Score
100.136660.333330.193330.647770.678320.66270.902110.933380.917480.90120.929970.91536
200.136660.333330.193330.641580.652550.647020.907470.936360.921690.884920.918960.90162
300.136660.333330.193330.643790.655980.649830.894910.931990.913080.888250.918820.90328
400.136660.333330.193330.639590.646520.643030.8980.92640.911980.881990.914030.89773
500.136660.333330.193330.628110.639650.633820.876740.914380.895160.877940.910050.8937
600.136660.333330.193330.646830.653120.649960.885510.923250.903980.871570.908140.88948
700.136660.333330.193330.643530.647220.645370.884250.924220.903790.863640.906380.88449
800.136660.333330.193330.636090.642410.639230.880370.924210.901760.870940.903470.8869
900.136660.333330.193330.6360.647240.641570.875320.920540.897360.865440.896440.88067
1000.136660.333330.193330.629690.635440.632550.887060.924720.90550.883370.907410.89523
Table 6. Classification performance for each classifier using Matn and Sanad via classical ML methods.
Table 6. Classification performance for each classifier using Matn and Sanad via classical ML methods.
MatnSanad
ModelPrecisionF1-ScoreRecallPrecisionF1-ScoreRecall
Gaussian NB0.492680330.515022580.539487450.822072280.821736150.82140029
Logistic Regression0.758893740.773243250.788145880.88554870.907308050.93016365
SVM0.748993680.758250630.767739270.88737150.905888750.92519528
MLP0.715345040.729678680.744598480.859202710.880440070.90275392
Table 7. Machine learning model hyperparameters.
Table 7. Machine learning model hyperparameters.
ModelHyper-Parameters
Gaussian NBvar_smoothing = 1 × 10−9
Logistic Regressionpenalty = ‘l2’, multi_class = ‘auto’
SVMkernel = ‘rbf’, C = 4, gamma = 0.125
MLPhidden_layer_sizes = (100), batch_size = ‘auto’, activation = ‘relu’, solver = ‘adam’
Table 8. Best performing classification models.
Table 8. Best performing classification models.
Matn PartSanad Part
ApproachPrecisionRecallF1-ScorePrecisionRecallF1-Score
Deep learningTransformersTransformersTransformersRNN-LSTMRNN-LSTMTransformers
0.647770.678320.66270.907470.936360.91536
Machine learningLogistic RegressionLogistic RegressionLogistic RegressionSVMLogistic RegressionLogistic Regression
0.758893740.788145880.773243250.88737150.930163650.90730805
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Ramzy, A.; Torki, M.; Abdeen, M.; Saif, O.; ElNainay, M.; Alshanqiti, A.; Nabil, E. Hadiths Classification Using a Novel Author-Based Hadith Classification Dataset (ABCD). Big Data Cogn. Comput. 2023, 7, 141. https://doi.org/10.3390/bdcc7030141

AMA Style

Ramzy A, Torki M, Abdeen M, Saif O, ElNainay M, Alshanqiti A, Nabil E. Hadiths Classification Using a Novel Author-Based Hadith Classification Dataset (ABCD). Big Data and Cognitive Computing. 2023; 7(3):141. https://doi.org/10.3390/bdcc7030141

Chicago/Turabian Style

Ramzy, Ahmed, Marwan Torki, Mohamed Abdeen, Omar Saif, Mustafa ElNainay, AbdAllah Alshanqiti, and Emad Nabil. 2023. "Hadiths Classification Using a Novel Author-Based Hadith Classification Dataset (ABCD)" Big Data and Cognitive Computing 7, no. 3: 141. https://doi.org/10.3390/bdcc7030141

Article Metrics

Back to TopTop