Next Article in Journal
Analytics on Anonymity for Privacy Retention in Smart Health Data
Next Article in Special Issue
Special Issue “Natural Language Engineering: Methods, Tasks and Applications”
Previous Article in Journal
Software Design and Experimental Evaluation of a Reduced AES for IoT Applications
Previous Article in Special Issue
A Sentiment-Aware Contextual Model for Real-Time Disaster Prediction Using Twitter Data
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Introducing Various Semantic Models for Amharic: Experimentation and Evaluation with Multiple Tasks and Datasets

by
Seid Muhie Yimam
1,*,
Abinew Ali Ayele
1,2,
Gopalakrishnan Venkatesh
3,
Ibrahim Gashaw
4 and
Chris Biemann
1
1
Language Technology Group, Universität Hamburg, Grindelallee 117, 20146 Hamburg, Germany
2
Faculty of Computing, Bahir Dar Institute of Technology, Bahir Dar University, Bahir Dar 6000, Ethiopia
3
International Institute of Information Technology, Bangalore 560100, India
4
College of Informatics, University of Gondar, Gondar 6200, Ethiopia
*
Author to whom correspondence should be addressed.
Future Internet 2021, 13(11), 275; https://0-doi-org.brum.beds.ac.uk/10.3390/fi13110275
Submission received: 11 October 2021 / Revised: 24 October 2021 / Accepted: 25 October 2021 / Published: 27 October 2021
(This article belongs to the Special Issue Natural Language Engineering: Methods, Tasks and Applications)

Abstract

:
The availability of different pre-trained semantic models has enabled the quick development of machine learning components for downstream applications. However, even if texts are abundant for low-resource languages, there are very few semantic models publicly available. Most of the publicly available pre-trained models are usually built as a multilingual version of semantic models that will not fit well with the need for low-resource languages. We introduce different semantic models for Amharic, a morphologically complex Ethio-Semitic language. After we investigate the publicly available pre-trained semantic models, we fine-tune two pre-trained models and train seven new different models. The models include Word2Vec embeddings, distributional thesaurus (DT), BERT-like contextual embeddings, and DT embeddings obtained via network embedding algorithms. Moreover, we employ these models for different NLP tasks and study their impact. We find that newly-trained models perform better than pre-trained multilingual models. Furthermore, models based on contextual embeddings from FLAIR and RoBERTa perform better than word2Vec models for the NER and POS tagging tasks. DT-based network embeddings are suitable for the sentiment classification task. We publicly release all the semantic models, machine learning components, and several benchmark datasets such as NER, POS tagging, sentiment classification, as well as Amharic versions of WordSim353 and SimLex999.

1. Introduction

For the development of applications with semantic capabilities, models such as word embeddings and distributional semantic representations play an important role. These models are the building blocks for a number of natural language processing (NLP) applications. Recently, with the advent of more computing power and the widespread availability of a large number of texts, pre-trained models are becoming commonplace. The availability of pre-trained semantic models allows researchers to focus on the actual NLP task rather than investing time in computing such models. In this work, we consider semantic models as the techniques and approaches used to build word representations or embeddings that can be used in different downstream NLP applications.
The work by [1] indicates that word-level representations or word embeddings have played a central role in the development of many NLP tasks. For a named entity recognition task, there are many works that indicate word2Vec lead to a performance boost [2,3,4,5]. Static word-embedding models have been also integrated for several NLP tasks such as sentiment analysis [6,7], part-of-speech (POS) tagging [8,9], semantic composi- tionality [10,11], and many more. While static word-embedding models fail to capture contextual information regarding ambiguous words, the introduction of BERT [12] and similar models have addressed this limitation. The work by [13] indicates that BERT was able to represent the traditional NLP pipeline in an interpretable way, covering some of the basic NLP tasks such as POS tagging, NER, semantic roles, and co-reference resolution.
Even though getting text data is not a problem for low-resource languages, there are only limited efforts in releasing pre-trained semantic models [14,15]. In the case of Amharic, there are very few pre-trained models, for example fastText [16], XLMR [17], and Multi-Flair [18]. Also, these models are produced as part of multilingual and cross-lingual experimental setups, which will not fit the needs of most NLP tasks [14].
In this paper, we have surveyed the existing NLP tasks for Amharic, including available datasets and trained models. Based on the insights on the current state-of-the-art progress on Amharic NLP, we performed different experiments specifically on the integration of semantic models for various tasks, particularly parts-of-speech (POS) tagging, named entity recognition (NER), sentiment analysis, word relatedness, and similarity computation.
The main contributions of this work are many folds: (1) Surveying the existing NLP tasks and semantic models. (2) Computing and fine-tuning nine semantic models and the release of the models publicly along with benchmark datasets for future research. (3) Investigating the main challenges in the computation and integration of semantic models for the Amharic text. (4) Implementing the first Amharic text segmenter and normalizer component and releasing it along with the models and datasets. (5) Release of the word similarity and relatedness datasets (WordSim353 and SimLex999) that have initially been translated using Google Translate API and subsequently have been validated by native speakers. Table 1 shows the different resources (models, tools, datasets) we have contributed. The different strategies and methods used to collect the different dataset and corpus are presented in Section 1.1.2.

1.1. Amharic Language

Amharic is the second most widely-spoken Semitic language (Ethio-Semitic language) after Arabic [21]. It is the working language of the Federal Democratic Republic of Ethiopia and is also the working language of many regional states in the country like Amhara, Addis Ababa, South Nations and Nationalities, Benishangul Gumuz, and Gambella. The language has a considerable number of speakers in all regional states of the country [22].
Amharic is a morphologically-rich language that has its own characterizing phonetic, phonological, and morphological properties [23]. It is a low-resource language without well-developed natural language processing applications and resources.

1.1.1. Pre-Processing and Normalization

Amharic is written in Geez alphabets called Fidel or (ፊደል). In traditional Amharic writing, each word and sentence is supposed to be separated using a unique punctuation mark, namely the Ethiopic comma (፡). However, the modern writing system uses a single space to separate words. Using a single space suffices to split the majority of texts into tokens. However, there are some punctuation marks, such as: (1) The Ethiopic full stop (።) used to mark the end of a sentence. (2) The Ethiopic comma (፡) and the Ethiopic semicolon (፤) that are equivalent to their English counterparts. (3) The Ethiopic question mark (?) that is used to mark the end of questions in Amharic. Moreover, most people also use Latin punctuation marks such as comma, semicolons, question marks, and exclamation marks, even mixing with the Amharic punctuation marks.
For a properly written Amharic text, splitting sentences can be accomplished using the Amharic end of sentence marks (።), question marks, or exclamation marks. However, it might be also the case that people use two Ethiopic commas or two Latin commas to mark the end of a sentence. In the worst case, the Amharic sentence can be delimited with a verb (placed at the end of the sentence) without putting any punctuation marks. As far as we know, there is no proper tool to tokenize words and segment sentences in Amharic. As part of this work, we make available our Amharic segmenter within the FLAIR framework.
Moreover, some of the “Fidels” in Amharic have different representations, for example, the “Fidel” ሀ (ha) can have more than four representations (such as ሃ, ሐ, ሓ, ኅ, ኃ, and so on). As the Amharic script originates from the Geez script, the use of different Fidels implied a change in meaning. However, the inherent meaning of the different Fidels became irrelevant in modern writing systems, so users can write with the similar-sounding Fidels interchangeably. These lead to texts written, especially in online communication such as news and social media communications, with different writing styles where the different Fidels are used randomly. For NLP processing, an arbitrary representation of words might pose a serious problem, for example the word ሰው (man) and ሠው (man) might have different embeddings while being the same word. To address this problem, we have built an Amharic text normalization tool that will normalize texts written with different “Fidel” sharing the same sound to a majority class.

1.1.2. Data Sources for Semantic Models

To build distributional semantic models, a large amount of text is required. These days, an enormous amount of texts are being generated continuously from different sources. As we want to build general-purpose semantic models, we collected datasets from different channels, including news portals, social media texts, and general web corpus. For the general web-corpus dataset, we used a focused web crawler to collect Amharic texts. Datasets from the Amharic Web Corpus [24] were also combined to a general-purpose data source. News articles were scraped from January 2020 until May 2020 on a daily basis using the Python Scrappy tool (https://scrapy.org/ (accessed on 24 October 2021)). Similarly, using Twitter and YouTube APIs, we collected tweets and comments written in the ‘Fidel’ script. In total, 6,151,995 sentences with over 335 million tokens were collected that are used to train the different semantic models.

2. Materials and Methods

In this section, we will discuss the pre-trained semantic models and explain the detailed processes we have followed to fine-tune these models. We will also describe the technologies and approaches we have considered to build new models.

2.1. Distributional Thesaurus

The distributional hypothesis describes that words with similar meanings tend to appear in similar contexts [25], hence it is possible to build distributional thesaurus (DT) automatically from a large set of free texts. In this approach, if words w 1 and w 2 both occur with another word w 3 , then w 1 and w 2 are assumed to share some common feature. The more features two words share, the more similar they are considered.
  • AmDT: The DT was built using the JobImText (http://ltmaggie.informatik.uni-hamburg.de/jobimtext/ (accessed on 24 October 2021)) framework [26]. JoBimText is an open-source framework to compute DTs using lexicalized features that supports an automatic text expansion using contextualized distributional similarity.

2.2. Static Word Embeddings

The only pre-trained static word embedding for Amharic text is the fastText model, which is trained from Wikipedia and data from the common crawl project [16]. To compare and contrast with the fastText model, we trained a wword2Vec model based on the corpus presented in Section 1.1.2.
  • AmWord2Vec: Word2Vec [27] helps to learn word representations (word embeddings) that employ a two-layer neural network architecture. Embeddings can be computed using a large set of texts as input to the neural network architecture. The models are built with both the Continuous Bag of Words Model (CBOW) and Skip-gram methods using in 300-dimensional vectors. As seen in Figure 1, the CBOW model considers the conditional probability of generating the central target word from given context words. The Skip-gram approach is the inverse of the CBOW that predicts the context from the target words. We used the Genism Python Library [28] to train the embeddings using the default parameters.
  • fastText: The pre-trained fastText embeddings distributed by Grave et al. [16] have been trained using a mixture of the Wikipedia and Common Crawl datasets. These 300-dimensional vectors have been trained using Continuous Bag of Words (CBOW) with position-weights, with character n-grams of a length of size 5, a window of size 5, and a negatives sample of size 10.

2.3. Network Embeddings

Network embeddings allow representing nodes in a graph in the form of low- dimensional representation (embeddings) to maintain the relationship of nodes [29,30,31]. In this paper, we first compute the network-based distributional thesaurus (AmDT) and later compute the network embeddings from the DT using DeepWalk [32] and Role2Vec [33] algorithms. These two state-of-the-art network embedding algorithms have been selected for this study as they belong to different categories as explained below.
  • DeepWalk: The latent node embeddings produced by DeepWalk [32] encodes the social representations, like neighborhood similarity and community membership of graph vertices by modeling a stream of truncated random walks.
  • Role2Vec: The Role2Vec [33] framework introduces the flexible notion of attributed random walks. This provides a basis to generalize the traditional methods, which rely on random walks, to transfer to new nodes and graphs. This is achieved by learning a mapping function between a vertex attribute vector and a role, represented by vertex connectivity patterns, such that two vertices belong to the same role if they are structurally similar or equivalent. The embeddings have been computed using the karateclub [34] Python library. The network embeddings are trained using the hyper-parameter configuration of the package shown in Table 2.

2.4. FLAIR Embeddings

FLAIR embeddings are contextualized embeddings, which are trained based on sequences of characters where words are contextualized by their surrounding texts [35]. Unlike word2Vec embeddings, FLAIR embeddings enable us to compute different representations for the same word based on the surrounding contexts, as shown in Figure 2. In addition to the contextualized word-embeddings computation, the FLAIR framework integrates document embedding functionalities such as DocumentPoolEmbeddings, which produces document embeddings from pooled word embeddings and DocumentLSTMEmbeddings, which provides document embeddings from LSTM over word embedding [36]. For this experiment, we have considered three semantic models based on the FLAIR contextual string embeddings.
  • MultFlair: As part of the FLAIR embedding models ecosystem, Schweter [18] has built multilingual word embedding using the JW300 corpus [38]. JW300 is compiled from parallel corpora of over 300 languages with around 100,000 parallel sentences per language pair.
  • MultFlairFT: We have fine-tuned the MultFlair embedding model using our corpus. Fine-tuning the model runs on our GPU server, which was completed in 18 days.
  • AmFlair: This is a new FLAIR embedding model we have trained from scratch using our corpus. The training is performed on a GPU server (GeForce RTX 2080) with the training parameters shown in Table 2. The training was completed in 6 days.

2.5. Transformer-Based Embeddings

With the release of Google’s Bidirectional Encoder Representations from Transformer (BERT) [12], word representation strategies have shifted from the traditional static embeddings to a contextualized embedding representation. While Figure 3 shows the transformer model architecture [39], Figure 4 shows the pre-training and fine-tuning procedures in BERT. BERT-like models have an advantage over static embeddings as they can accommodate different embedding representations for the same word based on its context. In this task, we have used RoBERTa, which is a replication of BERT developed by Facebook [40]. Unlike BERT, RoBERTa removed the next sentence prediction functionality to train on longer sequences, dynamically changing the masking patterns.
In this experiment, two transformer-based embedding models are used.
  • XLMR: Unsupervised Cross-lingual Representation Learning at Scale (XLMR) is a generic cross-lingual sentence encoder that is trained on 2.5 TB of newly-created clean CommonCrawl data in 100 languages including Amharic [17].
  • AmRoBERTa: Is a RoBERTa model that is trained using our corpus, as discussed in Section 1.1.2. It has been trained using 4 GPUs (Quadro RTX 6000 with 24GB RAM) and it has taken 6 days to complete, with parameters shown in Table 2.

3. Results

In this section, we will report the results for different NLP tasks using the existing and newly-built semantic models. We have also compared the differences in using manually-crafted features and embeddings for machine-learning components.

3.1. Most Similar Words and Masked Word Prediction

One of the most prominent operations to perform using static Word2Vec embeddings is to determine the most similar n words for a target word.
As seen from Table 3, most of the top n similar words from fastText are of a bad quality. We observed that this is due to the fact that the text extracted from Wikipedia is smaller in size so that the word occurs in very few sentences. For the word “ox”, the top prediction is a wrong candidate that is instantly retrieved from the first entry in Wikipedia, which is a figurative speech (https://bit.ly/2Beuzi2 (accessed on 24 October 2021)).
The BERT-like transformer-based embeddings such as RoBERTa and XLRM also support predicting the n most probable words to fill by masking an arbitrary location in a sentence. As shown in Table 4, we compare the results suggested by AmRoBERTa and the suggestions provided by AmDT and AmWord2Vec models. To contrast the predictions using AmRoBERTa, we present the two sentences that are shown in Examples 1 and 2, where we mask a context-dependent word ትርፍ, which can be considered as “profit” in the first sentence and “additional” in the second sentence.
Example 1.: በተለይም ነጋዴዎች በትንሽ ወጪ ብዙ <mask> የማግኘት ዓላማ በመያዝ ውኃን ከወይን ጋር መደባለቅ... Particularly Merchants, to get more <mask> with less expenditure by mixing water with Wine...
Example 2. : ታክሲዎችና ባጃጆች ከተፈቀደው መጠን በላይ <mask> ሰው መጫን ካላቆሙ ከስራ ውጪ ይደረጋሉ ተባለ። If Taxis and Bajajs do not stop transporting <mask> people than allowed they will be out of a job.

3.2. Word Similarity and Relatedness Tasks

WordSim353 (http://alfonseca.org/eng/research/wordsim353.html (accessed on 24 October 2021)) and SimLex999 (https://fh295.github.io/simlex.html (accessed on 24 October 2021)) are datasets developed to measure semantic similarity and relatedness between terms [41]. WordSim measures semantic relatedness on a rating scale while SimLex is specifically designed to capture the similarity between terms [42]. Word similarity and relatedness can be measured using word embeddings and context embeddings [43,44]. As we do not have these resources for Amharic, we have used the English WordSim353 and SimLex999 datasets to construct the similarity and relatedness resources. To construct the datasets, we translate the WordSim353 and SimLex999 dataset from English to Amharic using the Google translate API. Since the Google translate API for Amharic is not accurate enough, the dataset is verified by two native Amharic speakers. We removed wrongly translated word pairs and multiword expressions from the dataset. These datasets are one of the contributions of this work that will be published publicly.
We have used the different semantic models to measure the similarity and relatedness scores based on the existing benchmark approaches. The experimental setup follows the established strategy of computing the Spearman correlation ( ρ ) between the cosine similarity of the word vectors or embeddings and the ground truth score [43]. Table 5 presents the results from this quantitative evaluation.
From Table 5, we can see that the “DeepWalk” model works better for the WordSim353 dataset while “AmFlair” and “AmWord2Vec” works better for the SimLex999 datasets. Furthermore, the newly-trained as well as the fine-tuned models produce a better result than the pre-trained embeddings (“XLMR” and “MultFliar”). The low standard deviation ( σ ) results are due to the fact that most of the similarity scores (cosine similarity) between the “word1” and “word2” embeddings are higher. The higher similarity score between the two words is caused by having almost identical embeddings for each of the words, as the embeddings might not be optimized towards the specific tasks. However, we suggest further investigation to check the quality of the embeddings in the pre-trained models. Please note that the results are not directly comparable with the English datasets (Table 5 at the bottom) as we have kept entries where we have direct translation and when the translation does not lead to multi-word expressions.
Moreover, we have conducted some error analysis on the similarity and relatedness results. The following are some of the observations identified.
  • Translation errors: We found out that some of the translations are not accurate. For example, the word pairs ‘door’ and ‘doorway’ received the same translation in Amharic as “ በር”.
  • Equivalence in translation: The other case we have observed is that some similar/ related words received the same translations. For example, the word pairs ‘fast’ and ‘rapid’, both are translated as “ፈጣን”.
  • SimLex antonym annotation: The ground truth annotation scores for the word pairs ‘new’ and ‘ancient’ as well as ‘tiny’ and ‘huge’ are near zero. However, the cosine similarity produces a negative result as the word pairs are opposite in meaning.
  • Pre-trained vs. fine-tuned models: Finetuning the pre-trained models results in a higher similarity (Table 5). For the word pairs ‘professor’ and ‘cucumber’ in WordSim353, the ground truth score is 0.31 (10 is a maximum score). The pre-trained ‘MultFlair’ model results in a wrong (which is higher) similarity score (0.819) but the fine-tuned model results in a smaller score (0.406) near to the ground truth score.
We can also observe that the scores for SimLex999 are lower than the WordSim353 scores. The work by Hill et al. [44] indicated that LexSim999 tasks are challenging for computational models to replicate as the model should capture similarity independently of relatedness association. Moreover, the results on both datasets for Amharic are lowered compared with the English datasets. This can be attributed to several reasons such as: (1) As the translations are not perfect, the ground truth annotation scores should not be used as it is for Amharic pairs, and (2) as Amharic is morphologically complex, the embeddings obtained might be different from the correct lemma of the word. Hence, the pairs should be first lemmatized to the correct dictionary entry before computing the similarity scores. Furthermore, the annotation should be done by Amharic experts to calculate the similarity and relatedness scores.

3.3. Parts-of-Speech Tagging

Using a corpus of one-page long Amharic text, Getachew [47] has developed a part of speech tagger using the stochastic Hidden Markov Model approach that can extract major word classes noun, verb, adjective, auxiliary), but fails to determine subcategory constraints such as number, gender, polarity, tense case, definiteness, and unable to learn from new instances. Gambäck et al. [48] have developed an Amharic POS tagger using three different tag-sets. Similarly, Tachbelie and Menzel [49] have prepared 210,000 manually annotated tagged tokens and developed a factored language model using SVM and HMM. Tachbelie et al. [50] have employed a memory-based tagger, which is appropriate for low-resourced languages like Amharic.
Despite the several works on Amharic POS tagging, there is, as far as we know, no publicly available POS tagger model and benchmark dataset that can be used for downstream applications.
For our Amharic POS tagging experimentation, we have trained different POS tagging models using the dataset compiled by Gashaw and Shashirekha [19]. The dataset is comprehensive in the sense that texts from the different genres are incorporated. The dataset from the Ethiopian Language Research Center (ELRC) of Addis Ababa University [51] consists of news articles covering different topics such as sport, economics, politics, etc. amounting to a total of 210,000 words. The ELRC dataset supports 11 basic tags. The work by Gashaw and Shashirekha [19] extends the ELRC dataset by annotating texts from Quranic and Biblical texts (called ELRCQB). In total, 39,000 sentences are annotated for Amharic POS tags using 62 tags. The dataset is split into training, development and testing instances. The development set is used to optimize parameters during training.
Table 6 shows the experimental results using different models. We built two types of models, the Conditional Random Field (CRF) tagging model and the sequence classifier model using the FLAIR deep learning framework. For the CRF model, the “sci-kit-learn-crfsuite” python wrapper of the original CRF implementation is employed (Model CRFSuite in Table 6). The features for the CRF model include (1) the word, previous word, and the next word, (2) prefixes and suffixes with lengths ranging from 1 to 3, and (3) checking if the word is numeric or not. The remaining models are built using the FLAIR sequence classifier based on the different semantic models using the parameters shown in Table 2 with a GPU:GeForce GTX 1080 11GB server.

3.4. Named Entity Recognition

Named entity recognition (NER) is a process of locating and categorizing proper nouns in text documents into predefined classes like a person, organization, location, time, and numeral expressions [52]. In this regard, one of the early attempts for Amharic NER is the work by Ahmed [53], which is conducted on a corpus of 10,405 tokens. Using the CRF classifier, the research indicated that POS tags, suffixes, and prefixes are important features to detect Amharic named entities. The work by Alemu [54] also conducted similar work on a manually developed corpus of 13,538 words with the Stanford tagging scheme. The work by Tadele [55], an approach for a hybrid Amharic named entity recognition employed a combination of machine learning (decision trees and support vector machines) and rule-based methods. They have reported that the pure machine learning approaches with POS and nominal flag features outperformed the hybrid approach.
Another work by Gambäck and Sikdar [56] also developed language-independent features to extract Amharic named entities using a bi-directional LSTM deep learning neural network model and merged the different feature vectors with word embedding for better performance. Sikdar and Gambäck [57] later employed a stack-based deep learning approach incorporating various semantic information sources that are built using an unsupervised learning algorithm with word2Vec, and a CRF classifier trained with language-independent features. They have reported that the stack-based approach outperformed other deep learning algorithms.
The main challenges with Amharic NER are: (1) As there are no capitalization rules in the language, it is very difficult to build a simple rule or pattern to extract named entities. (2) POS tags might help in discriminating named entities from other tokens, however, there is no publicly-available POS tagger for Amharic that can be integrated into NER systems. (3) Most of the research is carried out as part of academic requirements for a Bachelor’s and Master’s thesis where the research output was not well documented. Moreover, there are no benchmark dataset or tools that could advance future research in Amharic. In this work, we explore the effectiveness of semantic models for Amharic NER and release both the NER models and the benchmark datasets publicly (in Table 7).
For this experiment, the Amharic dataset annotated within the SAY project at New Mexico State University’s Computing Research Laboratory was used. The data is annotated with six classes, namely person, location, organization, time, title, and others. There are a total of 4237 sentences where 5480 tokens out of 109,676 tokens are annotated as named entities. The dataset is represented in XML format (for the different named entity classes) and is openly available in GitHub (https://github.com/geezorg/data/tree/master/amharic/tagged/nmsu-say (accessed on 24 October 2021)). The same approach as the POS tagger systems was used to train the NER models.

3.5. Sentiment Analysis

The task of sentiment analysis for low-resource languages like Amharic remains challenging due to the lack of publicly available datasets and the unavailability of required NLP tools. Moreover, there are no attempts of analyzing the complexities of sentiment analysis on social media texts (e.g., Twitter dataset), as the contents are highly context-dependent and influenced by the user experience [58]. Some of the existing works in Amharic either target the generation of sentiment lexicon or are limited to the manual analysis of very small social media texts.
The work of Alemneh et al. [59] focuses on the generation of Amharic sentiment lexicon using the English sentiment lexicon. The English lexicon entries are translated to Amharic using a bilingual English-Amharic dictionary.
The work by Gebremeskel [60] builds a rule-based sentiment polarity classification system. Using movie reviews, 955 sentiment lexicon entries are generated. The system is built to detect the presence and absence of the positive and negative sentiment lexicon entries to classify the polarity of the document.
For this work, we considered the recently released sentiment classification datasets, a total of 9400 k tweets where each tweet is annotated by three users [20]. The tweets are sampled using the extended sentiment lexicons from Gebremeskel [60] (to a total of 1194 lexicon entries). We split the dataset into training, testing, and development sets with the 80:10:10 splitting strategy.
We built document-based sentiment classifiers using the different semantic models. For a classical classification approach, we used the term frequency-inverse document frequency (TF-IDF) features using different algorithms from the sci-kit-learn Python machine learning framework. For the deep learning approach, we used the TextClassifier document classification model from the FLAIR framework, which uses the DocumentRNNEmbeddings computed from the different word embeddings. Table 8 shows the different experimental results.

4. Discussion

In this section, we will briefly discuss the effects of the different semantic models for the respective NLP tasks.
  • Top n similar words: For the top n similar words experiment, as seen from Table 3, the fastText model seems to produce irrelevant suggestions compared to the AmWord2Vec model, which is associated with the smaller corpus size used to train fastText. If we search the predicted word provided by fastText on the Amharic Wikipedia page, we can see that the word co-occurs with the target word only on one occasion. However, as we did not train a new fastText model from scratch using our dataset, we can not claim if the suggestions are mainly due to the size of the dataset or due to the training approach used in fastText architecture.
The similar words suggested by AmDT, AmWord2Vec, and DeepWalk are comparable (see Table 3 and Table 9). In general, the suggestions from AmDT are more fitting than the ones generated using AmWord2Vec, but the suggestions from AmDT and DeepWalk are equally prevalent to the target words. This corresponds to the finding that the conversion of DTs to a low-level representation can easily be integrated into different applications that rely on word embeddings [61].
However, the similar words predicted by the DT and word2Vec embeddings are static and it is up to the downstream application to discern the correct word that fits the context. However the next word prediction using the transformer-based models, in this case from the AmRoBERTa model, predicts words that can fit the context. From Examples 1 and 2, we can see that the “masked” words are to be predicted in the two sentences. The two sentences are extracted from the online Amharic news channel (https://www.ethiopianreporter.com/ (accessed on 24 October 2021)) and we masked the word ትርፍ in both sentences. In the first sentence (S1), it refers to “profit” while in the second sentence (S2), it intends “additional” or “more”. We can see from Table 4 that the AmRoBERTa model generated words that can fit the context of the sentence. We have also observed that AmRoBERTa helps in word completions tasks, which is particularly important for languages such as Amharic, as it is morphologically complex.
  • Word similarity/relatedness: For the WordSim353 word pair similarity/relatedness experiment, the “DeepWalk” and “AmWord2Vec” models produce the best results. While this is the first dataset and experiment for the Amharic, the Spearman’s correlation ( ρ ) result is better than most of the knowledge-based results for the English counterpart datasets. The state-of-the-art result for English reaches a score of 0.828, which is much larger than the results for Amharic scores. We could not compare the results for several reasons such as (1) errors that occurred during translation and (2) the ground truth annotation scores are directly taken from the English dataset, which might not be optimal. In the future, we suggest to re-annotate the datasets using Amharic experts. We have also observed that the Simlex999 datasets are challenging for the similarity computation task. The “fastText” model achieves better results compared to the other Amharic semantic models. Pre-trained models achieve the lowest results as we can witness from the lower standard deviation ( σ ) scores.
  • POS tagging: As seen in Table 6, the semantic models from the transformer-based embeddings perform as good as the CRF algorithm for the POS tagging task. While training the deep learning models took much longer than the CRF algorithm, using deep learning models avoids the need to identify features manually. Both AmRoBERTa and CRF-based models predict the conjunctions, interjections, and prepositions correctly. However, for the rare tags (that occurs fewer times), such as ADJPCS (Adjective with prep. & conj. singular) and VPSs (Verb with prep. singular), AmRoBERTa predicts the nearest popular tag. However it was observed that CRF perfectly memorizes the correct tag. For example, the word ኢንድያገኙ, which should be a spelling error (maybe the last s stands for spelling error inVPSs ), is tagged as VPS with AmRoBERTa. We have also observed that the FLAIR contextual embeddings perform very well compared to the network embedding models. The new Amharic FLAIR embeddings (AmFlair) and the fine-tuned models (MultFlairFT) produce a slightly better result than the publicly-available multilingual FLAIR (MultFlair embeddings).
  • Named entity recognition: In the case of the named entity recognition task, the transformer model performs poorly compared to the CRF and FLAIR embedding models. The FLAIR contextual string embeddings perform better than the word2Vec and network embedding models. We can also observe that AmFlair and MultFlairFT, which are trained and fine-tuned on our dataset, presents better results than the pre-trained MultFlair embeddings model. The XLM transformer-embedding could not produce meaningful predictions (all words are predicted as “Other”). The low performance reported indicates that NER for Amharic is a difficult task. This is due to the fact that named entities do not have distinctive characteristics such as capitalization. Named entities in Amharic are also derived mostly from proper nouns (አበባ - flower), from verbs (አበራ - shined), and from adjectives (ጐበዜ - clever).
  • Sentiment analysis: For the sentiment analysis task, we have observed that the deep learning approach outperforms the different classical supervised classifiers. Unlike the NER and the POS tagging tasks, the deep learning approach based on the network embeddings, specifically the Role2Vec approach outperforms the other models. Based on our error analysis, we found out that sentiment analysis is challenging both for users and machines as the meaning of the tweet depends on a specific context. Moreover, metaphorical speech and sarcasm are very common in Amharic text, especially on the Twitter dataset, which makes automatic classification very difficult.
In general, we can see that the different semantic models impact various tasks. One semantic model will not fit the need of multiple NLP applications. Another observation is that fine-tuning models or building models with a corpus that is carefully crafted have a better impact on the specific tasks. We believe that the models we publish will help in the development of different NLP applications. It will also open a different research direction to conduct more advanced research as well as to carry out insightful analysis in the usage of semantic models for Amharic NLP.

5. Conclusions

In this work, we presented the first comprehensive study of semantic models for Amharic. We first surveyed the limited number of pre-trained semantic models available, which are provided as part of multilingual experiments. We built different semantic models using text corpora collected from various sources such as online news articles, web corpus, and social media texts. The semantic models we built include (1) word2Vec embeddings, (2) distributional thesaurus models, (3) contextualized string embeddings, (4) distributional thesaurus embedding obtained via network embedding algorithms, and (5) contextualized word embeddings. Furthermore, the publicly available pre-trained semantic models are fine-tuned using our text corpora.
We also experimented with five different NLP tasks to see the effectiveness and limitations of the various semantic models. Our experimental result showed that deep learning models trained with the different semantic representations outperformed the classical machine learning approaches. We publicly released all the nine semantic models, the machine learning models for the different tasks, and benchmark datasets to further advance the research in Amharic NLP.

Author Contributions

Conceptualization, S.M.Y.; methodology, S.M.Y. and A.A.A.; software, S.M.Y. and G.V.; validation, S.M.Y., A.A.A., I.G. and G.V.; formal analysis, S.M.Y., A.A.A. and G.V.; investigation, S.M.Y., I.G. and G.V.; resources, S.M.Y. and G.V.; data curation, S.M.Y., I.G. and G.V.; writing—original draft preparation, S.M.Y.; writing—C.B., S.M.Y. and A.A.A.; visualization, G.V.; supervision, C.B.; project administration, S.M.Y.; funding acquisition, C.B. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Data Availability Statement

The resources such as benchmark NLP datasets for Amharic (PoS tagged dataset, NER annotated dataset, Sentiment dataset, Semantic similarity datasets), Preprocessing and segmentation tools, source codes for the model training, the Amharic corpus will be released in our GitHub repository (https://github.com/uhh-lt/amharicmodels (accessed on 24 October 2021)). The RoBERTa model will be published to the Hugginface repository (https://huggingface.co/uhhlt (accessed on 24 October 2021)). The FLIAR models will be released to the FLAIR list of public libraries.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Camacho-Collados, J.; Pilehvar, M.T. Embeddings in Natural Language Processing. In Proceedings of the 28th International Conference on Computational Linguistics: Tutorial Abstracts, Online, 12–13 December 2020; pp. 10–15. [Google Scholar] [CrossRef]
  2. Katharina Sienčnik, S. Adapting word2vec to Named Entity Recognition. In Proceedings of the 20th Nordic Conference of Computational Linguistics (NODALIDA 2015), Vilnius, Lithuania, 11–13 May 2015; pp. 239–243. [Google Scholar]
  3. Joshi, M.; Hart, E.; Vogel, M.; Ruvini, J.D. Distributed Word Representations Improve NER for e-Commerce. In Proceedings of the 1st Workshop on Vector Space Modeling for Natural Language Processing, Denver, CO, USA, 31 May–5 June 2015; pp. 160–167. [Google Scholar] [CrossRef]
  4. Hou, J.; Koppatz, M.; Quecedo, J.M.H.; Yangarber, R. Projecting named entity recognizers without annotated or parallel corpora. In Proceedings of the 22nd Nordic Conference on Computational Linguistics, Turku, Finland, 30 September–2 October 2019; pp. 232–241. [Google Scholar]
  5. Mbouopda, M.F.; Yonta, P.M. A Word Representation to Improve Named Entity Recognition in Low-resource Languages. In Proceedings of the 2019 Sixth International Conference on Social Networks Analysis, Management and Security (SNAMS), Granada, Spain, 22–25 October 2019; pp. 333–337. [Google Scholar] [CrossRef]
  6. Barhoumi, A.; Camelin, N.; Aloulou, C.; Estève, Y.; Hadrich Belguith, L. Toward Qualitative Evaluation of Embeddings for Arabic Sentiment Analysis. In Proceedings of the 12th Language Resources and Evaluation Conference, Marseille, France, 13–15 May 2020; pp. 4955–4963. [Google Scholar]
  7. Al-Saqqa, S.; Awajan, A. The Use of Word2vec Model in Sentiment Analysis: A Survey. In Proceedings of the 2019 International Conference on Artificial Intelligence, Robotics and Control, Cairo, Egypt, 14–16 December 2019; pp. 39–43. [Google Scholar] [CrossRef]
  8. Younes, A.; Weeds, J. Embed More Ignore Less (EMIL): Exploiting Enriched Representations for Arabic NLP. In Proceedings of the Fifth Arabic Natural Language Processing Workshop, Barcelona, Spain, 12 December 2020; pp. 139–154. [Google Scholar]
  9. Thavareesan, S.; Mahesan, S. Word embedding-based Part of Speech tagging in Tamil texts. In Proceedings of the 2020 IEEE 15th International Conference on Industrial and Information Systems (ICIIS), Rupnagar, India, 26–28 November 2020; pp. 478–482. [Google Scholar] [CrossRef]
  10. Pickard, T. Comparing word2vec and GloVe for Automatic Measurement of MWE Compositionality. In Proceedings of the Joint Workshop on Multiword Expressions and Electronic Lexicons, Online, 13 December 2020; pp. 95–100. [Google Scholar]
  11. Jadi, G.; Claveau, V.; Daille, B.; Monceaux, L. Evaluating Lexical Similarity to build Sentiment Similarity. In Proceedings of the Tenth International Conference on Language Resources and Evaluation (LREC’16), Portorož, Slovenia, 23–28 May 2016; pp. 1196–1201. [Google Scholar]
  12. Devlin, J.; Chang, M.W.; Lee, K.; Toutanova, K. BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding. In Proceedings of the 2019 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, Minneapolis, MN, USA, 2–7 June 2019; Volume 1, pp. 4171–4186. [Google Scholar]
  13. Tenney, I.; Das, D.; Pavlick, E. BERT Rediscovers the Classical NLP Pipeline. In Proceedings of the 57th Annual Meeting of the Association for Computational Linguistics, Florence, Italy, 28 July–2 August 2019; pp. 4593–4601. [Google Scholar] [CrossRef] [Green Version]
  14. Agerri, R.; Vicente, I.S.; Campos, J.A.; Barrena, A.; Saralegi, X.; Soroa, A.; Agirre, E. Give your Text Representation Models some Love: The Case for Basque. arXiv 2020, arXiv:2004.00033. [Google Scholar]
  15. Ulčar, M.; Robnik-Šikonja, M. High Quality ELMo Embeddings for Seven Less-Resourced Languages. arXiv 2019, arXiv:1911.10049. [Google Scholar]
  16. Grave, E.; Bojanowski, P.; Gupta, P.; Joulin, A.; Mikolov, T. Learning Word Vectors for 157 Languages. In Proceedings of the International Conference on Language Resources and Evaluation (LREC 2018), Miyazaki, Japan, 7–12 May 2018; pp. 3483–3487. [Google Scholar]
  17. Conneau, A.; Khandelwal, K.; Goyal, N.; Chaudhary, V.; Wenzek, G.; Guzmán, F.; Grave, E.; Ott, M.; Zettlemoyer, L.; Stoyanov, V. Unsupervised Cross-lingual Representation Learning at Scale. In Proceedings of the 58th Annual Meeting of the Association for Computational Linguistics, Online, 5–10 July 2020; pp. 8440–8451. [Google Scholar]
  18. Schweter, S. Multilingual Flair Embeddings. 2020. Available online: https://github.com/flairNLP/flair-lms (accessed on 24 October 2021).
  19. Gashaw, I.; Shashirekha, H.L. Machine Learning Approaches for Amharic Parts-of-speech Tagging. arXiv 2020, arXiv:2001.03324. [Google Scholar]
  20. Yimam, S.M.; Alemayehu, H.M.; Ayele, A.; Biemann, C. Exploring Amharic Sentiment Analysis from Social Media Texts: Building Annotation Tools and Classification Models. In Proceedings of the 28th International Conference on Computational Linguistics, Barcelona, Spain, 8–13 December 2020; pp. 1048–1060. [Google Scholar] [CrossRef]
  21. Gezmu, A.M.; Seyoum, B.E.; Gasser, M.; Nürnberger, A. Contemporary Amharic Corpus: Automatically Morpho-Syntactically Tagged Amharic Corpus. In Proceedings of the First Workshop on Linguistic Resources for Natural Language Processing, August 2018; pp. 65–70. Available online: https://aclanthology.org/W18-3809.pdf (accessed on 24 October 2021).
  22. Salawu, A.; Aseres, A. Language policy, ideologies, power and the Ethiopian media. Communicatio 2015, 41, 71–89. [Google Scholar] [CrossRef]
  23. Gasser, M. HornMorpho: A system for morphological processing of Amharic, Oromo, and Tigrinya. In Proceedings of the Conference on Human Language Technology for Development, Alexandria, Egypt, 2–5 May 2011; pp. 94–99. [Google Scholar]
  24. Suchomel, V.; Rychlý, P. Amharic Web Corpus; LINDAT/CLARIN Digital Library at the Institute of Formal and Applied Linguistics (ÚFAL), Faculty of Mathematics and Physics, Charles University: Staré Město, Czechia, 2016. [Google Scholar]
  25. Harris, Z.S. Distributional Structure. Word 1954, 10, 146–162. [Google Scholar] [CrossRef]
  26. Ruppert, E.; Kaufmann, M.; Riedl, M.; Biemann, C. JoBimViz: A Web-based Visualization for Graph-based Distributional Semantic Models. In Proceedings of the ACL-IJCNLP 2015 System Demonstrations, Beijing, China, 26–31 July 2015; pp. 103–108. [Google Scholar]
  27. Mikolov, T.; Sutskever, I.; Chen, K.; Corrado, G.; Dean, J. Distributed representations of words and phrases and their compositionality. arXiv 2013, arXiv:1310.4546. [Google Scholar]
  28. Řehúřek, R.; Sojka, P. Gensim—Statistical Semantics in Python. In Proceedings of the EuroScipy 2011; Available online: https://www.fi.muni.cz/usr/sojka/posters/rehurek-sojka-scipy2011.pdf (accessed on 24 October 2021).
  29. Hamilton, W.L.; Ying, R.; Leskovec, J. Representation Learning on Graphs: Methods and Applications. arXiv 2017, arXiv:1709.05584. [Google Scholar]
  30. Sevgili, Ö.; Panchenko, A.; Biemann, C. Improving Neural Entity Disambiguation with Graph Embeddings. In Proceedings of the 57th Annual Meeting of the Association for Computational Linguistics: Student Research Workshop, Florence, Italy, 29 July–1 August 2019; pp. 315–322. [Google Scholar]
  31. Cai, H.; Zheng, V.W.; Chang, K.C.C. A Comprehensive Survey of Graph Embedding: Problems, Techniques, and Applications. IEEE Trans. Knowl. Data Eng. 2018, 30, 1616–1637. [Google Scholar] [CrossRef] [Green Version]
  32. Perozzi, B.; Al-Rfou, R.; Skiena, S. DeepWalk: Online Learning of Social Representations. In Proceedings of the 20th ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, New York, NY, USA, 24–27 August 2014; pp. 701–710. [Google Scholar]
  33. Ahmed, N.K.; Rossi, R.A.; Lee, J.B.; Willke, T.L.; Zhou, R.; Kong, X.; Eldardiry, H. role2vec: Role-Based Network Embeddings. 2019, pp. 1–7. Available online: http://ryanrossi.com/pubs/role2vec-DLG-KDD.pdf (accessed on 24 October 2021).
  34. Rozemberczki, B.; Kiss, O.; Sarkar, R. An API Oriented Open-source Python Framework for Unsupervised Learning on Graphs. arXiv 2020, arXiv:2003.04819. [Google Scholar]
  35. Akbik, A.; Blythe, D.; Vollgraf, R. Contextual String Embeddings for Sequence Labeling. In Proceedings of the 27th International Conference on Computational Linguistics, Santa Fe, NM, USA, 21–25 August 2018; pp. 1638–1649. [Google Scholar]
  36. Akbik, A.; Bergmann, T.; Blythe, D.; Rasul, K.; Schweter, S.; Vollgraf, R. FLAIR: An Easy-to-Use Framework for State-of-the-Art NLP. In Proceedings of the 2019 Conference of the North American Chapter of the Association for Computational Linguistics (Demonstrations), Minneapolis, MN, USA, 2–7 June 2019; pp. 54–59. [Google Scholar]
  37. Schweter, S.; Akbik, A. FLERT: Document-Level Features for Named Entity Recognition. arXiv 2020, arXiv:2011.06993. [Google Scholar]
  38. Agić, Ž.; Vulić, I. JW300: A Wide-Coverage Parallel Corpus for Low-Resource Languages. In Proceedings of the 57th Annual Meeting of the Association for Computational Linguistics, Florence, Italy, 28 July–2 August 2019; pp. 3204–3210. [Google Scholar]
  39. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, L.U.; Polosukhin, I. Attention is All you Need. In Advances in Neural Information Processing Systems; Guyon, I., Luxburg, U.V., Bengio, S., Wallach, H., Fergus, R., Vishwanathan, S., Garnett, R., Eds.; Curran Associates, Inc.: Red Hook, NY, USA, 2017; Volume 30. [Google Scholar]
  40. Liu, Y.; Ott, M.; Goyal, N.; Du, J.; Joshi, M.; Chen, D.; Levy, O.; Lewis, M.; Zettlemoyer, L.; Stoyanov, V. RoBERTa: A Robustly Optimized BERT Pretraining Approach. arXiv 2019, arXiv:1907.11692. [Google Scholar]
  41. Agirre, E.; Alfonseca, E.; Hall, K.; Kravalova, J.; Paşca, M.; Soroa, A. A Study on Similarity and Relatedness Using Distributional and WordNet-based Approaches. In Proceedings of the Human Language Technologies: The 2009 Annual Conference of the North American Chapter of the Association for Computational Linguistics, Boulder, CO, USA, 31 May–5 June 2009; pp. 19–27. [Google Scholar]
  42. Netisopakul, P.; Wohlgenannt, G.; Pulich, A. Word similarity datasets for Thai: Construction and evaluation. IEEE Access 2019, 7, 142907–142915. [Google Scholar] [CrossRef]
  43. Asr, F.T.; Zinkov, R.; Jones, M. Querying word embeddings for similarity and relatedness. In Proceedings of the 2018 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, New Orleans, LA, USA, 1–6 June 2018; Volume 1, pp. 675–684. [Google Scholar]
  44. Hill, F.; Reichart, R.; Korhonen, A. Simlex-999: Evaluating semantic models with (genuine) similarity estimation. Comput. Linguist. 2015, 41, 665–695. [Google Scholar] [CrossRef]
  45. Speer, R.; Chin, J.; Havasi, C. ConceptNet 5.5: An Open Multilingual Graph of General Knowledge. In Proceedings of the Thirty-First AAAI Conference on Artificial Intelligence, San Francisco, CA, USA, 4–9 February 2017; pp. 4444–4451. [Google Scholar]
  46. Recski, G.; Iklódi, E.; Pajkossy, K.; Kornai, A. Measuring Semantic Similarity of Words Using Concept Networks. In Proceedings of the 1st Workshop on Representation Learning for NLP, Berlin, Germany, 11 August 2016; pp. 193–200. [Google Scholar] [CrossRef] [Green Version]
  47. Getachew, M. Automatic Part-of-Speech Tagging for Amharic Language an Experiment Using Stochastic Hidden Markov Approach. Master’s Thesis, School of Graduate Studies, Addis Ababa University, Addis Ababa, Ethiopia, 2001. [Google Scholar]
  48. Gambäck, B.; Olsson, F.; Alemu Argaw, A.; Asker, L. Methods for Amharic Part-of-Speech Tagging. In Proceedings of the First Workshop on Language Technologies for African Languages, Athens, Greece, 31 March 2009; pp. 104–111. [Google Scholar]
  49. Tachbelie, M.Y.; Menzel, W. Amharic Part-of-Speech Tagger for Factored Language Modeling. In Proceedings of the International Conference RANLP-2009, Borovets, Bulgaria, 14–16 September 2009; pp. 428–433. [Google Scholar]
  50. Tachbelie, M.Y.; Abate, S.T.; Besacier, L. Part-of-speech tagging for underresourced and morphologically rich languages—The case of Amharic. HLTD 2011, 50–55. Available online: https://www.cle.org.pk/hltd/pdf/HLTD201109.pdf (accessed on 24 October 2021).
  51. Demeke, G.; Getachew, M. Manual Annotation of Amharic News Items with Part-of-Speech Tags and Its Challenges. ELRC Working Paper. 2006, Volume 2, pp. 1–16. Available online: https://www.bibsonomy.org/bibtex/d2fa6b0ccf8737fb4046c3d13f274894#export%7D%7B (accessed on 24 October 2021).
  52. Zitouni, I. Natural Language Processing of Semitic Languages; Springer: Berlin/Heidelberg, Germany, 2014. [Google Scholar]
  53. Ahmed, M. Named Entity Recognition for Amharic Language. Master’s Thesis, Addis Ababa University, Addis Ababa, Ethiopia, 2010. [Google Scholar]
  54. Alemu, B. A Named Entity Recognition for Amharic. Master’s Thesis, Addis Ababa University, Addis Ababa, Ethiopia, 2013. [Google Scholar]
  55. Tadele, M. Amharic Named Entity Recognition Using a Hybrid Approach. Master’s Thesis, Addis Ababa University, Addis Ababa, Ethiopia, 2014. [Google Scholar]
  56. Gambäck, B.; Sikdar, U.K. Named entity recognition for Amharic using deep learning. In Proceedings of the 2017 IST-Africa Week Conference (IST-Africa), Windhoek, Namibia, 31 May–2 June 2017; pp. 1–8. [Google Scholar]
  57. Sikdar, U.K.; Gambäck, B. Named Entity Recognition for Amharic Using Stack-Based Deep Learning. In Proceedings of the International Conference on Computational Linguistics and Intelligent Text Processing, Budapest, Hungary, 17–23 April 2017; pp. 276–287. [Google Scholar]
  58. Gangula, R.R.R.; Mamidi, R. Resource creation towards automated sentiment analysis in Telugu (a low resource language) and integrating multiple domain sources to enhance sentiment prediction. In Proceedings of the Eleventh International Conference on Language Resources and Evaluation (LREC 2018), Miyazaki, Japan, 7–12 May 2018; pp. 627–634. [Google Scholar]
  59. Alemneh, G.N.; Rauber, A.; Atnafu, S. Dictionary Based Amharic Sentiment Lexicon Generation. In Proceedings of the International Conference on Information and Communication Technology for Development for Africa, Bahir Dar, Ethiopia, 22–24 November 2019; pp. 311–326. [Google Scholar]
  60. Gebremeskel, S. Sentiment Mining Model for Opinionated Amharic Texts. Available online: http://etd.aau.edu.et/handle/123456789/3029 (accessed on 24 October 2021).
  61. Jana, A.; Goyal, P. Can Network Embedding of Distributional Thesaurus Be Combined with Word Vectors for Better Representation? In Proceedings of the 2018 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, New Orleans, LA, USA, 1–6 June 2018; Volume 1, pp. 463–473. [Google Scholar]
Figure 1. Word2Vec model architecture [27].
Figure 1. Word2Vec model architecture [27].
Futureinternet 13 00275 g001
Figure 2. The FLAIR model architecture [37] for document-level features.
Figure 2. The FLAIR model architecture [37] for document-level features.
Futureinternet 13 00275 g002
Figure 3. The transformer model architecture [39].
Figure 3. The transformer model architecture [39].
Futureinternet 13 00275 g003
Figure 4. Architecture of the BERT pre-training and fine-tuning procedures [12].
Figure 4. Architecture of the BERT pre-training and fine-tuning procedures [12].
Futureinternet 13 00275 g004
Table 1. Resources (models, preprocessing tools, and models). For existing resources, we have indicated our contributions. * indicated corpus we have gathered from the web using the Scrapy (https://scrapy.org/ (accessed on 24 October 2021)) open source and collaborative Python framework and using the Tweeter API (https://developer.twitter.com/en/docs/ (accessed on 24 October 2021)). ** indicates the models that we have built using the datasets. *** indicates semantic models that are publicly available.
Table 1. Resources (models, preprocessing tools, and models). For existing resources, we have indicated our contributions. * indicated corpus we have gathered from the web using the Scrapy (https://scrapy.org/ (accessed on 24 October 2021)) open source and collaborative Python framework and using the Tweeter API (https://developer.twitter.com/en/docs/ (accessed on 24 October 2021)). ** indicates the models that we have built using the datasets. *** indicates semantic models that are publicly available.
ResourceDescriptionRemark
NER dataset ***Benchmark dataset & modelsFrom SAY project
POS dataset ***Benchmark dataset & modelsFrom previous work [19]
Sentiment datasetDifferent modelsOur work [20]
word2Vec **CBOW and SKipgramOur corpus *
fastText **CBOW and SKipgramOur corpus *
fastText ***CBOWFrom fastText
DT models **Trigram modelsOur corpus *
XLRM ***Transformer modelFrom Huggingface
MultFlair ***Contextualized embeddingFrom FLAIR repository
AmFlair & MultFlairFT **Contextualized embeddingFin-tuned our corpus *
AmRoBERTa **Transformer modelNewly built our corpus *
Pre-processing **Tokenization & SegmentationNew tools
WordSim & SimLex ****Word SimilarityTranslated from English
Table 2. Training parameters for the different semantic models and NLP applications.
Table 2. Training parameters for the different semantic models and NLP applications.
Model NameModel Parameters
DeepWalk128 dimensions, walk number 10, walk length 80, window size is 5
Role2Vec128 dimensions, walk number 10, walk length 80, window size is 2
MultFlairFTsequence length of 250, mini batch size of 100, max epochs 10
AmFlairsequence length of 250, mini batch size of 100, max epochs 10
AmRoBERTaepochs of 5, per gpu train batch size of 8, block size of 512
SequenceTaggershidden size of 256, mini-batch size of 32, epochs of 150
Table 3. Comparison of word similarities computed using the pre-trained fastText and the AmWord2Vec models. The English glossaries are an approximate as some of the translations will be very long to put in the table, for example, the word አይከናወኑለትም can be translated as “they can not be performed for him”.
Table 3. Comparison of word similarities computed using the pre-trained fastText and the AmWord2Vec models. The English glossaries are an approximate as some of the translations will be very long to put in the table, for example, the word አይከናወኑለትም can be translated as “they can not be performed for him”.
በሬ(ox)መብላት(eating)
fastTextAmWord2VecfastTextAmWord2Vec
ባላገደደ(tilted)ፍየል (goat)ካማራት (want)መመገብ (feed)
አየህና (see)ወይፈን (bull)አይደፍርም (untouchable)መግዛት (buy)
ይፈንዳ (explodeeዶሮ (hen)አይከናወኑለትም (not perform)ማጠጣት (drink)
ያበጠው (swollen)በለቅ (donkey)መጠጣትና (drink)ማሽተት (smell)
ባልገባ (enter)ሙክት (goat)ዳቦን (bread)መደነስ (dance)
ለሚጎተት (drag)በግና (sheep)ፍሬና (fruit)መሸጥ (sell)
ቀንዱን (horn)በግ (sheep)ላምና (cow)መሽናት (urinate)
ካራጁ (killer)አህያ (donkey)የምችል (can)መጋገር (backe)
አትከልክለው (prohibit)እደተናገረው (said)በማጥቃትና (attack)መቁጠር (count)
ቀንዳምን (horny)ጥጃ (calf)መብላትና (eat)መሸመት (buy)
ተሴት(female)ቆዳውን (leather)በእንጀራ (Injera)መጋት (drink)
አንኮሌ (Fool)ሰንጋ (ox)መጥገብ (satisfied)መጨፈር (dance)
ተላም (cow)ሲያርስ (plow)እንደማይወድ (no like)ለመብላት (eat)
ገደሉን (downhill)ለምዱን (sheepskin)የብይ (marbles)ማጠብ (wash)
ለቀንዳም (horny)ጅብ (hyena)ያቃተን (unable)ማስብ (think)
Table 4. Comparison of similar words generated from the AmDT, AmWord2Vec, and two contextualized suggestions from AmRoBERTa for the word ትርፍ. Columns AmRoBERTaS1 and AmRoBERTaS2 show the the contextual suggestion for the <mask> word from Sentence1 and Sentence2 of Examples 1 and 2.
Table 4. Comparison of similar words generated from the AmDT, AmWord2Vec, and two contextualized suggestions from AmRoBERTa for the word ትርፍ. Columns AmRoBERTaS1 and AmRoBERTaS2 show the the contextual suggestion for the <mask> word from Sentence1 and Sentence2 of Examples 1 and 2.
ትርፍ: 1. profit, 2. additional
amDTamWord2VecAmRoBERTaS1AmRoBERTaS2
ገቢ (income)ገንዘብ (money) ገንዘብ (money) አንድ (one)
ጥቅም (advantage)ገቢ (income)ገቢ (income) የሆነ (is)
እርካታ (statsfaction)ጥቅም (advantage)እድል (chance)ብዙ (many)
ውጤት (result)ዋጋ (price)ዋጋ (price)ማንኛውም (any)
ተቀባይነት (acceptance)ፍጆታ (consumption)ብር (money)ሁሉም (all)
ምንዛሪ (exchange)ትርፉን (additional)ድጋፍ (support)ሌላ (other)
ስኬት (success)ጠቀሜታ (advantage)ስራ (work)ሁለት (two)
መፍትሄ (solution)ምርት (product)ሀብት (wealth)ትልቅ (large)
ፋይዳ (advantage)ገቢም (income)አቅም (power)ማንም (anyone)
እፎይታ (relief)ዋጋም (price)ድርሻ (share)ሶስት (three)
ደስታ (happiness)ፋይዳ (advantage)ጥቅም (advantage)አንድም (one)
ፈውስ (medicament)ገቢው (income)ግብር (tax)አብዛኛው (many)
Table 5. Spearman correlation ( ρ ) and standard deviation ( σ ) scores on the Amharic Wordsim353 and SimLex999 datasets.
Table 5. Spearman correlation ( ρ ) and standard deviation ( σ ) scores on the Amharic Wordsim353 and SimLex999 datasets.
Spearman Correlation ( ρ ) std ( σ )
ModelsWordsim353SimLex999Wordsim353SimLex999
AmWord2Vec0.5180.2850.2470.274
fastText0.4340.3140.2380.245
AmFlair0.4440.2880.1830.208
MultFlairFT0.4470.2720.1660.189
MultFlair0.1730.2310.0850.109
AMRoBERTa0.2850.2020.1410.133
XLMR0.1820.1830.0750.065
DeepWalk0.5230.1910.2790.308
Role2Vec0.4480.2550.2020.233
English datasets state-of-the-art
0.828 [45]0.76 [46]--
Table 6. Experimental results for POS tagging (macro-averages). * indicated the stat-of-the-art result of the ELRCQB dataset but the results are not comparable as: (1) The reported result shows only the accuracy, and (2) they are not benchmark datasets.
Table 6. Experimental results for POS tagging (macro-averages). * indicated the stat-of-the-art result of the ELRCQB dataset but the results are not comparable as: (1) The reported result shows only the accuracy, and (2) they are not benchmark datasets.
ModelPrecisionRecallF1
CRFSuite Word Features
CRFSuite94.7894.8194.74
Word Embeddings
AmWord2Vec81.4181.9481.05
fastText84.1884.4683.94
Contextual Embeddings
AmRoBERTa94.0894.1394.08
AmFlair91.7591.7191.69
MultFlairFT91.1991.0791.06
XLMR94.2094.1794.16
MultFlair89.6589.5389.48
Graph Embeddings
DeepWalk82.2782.7181.81
Role2Vec81.4581.9580.91
State-of-the-art result
92.27 accuracy *
Table 7. Experimental results for NER classification (macro-averages).
Table 7. Experimental results for NER classification (macro-averages).
ModelPrecisionRecallF1
CRFSuite Word Features
CRFSuite80.8863.8971.39
Word Embeddings
AmWord2Vec68.1157.4762.34
fastText79.0155.5665.24
Contextual Embeddings
AmRoBERTa25.6230.5627.87
AmFlair79.7074.3176.91
MultFlairFT81.2174.3177.61
MultFlair75.5861.8168.00
Graph Embeddings
DeepWalk73.9564.0668.65
Role2Vec74.0060.7666.73
Table 8. Experimental results of the test sets on the sentiment classes: “Positive”, “Negative” and “Neutral” (macro-averages).
Table 8. Experimental results of the test sets on the sentiment classes: “Positive”, “Negative” and “Neutral” (macro-averages).
ModelPrecisionRecallF1
TF-IDF representation
LogReg46.8060.8852.92
RanfomF44.5952.1748.09
KNN49.8550.2250.03
NearestC47.3649.2048.26
SVM35.4446.4240.20
Word Embeddings
AmWord2Vec55.5454.9155.22
fastText43.5067.8153.00
Contextual Embeddings
AmFlair53.2459.2556.09
MultFlair46.9655.0550.68
MultFlairFT54.4959.5856.92
AmRoBERTa46.6256.3951.04
Graph Embeddings
DeepWalk55.8957.7156.78
Role2Vec56.2660.8958.48
Baselines
Stratified33.7933.8033.80
Uniform29.7230.9630.33
MostFreq33.3317.3122.78
Table 9. Comparison of similar words generated from the AmDT and network embedding (Deepwalk) representations.
Table 9. Comparison of similar words generated from the AmDT and network embedding (Deepwalk) representations.
በሬ(ox)መብላት(eating)
AmDTDeepWalkAmDTDeepWalk
በሬ (ox)ፍየል (goat)መብላት (eating)መመገብ (feeding)
በግ (sheep)በግ (sheep)መመገብ (feeding)መጠጣት (drinking)
ከብት (cattle)ከብት (cattle)መኖር (living)መተኛት (sleeping
ዶሮ (hen)እንስሳ (animal)መጫወት (playing)መሸጥ (selling)
ፍየል (goat)ጅብ (hyena)መስራት (working)ማደር (sleeping)
እንስሳ (animal)አይጥ (mouse)መስጠት (giving)መግዛት (buying
ፈረስ (horse)እባብ (snake)መሸጥ (selling)ማምረት (producing
አህያ (donkey)ዝሆን (elephant)መነጋገር (talkingማስቀመጥ (putting)
ሰንጋ (steer)(ሬሳ (corse)መንቀሳቀስ (moving)መውሰድ (taking
በሬዎች (oxen)ዶሮ (hen)መግባት (entering) ማልቀስ (crying)
ሰው (man)እንቁላል (egg)ማከናወን (accomplishing)መትከል (planting)
እባብ (snake)ስጋ (meat)መሰብሰብ (collecting)መተንፈስ (breazing)
ስጋ (meat)ቅቤ (butter)መጻፍ (writing)መጥራት (calling)
ላም (cow)ፈረስ (horse)መጠጣት (drinking)መጫወት (playing)
እርሻ (farm)ውሻ (dog)መጓዝ (traveling)መቁጠር (counting)
አንበሳ (lion)አህያ (donkey)መጠቀም (using)መጮህ (screaming)
ውሻ (dog)ስጋውን (meat)መውጣት (going out)ማውጠቱ (taking out)
በሬውን (ox)ሳር (grass)መውሰድ (taking)መተው (leaving)
ካህን (pastor)ዝንጀሮ (monkey)ማገልገል (serving)ማተኮር (concentrating)
በበሬ (ox)ዛፍ (tree)መምራት (leading)መገናኘት (meeting)
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Yimam, S.M.; Ayele, A.A.; Venkatesh, G.; Gashaw, I.; Biemann, C. Introducing Various Semantic Models for Amharic: Experimentation and Evaluation with Multiple Tasks and Datasets. Future Internet 2021, 13, 275. https://0-doi-org.brum.beds.ac.uk/10.3390/fi13110275

AMA Style

Yimam SM, Ayele AA, Venkatesh G, Gashaw I, Biemann C. Introducing Various Semantic Models for Amharic: Experimentation and Evaluation with Multiple Tasks and Datasets. Future Internet. 2021; 13(11):275. https://0-doi-org.brum.beds.ac.uk/10.3390/fi13110275

Chicago/Turabian Style

Yimam, Seid Muhie, Abinew Ali Ayele, Gopalakrishnan Venkatesh, Ibrahim Gashaw, and Chris Biemann. 2021. "Introducing Various Semantic Models for Amharic: Experimentation and Evaluation with Multiple Tasks and Datasets" Future Internet 13, no. 11: 275. https://0-doi-org.brum.beds.ac.uk/10.3390/fi13110275

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

Article Metrics

Back to TopTop