SlideShare una empresa de Scribd logo
1 de 8
Descargar para leer sin conexión
International Journal on Natural Language Computing (IJNLC) Vol.9, No.2, April 2020
DOI: 10.5121/ijnlc.2020.9201 1
A NOVEL APPROACH FOR NAMED ENTITY
RECOGNITION ON HINDI LANGUAGE USING
RESIDUAL BILSTM NETWORK
Rita Shelke1
and Prof. Dr. Devendrasingh Thakore2
1
Research Scholar, Pune, India 2
Head, Department of Computer Engineering, Bharati
Vidyapeeth (Deemed to be University) College of Engineering, Pune, India
ABSTRACT
Many Natural Language Processing (NLP) applications involve Named Entity Recognition (NER) as an
important task, where it leads to improve the overall performance of NLP applications. In this paper the
Deep learning techniques are used to perform NER task on Hindi text data as it found that as compared to
English NER, Hindi language NER is not sufficiently done. This is a barrier for resource-scarce languages
as many resources are not readily available. Many researchers use various techniques such as rule based,
machine learning based and hybrid approaches to solve this problem. Deep learning based algorithms are
being developed in large scale as an innovative approach now a days for the advanced NER models which
will give the best results out of it. In this paper we devise a Novel architecture based on residual network
architecture for preferably Bidirectional Long Short Term Memory (BiLSTM) with fasttext word
embedding layers. For this purpose we use pre-trained word embedding to represent the words in the
corpus where the NER tags of the words are defined as the used annotated corpora. BiLSTM Development
of an NER system for Indian languages is a comparatively difficult task. In this paper, we have done the
various experiments to compare the results of NER with normal embedding and fasttext embedding layers
to analyse the performance of word embedding with different batch sizes to train the deep learning models.
Here we present a state-of-the-art results with said approach F1 Score measures.
KEYWORDS
Natural Language Processing, Named Entity Recognition, Residual Network, Machine Translation
1. INTRODUCTION
Named Entity Recognition (NER) was first introduced in 1995 in (MUC-6) Message
Understanding Conference-6 (MUC-6, 1995). [8] Where it is stated as it is consisting of three sub
tasks, and these tasks are namely, i) entity names, ii) temporal expressions and iii) number
expressions. where the terms to be annotated are as unique identifiers like (a) entity names like
the names of organizations, the names of persons or the names of locations etc. (b) temporal
expressions like times and dates, and (c) number expressions or quantities like monetary values,
percentages. Hence NER is one of the key tasks in the field of information extraction and Natural
Language Processing (NLP). English language can boast of a rich NER literature, however, the
same cannot be said to be true for Hindi language. There have been periodical attempts, as there
is big scope to explore in the Hindi language domain, while considering especially the use of
deep learning models have made their way to resolve several language processing problems. Due
to Lack of availability of ready tools, rich morphology nature of Hindi language and more
precisely the scarcity of annotated corpus data makes it i) difficult to reuse existing deep learning
International Journal on Natural Language Computing (IJNLC) Vol.9, No.2, April 2020
2
architectures which are used for English language are more challenging and (b) allows exploring
novel and advanced approaches being used for NER task.
Based on the success of using machine learning architectures for NER task, for resource rich
languages like English, in this paper we follow a simple and effective approach of refining
previously proven successful deep neural network models for Hindi language. The idea behind
this is to use fasttext embedding structure with residual deep neural network architecture which is
novel in nature and which is easy to optimise the model parameters in low-resource scenario. As
we design increasingly deeper networks it becomes imperative to understand how adding layers
can increase the complexity and expressiveness of the network. Even it is more important that the
ability to design networks where adding layers makes networks strictly more expressive rather
than just different. The architecture geared towards low resource data and less resources in terms
of computing time and power but also shows an improvement over the existing models for the
Hindi NER task. We show experimentally that there is an improvement in Hindi NER
performance over the base BiLSTM model by adding residual connections, which is the main
contribution of this paper. Deep residual networks were shown to be able to scale up to thousands
of layers and still have improving performance. [12] We believe that these kinds of modifications
or integration of different network models help improve Hindi NER performance especially in
low-resource conditions.
2. RELATED WORK
Development of an NER system for Indian languages is a comparatively difficult task.
Hindi and many other Indian languages provide some inherent difficulties in many NLP related
tasks. Consequently, not much work has been done on NER for Indian languages like Hindi.
Hindi is the third most spoken language of the world and still no accurate Hindi NER system
exists. As some features like capitalization are not available in Hindi and due to lack of a large
labelled dataset [11] and of standardization and spelling variations, an English NER system
cannot be used directly for Hindi.
Furthermore, the structure of the language contain many complexities like free word ordering
(which affect ngram-based approaches significantly) and its inflectional nature (affecting hand-
engineered approaches significantly). Also, in Indian languages there are many word
constructions that can be classified as Named Entities (Derivational/Inflectional constructions)
and these constraints on these constructions vary from language to language hence carefully
crafted rules need to be made for each language which is a very time consuming and expensive
task. Also, the scarcity of labelled data renders many of the statistical approaches like Deep
Learning unusable. This complexity in the task is a significant challenge to solve. However, Shah
et. al. have demonstrated promising results by utilizing BiLSTM networks to solve the NER
problem [5], our work builds upon theirs and adds residual connections to the network.
There is a need to develop an accurate Hindi NER system for better presence of Hindi on the
Internet. It is necessary to understand Hindi language structure and learn new features for
building better Hindi NER systems.
International Journal on Natural Language Computing (IJNLC) Vol.9, No.2, April 2020
3
3. MATERIAL AND METHOD
3.1. Word Embeddings
Word embeddings are an efficient way to represent words - i.e. words with same meanings are
represented in the same way which is useful for various NLP tasks. As the quality of word
embeddings depends upon the quality of input data, hence representing the data in the form of
words is the essential task and now a days embeddings of words into low dimensional space is
mostly suggested. Recently word embeddings like Distributed word representations have
contribution to competitive performance in language modeling and with various NLP tasks. There
are many neural network embedding approaches where as the skip-gram model of has achieved
significant results in many NLP tasks, where it includes sentence completion, analogy and
sentiment analysis etc. Word2vec is a statistical method for learning word embeddings from a
large text corpus. It outputs a high-dimensional vector space, where each word from the corpus is
assigned a vector and words with common contexts are placed proximally close in the vector
space. [1]
We have chosen Fasttext, a pre-trained word embedding developed and open-sourced by
Facebook [2] for our task. As already fasttext approach for English language NER has given
results which are comparatively better than regular methods used for Named entity recognition.
But in regional language like Hindi it is found that due to the unavailability of large corpus of
data the experiments are done with regular Deep learning algorithm with traditional approach.
Here, we use novel architecture to analyse the performance of NER w.r.t. BiLSTM neural
network. It provides word embeddings for Hindi (and 157 other languages) and is based on the
CBOW (Continuous Bag-of-Words) model. The CBOW model learns by predicting the current
word based on its context, and it was trained on Common Crawl and Wikipedia. [3]
3.2 Dataset
We perform the task of labelling the named entities on the dataset, available at [4], released
during ICJNLP 2008 as part of the workshop on NER for South and South East Asian Languages,
consisting of 19822 annotated sentences, 490368 total tokens among which 34193 are unique
tokens, and 12 categories of entities and one negative entity class other. The 12 categories are
given in Table 1
Table 1. Categories in the dataset
Tag Category
NEP Person
ED Designation
NEO Organization
NEA Abbreviation
NEB Brand
NETP Title-Person
International Journal on Natural Language Computing (IJNLC) Vol.9, No.2, April 2020
4
NETO Title-Object
NEL Location
NETI Time
NEN Number
NEM Measure
NETE Term
is a sample sentence in the dataset.
We faced a number of issues while working with the IJCNLP dataset.
 More than 80% of the words do not have tags.
 Many sentences contain English language words.
 It is not clear if words without tags have not been tagged or if they belong to {tt other}
category
 More than 5,000 sentences in the dataset are with no tags
3.3 Pre-Processing Steps
The dataset was in Shakti Standard Format (SSF) but could not directly be fed into a model, so it
needed parsing, which was carried out with handwritten Regex parsers in Python.
Steps involved in pre-processing the data
 Parsing SSF
 Removing sentences with no tags, after which 7966 sentences remained.
 Mapping all words to numbers which would then be mapped to their respective embeddings
with each embedding of dimension 300 for Fasttext
 Padding sentences with "0" and truncating sentences so that all sentences are of same
length, i.e. 30
 The dataset was split in a 70:15:15 ratio for training, testing and validation sets
respectively.
3.4 Mathematical Algorithms Used
1) Softmax Activation Function: For activation, our model uses the Softmax function. It is a type
of activation function used in Neural Networks. It is used to compute probability distribution
from a vector of numbers. It produces an output between 0 to 1, and the sum of probabilities are
equal to 1. The Softmax activation function is computed using the following relationship.
International Journal on Natural Language Computing (IJNLC) Vol.9, No.2, April 2020
5
The Softmax function is used in multi-class models where it returns probabilities of each class,
with the target class having the highest probability.
In most cases, the Softmax function shows up in the output layers of deep learning architectures,
even in ours.
2) Recurrent Dropout: Recurrent dropout is an method that can preserve memory in an LSTM
while still generating different dropout masks for each input sample. Recurrent dropout works by
selectively applying dropout to that part of the Recurrent Neural Network which is updating the
hidden state, as opposed to the state itself. Thus, a dropped element does not contribute to the
network's memory and does not erase the hidden state. For LSTM, the equation is same as vanilla
LSTM, except that the equation for Ct changes.
3.5 Proposed Approach
Previous works have used Bi-LSTM networks for Hindi NER, but our approach builds on it and
adds residual connections to the model. The input is in the form of batches of Hindi sentences in
which there is a mapping of numbers to words which is then passed to the embedding (fasttext)
layer wherein each number is mapped to a specific vector i.e., each word is mapped to a learned
vector in fasttext. To get a deeper representation of the words, we have used a residual connection
architecture of two layers which was obtained by adding the output of the first layer to the
stacked output of the second layer to get a deeper representation. This residual connection allows
the model to get a deeper understanding of the context of the words and improves the
performance by increasing the precision score from 78% to 81.9% as compared to the work done
by Shah et. al. [5] In order to counter over fitting, we have added a dropout layer after the
residual connection and used recurrent dropout in the recurrent layers. At the end of the model,
we have used a time distributed dense layer so as to map each word representation in the sentence
to a dense layer and from there to an output tag probability for each word.
A plot of the model can be seen in Figure 1.
International Journal on Natural Language Computing (IJNLC) Vol.9, No.2, April 2020
6
Figure 1. Layers of the Deep Learning Model
4. EXPERIMENTAL RESULTS
4.1 Hardware Setup
The models were trained on an MSI laptop having specifications given in Table 2. Due to the
heavy word embedding dimensions, it is advisable to carry out the training process on GPUs
only.
Table 2. Hardware Setup
Type Details
Memory 7.6 GB
Processor Intel Core i5-9300H
Residual Connection
International Journal on Natural Language Computing (IJNLC) Vol.9, No.2, April 2020
7
CPU @ 2.4 Ghz * 8 (cores)
Software Keras and Tensorflow running on GPU
with CUDA 10.2
GPU GeForce GTX 1050 Ti/PCle/SSE2
4.2 Results Obtained and Their Analysis
The model was trained on 12,464,023 parameters with varying batch sizes and was subject to
testing on each. The best results were obtained with batch size 32 and at 5 epochs. The metrics
have been calculated on a single fit. Cross validation was not carried out because the dataset is
large enough. The results are tabulated and shown in Table 3. The precision was found to be
higher by 3.9% than that of previous work done on BiLSTMs for NER. [5]
Table 3. Results and Analysis
Metric Values
F1-score 69.5%
Accuracy-score 96.8%
Precision-score 81.9%
Recall-score 60.4%
5. CONCLUSION
Most of the NLP applications in Computer Science have their first step rooted in Named Entity
Recognition. However, there is a lack of collated information on NER methods used for
processing Hindi.This is one of the first attempts at applying residual connections to BiLSTM
networks for NER task.It has been shown that rule-based approaches outperform others if expert
linguists are available, but with advances in machine learning and deep learning models, this
situation is soon to change, for a large set of languages.
REFERENCES
[1] Mikolov, Tomas, et al. “Efficient Estimation of Word Representa-tions in Vector Space.”
ArXiv:1301.3781 [Cs], Sept. 2013. arXiv.org,http://arxiv.org/abs/1301.3781
[2] Bojanowski, Piotr, et al. “Enriching Word Vectors with Subword Information.” ArXiv:1607.04606
[Cs], June 2017. arXiv.org, http://arxiv.org/abs/1607.04606.
[3] Grave, Edouard, et al. “Learning Word Vectors for 157 Languages.” ArXiv:1802.06893 [Cs], Mar.
2018. arXiv.org, http://arxiv.org/abs/1802.0689 3.
International Journal on Natural Language Computing (IJNLC) Vol.9, No.2, April 2020
8
[4] IJCNLP-08 Workshop on NER for South and South East Asian Languages. http://ltrc.iiit.ac.in/ner-ssea-
08/. Accessed 29 Feb. 2020.
[5] Shah, Bansi, and Sunil Kumar Kopparapu. “A Deep Learning Approach for Hindi Named Entity
Recognition.” ArXiv:1911.01421 [Cs], Nov. 2019. arXiv.org, http://arxiv.org/abs/1911.01421.
[6] Xie, Jiateng, et al. “Neural Cross-Lingual Named Entity Recognition with Minimal Resources.”
ArXiv:1808.09861 [Cs], Sept. 2018. arXiv.org, http://arxiv.org/abs/1808.09861.
[7] P, Praveen, and Ravi Kiran V. “Hybrid Named Entity Recognition System for South and South East
Asian Languages.” Proceedings of the IJCNLP-08 Workshop on Named Entity Recognition for South and
South East Asian Languages, 2008. ACLWeb, https://www.aclweb.org/anthology/I08-5012.
[8] MUC-6. 1995. Named Entity Task Definition. 6th Message Understanding Conference.
[9] Isozaki, Hideki, and Hideto Kazawa. “Efficient Support Vector Classifiers for Named Entity
Recognition.” Proceedings of the 19th International Conference on Computational Linguistics -, vol. 1,
Association for Computational Linguistics, 2002, pp. 1–7. DOI.org (Crossref),
doi:10.3115/1072228.1072282.
[10] Fernandes, Ivo, et al. “Applying Deep Neural Networks to Named Entity Recognition in Portuguese
Texts.” 2018 Fifth International Conference on Social Networks Analysis, Management and Security
(SNAMS), IEEE, 2018, pp. 284–89. DOI.org (Crossref), doi:10.1109/SNAMS.2018.8554782.
[11] Athavale, Vinayak, et al. “Towards Deep Learning in Hindi NER: An Approach to Tackle the Labelled
Data Sparsity.” Proceedings of the 13th International Conference on Natural Language Processing, NLP
Association of India, 2016, pp. 154–160. ACLWeb, https://www.aclweb.org/anthology/W16-6320.
[12] Zagoruyko, Sergey, and Nikos Komodakis. “Wide Residual Networks.” Procedings of the British
Machine Vision Conference 2016, British Machine Vision Association, 2016, pp. 87.1-87.12. DOI.org
(Crossref), doi:10.5244/C.30.87.

Más contenido relacionado

La actualidad más candente

A N H YBRID A PPROACH TO W ORD S ENSE D ISAMBIGUATION W ITH A ND W ITH...
A N H YBRID  A PPROACH TO  W ORD  S ENSE  D ISAMBIGUATION  W ITH  A ND  W ITH...A N H YBRID  A PPROACH TO  W ORD  S ENSE  D ISAMBIGUATION  W ITH  A ND  W ITH...
A N H YBRID A PPROACH TO W ORD S ENSE D ISAMBIGUATION W ITH A ND W ITH...ijnlc
 
A Dialogue System for Telugu, a Resource-Poor Language
A Dialogue System for Telugu, a Resource-Poor LanguageA Dialogue System for Telugu, a Resource-Poor Language
A Dialogue System for Telugu, a Resource-Poor LanguageSravanthi Mullapudi
 
ATAR: Attention-based LSTM for Arabizi transliteration
ATAR: Attention-based LSTM for Arabizi transliterationATAR: Attention-based LSTM for Arabizi transliteration
ATAR: Attention-based LSTM for Arabizi transliterationIJECEIAES
 
SYLLABLE-BASED NEURAL NAMED ENTITY RECOGNITION FOR MYANMAR LANGUAGE
SYLLABLE-BASED NEURAL NAMED ENTITY RECOGNITION FOR MYANMAR LANGUAGESYLLABLE-BASED NEURAL NAMED ENTITY RECOGNITION FOR MYANMAR LANGUAGE
SYLLABLE-BASED NEURAL NAMED ENTITY RECOGNITION FOR MYANMAR LANGUAGEijnlc
 
Parameters Optimization for Improving ASR Performance in Adverse Real World N...
Parameters Optimization for Improving ASR Performance in Adverse Real World N...Parameters Optimization for Improving ASR Performance in Adverse Real World N...
Parameters Optimization for Improving ASR Performance in Adverse Real World N...Waqas Tariq
 
An Intersemiotic Translation of Normative Utterances to Machine Language
An Intersemiotic Translation of Normative Utterances to Machine LanguageAn Intersemiotic Translation of Normative Utterances to Machine Language
An Intersemiotic Translation of Normative Utterances to Machine Languagedannyijwest
 
Natural Language Processing Theory, Applications and Difficulties
Natural Language Processing Theory, Applications and DifficultiesNatural Language Processing Theory, Applications and Difficulties
Natural Language Processing Theory, Applications and Difficultiesijtsrd
 
Improvement wsd dictionary using annotated corpus and testing it with simplif...
Improvement wsd dictionary using annotated corpus and testing it with simplif...Improvement wsd dictionary using annotated corpus and testing it with simplif...
Improvement wsd dictionary using annotated corpus and testing it with simplif...csandit
 
Named Entity Recognition using Hidden Markov Model (HMM)
Named Entity Recognition using Hidden Markov Model (HMM)Named Entity Recognition using Hidden Markov Model (HMM)
Named Entity Recognition using Hidden Markov Model (HMM)kevig
 
An Investigation of Keywords Extraction from Textual Documents using Word2Ve...
 An Investigation of Keywords Extraction from Textual Documents using Word2Ve... An Investigation of Keywords Extraction from Textual Documents using Word2Ve...
An Investigation of Keywords Extraction from Textual Documents using Word2Ve...IJCSIS Research Publications
 
NAMED ENTITY RECOGNITION FROM BENGALI NEWSPAPER DATA
NAMED ENTITY RECOGNITION FROM BENGALI NEWSPAPER DATANAMED ENTITY RECOGNITION FROM BENGALI NEWSPAPER DATA
NAMED ENTITY RECOGNITION FROM BENGALI NEWSPAPER DATAijnlc
 
XAI LANGUAGE TUTOR - A XAI-BASED LANGUAGE LEARNING CHATBOT USING ONTOLOGY AND...
XAI LANGUAGE TUTOR - A XAI-BASED LANGUAGE LEARNING CHATBOT USING ONTOLOGY AND...XAI LANGUAGE TUTOR - A XAI-BASED LANGUAGE LEARNING CHATBOT USING ONTOLOGY AND...
XAI LANGUAGE TUTOR - A XAI-BASED LANGUAGE LEARNING CHATBOT USING ONTOLOGY AND...ijnlc
 
Ijarcet vol-3-issue-1-9-11
Ijarcet vol-3-issue-1-9-11Ijarcet vol-3-issue-1-9-11
Ijarcet vol-3-issue-1-9-11Dhabal Sethi
 
NERHMM: A TOOL FOR NAMED ENTITY RECOGNITION BASED ON HIDDEN MARKOV MODEL
NERHMM: A TOOL FOR NAMED ENTITY RECOGNITION BASED ON HIDDEN MARKOV MODELNERHMM: A TOOL FOR NAMED ENTITY RECOGNITION BASED ON HIDDEN MARKOV MODEL
NERHMM: A TOOL FOR NAMED ENTITY RECOGNITION BASED ON HIDDEN MARKOV MODELijnlc
 
Dictionary based concept mining an application for turkish
Dictionary based concept mining  an application for turkishDictionary based concept mining  an application for turkish
Dictionary based concept mining an application for turkishcsandit
 

La actualidad más candente (17)

A N H YBRID A PPROACH TO W ORD S ENSE D ISAMBIGUATION W ITH A ND W ITH...
A N H YBRID  A PPROACH TO  W ORD  S ENSE  D ISAMBIGUATION  W ITH  A ND  W ITH...A N H YBRID  A PPROACH TO  W ORD  S ENSE  D ISAMBIGUATION  W ITH  A ND  W ITH...
A N H YBRID A PPROACH TO W ORD S ENSE D ISAMBIGUATION W ITH A ND W ITH...
 
A Dialogue System for Telugu, a Resource-Poor Language
A Dialogue System for Telugu, a Resource-Poor LanguageA Dialogue System for Telugu, a Resource-Poor Language
A Dialogue System for Telugu, a Resource-Poor Language
 
ATAR: Attention-based LSTM for Arabizi transliteration
ATAR: Attention-based LSTM for Arabizi transliterationATAR: Attention-based LSTM for Arabizi transliteration
ATAR: Attention-based LSTM for Arabizi transliteration
 
SYLLABLE-BASED NEURAL NAMED ENTITY RECOGNITION FOR MYANMAR LANGUAGE
SYLLABLE-BASED NEURAL NAMED ENTITY RECOGNITION FOR MYANMAR LANGUAGESYLLABLE-BASED NEURAL NAMED ENTITY RECOGNITION FOR MYANMAR LANGUAGE
SYLLABLE-BASED NEURAL NAMED ENTITY RECOGNITION FOR MYANMAR LANGUAGE
 
Parameters Optimization for Improving ASR Performance in Adverse Real World N...
Parameters Optimization for Improving ASR Performance in Adverse Real World N...Parameters Optimization for Improving ASR Performance in Adverse Real World N...
Parameters Optimization for Improving ASR Performance in Adverse Real World N...
 
An Intersemiotic Translation of Normative Utterances to Machine Language
An Intersemiotic Translation of Normative Utterances to Machine LanguageAn Intersemiotic Translation of Normative Utterances to Machine Language
An Intersemiotic Translation of Normative Utterances to Machine Language
 
Natural Language Processing Theory, Applications and Difficulties
Natural Language Processing Theory, Applications and DifficultiesNatural Language Processing Theory, Applications and Difficulties
Natural Language Processing Theory, Applications and Difficulties
 
Improvement wsd dictionary using annotated corpus and testing it with simplif...
Improvement wsd dictionary using annotated corpus and testing it with simplif...Improvement wsd dictionary using annotated corpus and testing it with simplif...
Improvement wsd dictionary using annotated corpus and testing it with simplif...
 
FIRE2014_IIT-P
FIRE2014_IIT-PFIRE2014_IIT-P
FIRE2014_IIT-P
 
Named Entity Recognition using Hidden Markov Model (HMM)
Named Entity Recognition using Hidden Markov Model (HMM)Named Entity Recognition using Hidden Markov Model (HMM)
Named Entity Recognition using Hidden Markov Model (HMM)
 
An Investigation of Keywords Extraction from Textual Documents using Word2Ve...
 An Investigation of Keywords Extraction from Textual Documents using Word2Ve... An Investigation of Keywords Extraction from Textual Documents using Word2Ve...
An Investigation of Keywords Extraction from Textual Documents using Word2Ve...
 
NAMED ENTITY RECOGNITION FROM BENGALI NEWSPAPER DATA
NAMED ENTITY RECOGNITION FROM BENGALI NEWSPAPER DATANAMED ENTITY RECOGNITION FROM BENGALI NEWSPAPER DATA
NAMED ENTITY RECOGNITION FROM BENGALI NEWSPAPER DATA
 
XAI LANGUAGE TUTOR - A XAI-BASED LANGUAGE LEARNING CHATBOT USING ONTOLOGY AND...
XAI LANGUAGE TUTOR - A XAI-BASED LANGUAGE LEARNING CHATBOT USING ONTOLOGY AND...XAI LANGUAGE TUTOR - A XAI-BASED LANGUAGE LEARNING CHATBOT USING ONTOLOGY AND...
XAI LANGUAGE TUTOR - A XAI-BASED LANGUAGE LEARNING CHATBOT USING ONTOLOGY AND...
 
Ijarcet vol-3-issue-1-9-11
Ijarcet vol-3-issue-1-9-11Ijarcet vol-3-issue-1-9-11
Ijarcet vol-3-issue-1-9-11
 
NERHMM: A TOOL FOR NAMED ENTITY RECOGNITION BASED ON HIDDEN MARKOV MODEL
NERHMM: A TOOL FOR NAMED ENTITY RECOGNITION BASED ON HIDDEN MARKOV MODELNERHMM: A TOOL FOR NAMED ENTITY RECOGNITION BASED ON HIDDEN MARKOV MODEL
NERHMM: A TOOL FOR NAMED ENTITY RECOGNITION BASED ON HIDDEN MARKOV MODEL
 
Dictionary based concept mining an application for turkish
Dictionary based concept mining  an application for turkishDictionary based concept mining  an application for turkish
Dictionary based concept mining an application for turkish
 
Plug play language_models
Plug play language_modelsPlug play language_models
Plug play language_models
 

Similar a A NOVEL APPROACH FOR NAMED ENTITY RECOGNITION ON HINDI LANGUAGE USING RESIDUAL BILSTM NETWORK

A Comprehensive Study On Natural Language Processing And Natural Language Int...
A Comprehensive Study On Natural Language Processing And Natural Language Int...A Comprehensive Study On Natural Language Processing And Natural Language Int...
A Comprehensive Study On Natural Language Processing And Natural Language Int...Scott Bou
 
ON THE UTILITY OF A SYLLABLE-LIKE SEGMENTATION FOR LEARNING A TRANSLITERATION...
ON THE UTILITY OF A SYLLABLE-LIKE SEGMENTATION FOR LEARNING A TRANSLITERATION...ON THE UTILITY OF A SYLLABLE-LIKE SEGMENTATION FOR LEARNING A TRANSLITERATION...
ON THE UTILITY OF A SYLLABLE-LIKE SEGMENTATION FOR LEARNING A TRANSLITERATION...cscpconf
 
IRJET- Querying Database using Natural Language Interface
IRJET-  	  Querying Database using Natural Language InterfaceIRJET-  	  Querying Database using Natural Language Interface
IRJET- Querying Database using Natural Language InterfaceIRJET Journal
 
An Overview Of Natural Language Processing
An Overview Of Natural Language ProcessingAn Overview Of Natural Language Processing
An Overview Of Natural Language ProcessingScott Faria
 
MULTILINGUAL SPEECH TO TEXT USING DEEP LEARNING BASED ON MFCC FEATURES
MULTILINGUAL SPEECH TO TEXT USING DEEP LEARNING BASED ON MFCC FEATURESMULTILINGUAL SPEECH TO TEXT USING DEEP LEARNING BASED ON MFCC FEATURES
MULTILINGUAL SPEECH TO TEXT USING DEEP LEARNING BASED ON MFCC FEATURESmlaij
 
Automatic text summarization of konkani texts using pre-trained word embeddin...
Automatic text summarization of konkani texts using pre-trained word embeddin...Automatic text summarization of konkani texts using pre-trained word embeddin...
Automatic text summarization of konkani texts using pre-trained word embeddin...IJECEIAES
 
Phrase Structure Identification and Classification of Sentences using Deep Le...
Phrase Structure Identification and Classification of Sentences using Deep Le...Phrase Structure Identification and Classification of Sentences using Deep Le...
Phrase Structure Identification and Classification of Sentences using Deep Le...ijtsrd
 
A prior case study of natural language processing on different domain
A prior case study of natural language processing  on different domain A prior case study of natural language processing  on different domain
A prior case study of natural language processing on different domain IJECEIAES
 
Document Classification Using KNN with Fuzzy Bags of Word Representation
Document Classification Using KNN with Fuzzy Bags of Word RepresentationDocument Classification Using KNN with Fuzzy Bags of Word Representation
Document Classification Using KNN with Fuzzy Bags of Word Representationsuthi
 
Automatic classification of bengali sentences based on sense definitions pres...
Automatic classification of bengali sentences based on sense definitions pres...Automatic classification of bengali sentences based on sense definitions pres...
Automatic classification of bengali sentences based on sense definitions pres...ijctcm
 
Ara--CANINE: Character-Based Pre-Trained Language Model for Arabic Language U...
Ara--CANINE: Character-Based Pre-Trained Language Model for Arabic Language U...Ara--CANINE: Character-Based Pre-Trained Language Model for Arabic Language U...
Ara--CANINE: Character-Based Pre-Trained Language Model for Arabic Language U...IJCI JOURNAL
 
SENTIMENT ANALYSIS IN MYANMAR LANGUAGE USING CONVOLUTIONAL LSTM NEURAL NETWORK
SENTIMENT ANALYSIS IN MYANMAR LANGUAGE USING CONVOLUTIONAL LSTM NEURAL NETWORKSENTIMENT ANALYSIS IN MYANMAR LANGUAGE USING CONVOLUTIONAL LSTM NEURAL NETWORK
SENTIMENT ANALYSIS IN MYANMAR LANGUAGE USING CONVOLUTIONAL LSTM NEURAL NETWORKijnlc
 
Sentiment Analysis In Myanmar Language Using Convolutional Lstm Neural Network
Sentiment Analysis In Myanmar Language Using Convolutional Lstm Neural NetworkSentiment Analysis In Myanmar Language Using Convolutional Lstm Neural Network
Sentiment Analysis In Myanmar Language Using Convolutional Lstm Neural Networkkevig
 
Analysis of the evolution of advanced transformer-based language models: Expe...
Analysis of the evolution of advanced transformer-based language models: Expe...Analysis of the evolution of advanced transformer-based language models: Expe...
Analysis of the evolution of advanced transformer-based language models: Expe...IAESIJAI
 
Natural language processing for requirements engineering: ICSE 2021 Technical...
Natural language processing for requirements engineering: ICSE 2021 Technical...Natural language processing for requirements engineering: ICSE 2021 Technical...
Natural language processing for requirements engineering: ICSE 2021 Technical...alessio_ferrari
 
IRJET- An Efficient Way to Querying XML Database using Natural Language
IRJET-  	  An Efficient Way to Querying XML Database using Natural LanguageIRJET-  	  An Efficient Way to Querying XML Database using Natural Language
IRJET- An Efficient Way to Querying XML Database using Natural LanguageIRJET Journal
 
Speech To Speech Translation
Speech To Speech TranslationSpeech To Speech Translation
Speech To Speech TranslationIRJET Journal
 
IRJET- Survey on Generating Suggestions for Erroneous Part in a Sentence
IRJET- Survey on Generating Suggestions for Erroneous Part in a SentenceIRJET- Survey on Generating Suggestions for Erroneous Part in a Sentence
IRJET- Survey on Generating Suggestions for Erroneous Part in a SentenceIRJET Journal
 
A comparative analysis of particle swarm optimization and k means algorithm f...
A comparative analysis of particle swarm optimization and k means algorithm f...A comparative analysis of particle swarm optimization and k means algorithm f...
A comparative analysis of particle swarm optimization and k means algorithm f...ijnlc
 
IRJET -Survey on Named Entity Recognition using Syntactic Parsing for Hindi L...
IRJET -Survey on Named Entity Recognition using Syntactic Parsing for Hindi L...IRJET -Survey on Named Entity Recognition using Syntactic Parsing for Hindi L...
IRJET -Survey on Named Entity Recognition using Syntactic Parsing for Hindi L...IRJET Journal
 

Similar a A NOVEL APPROACH FOR NAMED ENTITY RECOGNITION ON HINDI LANGUAGE USING RESIDUAL BILSTM NETWORK (20)

A Comprehensive Study On Natural Language Processing And Natural Language Int...
A Comprehensive Study On Natural Language Processing And Natural Language Int...A Comprehensive Study On Natural Language Processing And Natural Language Int...
A Comprehensive Study On Natural Language Processing And Natural Language Int...
 
ON THE UTILITY OF A SYLLABLE-LIKE SEGMENTATION FOR LEARNING A TRANSLITERATION...
ON THE UTILITY OF A SYLLABLE-LIKE SEGMENTATION FOR LEARNING A TRANSLITERATION...ON THE UTILITY OF A SYLLABLE-LIKE SEGMENTATION FOR LEARNING A TRANSLITERATION...
ON THE UTILITY OF A SYLLABLE-LIKE SEGMENTATION FOR LEARNING A TRANSLITERATION...
 
IRJET- Querying Database using Natural Language Interface
IRJET-  	  Querying Database using Natural Language InterfaceIRJET-  	  Querying Database using Natural Language Interface
IRJET- Querying Database using Natural Language Interface
 
An Overview Of Natural Language Processing
An Overview Of Natural Language ProcessingAn Overview Of Natural Language Processing
An Overview Of Natural Language Processing
 
MULTILINGUAL SPEECH TO TEXT USING DEEP LEARNING BASED ON MFCC FEATURES
MULTILINGUAL SPEECH TO TEXT USING DEEP LEARNING BASED ON MFCC FEATURESMULTILINGUAL SPEECH TO TEXT USING DEEP LEARNING BASED ON MFCC FEATURES
MULTILINGUAL SPEECH TO TEXT USING DEEP LEARNING BASED ON MFCC FEATURES
 
Automatic text summarization of konkani texts using pre-trained word embeddin...
Automatic text summarization of konkani texts using pre-trained word embeddin...Automatic text summarization of konkani texts using pre-trained word embeddin...
Automatic text summarization of konkani texts using pre-trained word embeddin...
 
Phrase Structure Identification and Classification of Sentences using Deep Le...
Phrase Structure Identification and Classification of Sentences using Deep Le...Phrase Structure Identification and Classification of Sentences using Deep Le...
Phrase Structure Identification and Classification of Sentences using Deep Le...
 
A prior case study of natural language processing on different domain
A prior case study of natural language processing  on different domain A prior case study of natural language processing  on different domain
A prior case study of natural language processing on different domain
 
Document Classification Using KNN with Fuzzy Bags of Word Representation
Document Classification Using KNN with Fuzzy Bags of Word RepresentationDocument Classification Using KNN with Fuzzy Bags of Word Representation
Document Classification Using KNN with Fuzzy Bags of Word Representation
 
Automatic classification of bengali sentences based on sense definitions pres...
Automatic classification of bengali sentences based on sense definitions pres...Automatic classification of bengali sentences based on sense definitions pres...
Automatic classification of bengali sentences based on sense definitions pres...
 
Ara--CANINE: Character-Based Pre-Trained Language Model for Arabic Language U...
Ara--CANINE: Character-Based Pre-Trained Language Model for Arabic Language U...Ara--CANINE: Character-Based Pre-Trained Language Model for Arabic Language U...
Ara--CANINE: Character-Based Pre-Trained Language Model for Arabic Language U...
 
SENTIMENT ANALYSIS IN MYANMAR LANGUAGE USING CONVOLUTIONAL LSTM NEURAL NETWORK
SENTIMENT ANALYSIS IN MYANMAR LANGUAGE USING CONVOLUTIONAL LSTM NEURAL NETWORKSENTIMENT ANALYSIS IN MYANMAR LANGUAGE USING CONVOLUTIONAL LSTM NEURAL NETWORK
SENTIMENT ANALYSIS IN MYANMAR LANGUAGE USING CONVOLUTIONAL LSTM NEURAL NETWORK
 
Sentiment Analysis In Myanmar Language Using Convolutional Lstm Neural Network
Sentiment Analysis In Myanmar Language Using Convolutional Lstm Neural NetworkSentiment Analysis In Myanmar Language Using Convolutional Lstm Neural Network
Sentiment Analysis In Myanmar Language Using Convolutional Lstm Neural Network
 
Analysis of the evolution of advanced transformer-based language models: Expe...
Analysis of the evolution of advanced transformer-based language models: Expe...Analysis of the evolution of advanced transformer-based language models: Expe...
Analysis of the evolution of advanced transformer-based language models: Expe...
 
Natural language processing for requirements engineering: ICSE 2021 Technical...
Natural language processing for requirements engineering: ICSE 2021 Technical...Natural language processing for requirements engineering: ICSE 2021 Technical...
Natural language processing for requirements engineering: ICSE 2021 Technical...
 
IRJET- An Efficient Way to Querying XML Database using Natural Language
IRJET-  	  An Efficient Way to Querying XML Database using Natural LanguageIRJET-  	  An Efficient Way to Querying XML Database using Natural Language
IRJET- An Efficient Way to Querying XML Database using Natural Language
 
Speech To Speech Translation
Speech To Speech TranslationSpeech To Speech Translation
Speech To Speech Translation
 
IRJET- Survey on Generating Suggestions for Erroneous Part in a Sentence
IRJET- Survey on Generating Suggestions for Erroneous Part in a SentenceIRJET- Survey on Generating Suggestions for Erroneous Part in a Sentence
IRJET- Survey on Generating Suggestions for Erroneous Part in a Sentence
 
A comparative analysis of particle swarm optimization and k means algorithm f...
A comparative analysis of particle swarm optimization and k means algorithm f...A comparative analysis of particle swarm optimization and k means algorithm f...
A comparative analysis of particle swarm optimization and k means algorithm f...
 
IRJET -Survey on Named Entity Recognition using Syntactic Parsing for Hindi L...
IRJET -Survey on Named Entity Recognition using Syntactic Parsing for Hindi L...IRJET -Survey on Named Entity Recognition using Syntactic Parsing for Hindi L...
IRJET -Survey on Named Entity Recognition using Syntactic Parsing for Hindi L...
 

Más de kevig

IJNLC 2013 - Ambiguity-Aware Document Similarity
IJNLC  2013 - Ambiguity-Aware Document SimilarityIJNLC  2013 - Ambiguity-Aware Document Similarity
IJNLC 2013 - Ambiguity-Aware Document Similaritykevig
 
Genetic Approach For Arabic Part Of Speech Tagging
Genetic Approach For Arabic Part Of Speech TaggingGenetic Approach For Arabic Part Of Speech Tagging
Genetic Approach For Arabic Part Of Speech Taggingkevig
 
Rule Based Transliteration Scheme for English to Punjabi
Rule Based Transliteration Scheme for English to PunjabiRule Based Transliteration Scheme for English to Punjabi
Rule Based Transliteration Scheme for English to Punjabikevig
 
Improving Dialogue Management Through Data Optimization
Improving Dialogue Management Through Data OptimizationImproving Dialogue Management Through Data Optimization
Improving Dialogue Management Through Data Optimizationkevig
 
Document Author Classification using Parsed Language Structure
Document Author Classification using Parsed Language StructureDocument Author Classification using Parsed Language Structure
Document Author Classification using Parsed Language Structurekevig
 
Rag-Fusion: A New Take on Retrieval Augmented Generation
Rag-Fusion: A New Take on Retrieval Augmented GenerationRag-Fusion: A New Take on Retrieval Augmented Generation
Rag-Fusion: A New Take on Retrieval Augmented Generationkevig
 
Performance, Energy Consumption and Costs: A Comparative Analysis of Automati...
Performance, Energy Consumption and Costs: A Comparative Analysis of Automati...Performance, Energy Consumption and Costs: A Comparative Analysis of Automati...
Performance, Energy Consumption and Costs: A Comparative Analysis of Automati...kevig
 
Evaluation of Medium-Sized Language Models in German and English Language
Evaluation of Medium-Sized Language Models in German and English LanguageEvaluation of Medium-Sized Language Models in German and English Language
Evaluation of Medium-Sized Language Models in German and English Languagekevig
 
IMPROVING DIALOGUE MANAGEMENT THROUGH DATA OPTIMIZATION
IMPROVING DIALOGUE MANAGEMENT THROUGH DATA OPTIMIZATIONIMPROVING DIALOGUE MANAGEMENT THROUGH DATA OPTIMIZATION
IMPROVING DIALOGUE MANAGEMENT THROUGH DATA OPTIMIZATIONkevig
 
Document Author Classification Using Parsed Language Structure
Document Author Classification Using Parsed Language StructureDocument Author Classification Using Parsed Language Structure
Document Author Classification Using Parsed Language Structurekevig
 
RAG-FUSION: A NEW TAKE ON RETRIEVALAUGMENTED GENERATION
RAG-FUSION: A NEW TAKE ON RETRIEVALAUGMENTED GENERATIONRAG-FUSION: A NEW TAKE ON RETRIEVALAUGMENTED GENERATION
RAG-FUSION: A NEW TAKE ON RETRIEVALAUGMENTED GENERATIONkevig
 
Performance, energy consumption and costs: a comparative analysis of automati...
Performance, energy consumption and costs: a comparative analysis of automati...Performance, energy consumption and costs: a comparative analysis of automati...
Performance, energy consumption and costs: a comparative analysis of automati...kevig
 
EVALUATION OF MEDIUM-SIZED LANGUAGE MODELS IN GERMAN AND ENGLISH LANGUAGE
EVALUATION OF MEDIUM-SIZED LANGUAGE MODELS IN GERMAN AND ENGLISH LANGUAGEEVALUATION OF MEDIUM-SIZED LANGUAGE MODELS IN GERMAN AND ENGLISH LANGUAGE
EVALUATION OF MEDIUM-SIZED LANGUAGE MODELS IN GERMAN AND ENGLISH LANGUAGEkevig
 
February 2024 - Top 10 cited articles.pdf
February 2024 - Top 10 cited articles.pdfFebruary 2024 - Top 10 cited articles.pdf
February 2024 - Top 10 cited articles.pdfkevig
 
Enhanced Retrieval of Web Pages using Improved Page Rank Algorithm
Enhanced Retrieval of Web Pages using Improved Page Rank AlgorithmEnhanced Retrieval of Web Pages using Improved Page Rank Algorithm
Enhanced Retrieval of Web Pages using Improved Page Rank Algorithmkevig
 
Effect of MFCC Based Features for Speech Signal Alignments
Effect of MFCC Based Features for Speech Signal AlignmentsEffect of MFCC Based Features for Speech Signal Alignments
Effect of MFCC Based Features for Speech Signal Alignmentskevig
 
NERHMM: A Tool for Named Entity Recognition Based on Hidden Markov Model
NERHMM: A Tool for Named Entity Recognition Based on Hidden Markov ModelNERHMM: A Tool for Named Entity Recognition Based on Hidden Markov Model
NERHMM: A Tool for Named Entity Recognition Based on Hidden Markov Modelkevig
 
NLization of Nouns, Pronouns and Prepositions in Punjabi With EUGENE
NLization of Nouns, Pronouns and Prepositions in Punjabi With EUGENENLization of Nouns, Pronouns and Prepositions in Punjabi With EUGENE
NLization of Nouns, Pronouns and Prepositions in Punjabi With EUGENEkevig
 
January 2024: Top 10 Downloaded Articles in Natural Language Computing
January 2024: Top 10 Downloaded Articles in Natural Language ComputingJanuary 2024: Top 10 Downloaded Articles in Natural Language Computing
January 2024: Top 10 Downloaded Articles in Natural Language Computingkevig
 
Clustering Web Search Results for Effective Arabic Language Browsing
Clustering Web Search Results for Effective Arabic Language BrowsingClustering Web Search Results for Effective Arabic Language Browsing
Clustering Web Search Results for Effective Arabic Language Browsingkevig
 

Más de kevig (20)

IJNLC 2013 - Ambiguity-Aware Document Similarity
IJNLC  2013 - Ambiguity-Aware Document SimilarityIJNLC  2013 - Ambiguity-Aware Document Similarity
IJNLC 2013 - Ambiguity-Aware Document Similarity
 
Genetic Approach For Arabic Part Of Speech Tagging
Genetic Approach For Arabic Part Of Speech TaggingGenetic Approach For Arabic Part Of Speech Tagging
Genetic Approach For Arabic Part Of Speech Tagging
 
Rule Based Transliteration Scheme for English to Punjabi
Rule Based Transliteration Scheme for English to PunjabiRule Based Transliteration Scheme for English to Punjabi
Rule Based Transliteration Scheme for English to Punjabi
 
Improving Dialogue Management Through Data Optimization
Improving Dialogue Management Through Data OptimizationImproving Dialogue Management Through Data Optimization
Improving Dialogue Management Through Data Optimization
 
Document Author Classification using Parsed Language Structure
Document Author Classification using Parsed Language StructureDocument Author Classification using Parsed Language Structure
Document Author Classification using Parsed Language Structure
 
Rag-Fusion: A New Take on Retrieval Augmented Generation
Rag-Fusion: A New Take on Retrieval Augmented GenerationRag-Fusion: A New Take on Retrieval Augmented Generation
Rag-Fusion: A New Take on Retrieval Augmented Generation
 
Performance, Energy Consumption and Costs: A Comparative Analysis of Automati...
Performance, Energy Consumption and Costs: A Comparative Analysis of Automati...Performance, Energy Consumption and Costs: A Comparative Analysis of Automati...
Performance, Energy Consumption and Costs: A Comparative Analysis of Automati...
 
Evaluation of Medium-Sized Language Models in German and English Language
Evaluation of Medium-Sized Language Models in German and English LanguageEvaluation of Medium-Sized Language Models in German and English Language
Evaluation of Medium-Sized Language Models in German and English Language
 
IMPROVING DIALOGUE MANAGEMENT THROUGH DATA OPTIMIZATION
IMPROVING DIALOGUE MANAGEMENT THROUGH DATA OPTIMIZATIONIMPROVING DIALOGUE MANAGEMENT THROUGH DATA OPTIMIZATION
IMPROVING DIALOGUE MANAGEMENT THROUGH DATA OPTIMIZATION
 
Document Author Classification Using Parsed Language Structure
Document Author Classification Using Parsed Language StructureDocument Author Classification Using Parsed Language Structure
Document Author Classification Using Parsed Language Structure
 
RAG-FUSION: A NEW TAKE ON RETRIEVALAUGMENTED GENERATION
RAG-FUSION: A NEW TAKE ON RETRIEVALAUGMENTED GENERATIONRAG-FUSION: A NEW TAKE ON RETRIEVALAUGMENTED GENERATION
RAG-FUSION: A NEW TAKE ON RETRIEVALAUGMENTED GENERATION
 
Performance, energy consumption and costs: a comparative analysis of automati...
Performance, energy consumption and costs: a comparative analysis of automati...Performance, energy consumption and costs: a comparative analysis of automati...
Performance, energy consumption and costs: a comparative analysis of automati...
 
EVALUATION OF MEDIUM-SIZED LANGUAGE MODELS IN GERMAN AND ENGLISH LANGUAGE
EVALUATION OF MEDIUM-SIZED LANGUAGE MODELS IN GERMAN AND ENGLISH LANGUAGEEVALUATION OF MEDIUM-SIZED LANGUAGE MODELS IN GERMAN AND ENGLISH LANGUAGE
EVALUATION OF MEDIUM-SIZED LANGUAGE MODELS IN GERMAN AND ENGLISH LANGUAGE
 
February 2024 - Top 10 cited articles.pdf
February 2024 - Top 10 cited articles.pdfFebruary 2024 - Top 10 cited articles.pdf
February 2024 - Top 10 cited articles.pdf
 
Enhanced Retrieval of Web Pages using Improved Page Rank Algorithm
Enhanced Retrieval of Web Pages using Improved Page Rank AlgorithmEnhanced Retrieval of Web Pages using Improved Page Rank Algorithm
Enhanced Retrieval of Web Pages using Improved Page Rank Algorithm
 
Effect of MFCC Based Features for Speech Signal Alignments
Effect of MFCC Based Features for Speech Signal AlignmentsEffect of MFCC Based Features for Speech Signal Alignments
Effect of MFCC Based Features for Speech Signal Alignments
 
NERHMM: A Tool for Named Entity Recognition Based on Hidden Markov Model
NERHMM: A Tool for Named Entity Recognition Based on Hidden Markov ModelNERHMM: A Tool for Named Entity Recognition Based on Hidden Markov Model
NERHMM: A Tool for Named Entity Recognition Based on Hidden Markov Model
 
NLization of Nouns, Pronouns and Prepositions in Punjabi With EUGENE
NLization of Nouns, Pronouns and Prepositions in Punjabi With EUGENENLization of Nouns, Pronouns and Prepositions in Punjabi With EUGENE
NLization of Nouns, Pronouns and Prepositions in Punjabi With EUGENE
 
January 2024: Top 10 Downloaded Articles in Natural Language Computing
January 2024: Top 10 Downloaded Articles in Natural Language ComputingJanuary 2024: Top 10 Downloaded Articles in Natural Language Computing
January 2024: Top 10 Downloaded Articles in Natural Language Computing
 
Clustering Web Search Results for Effective Arabic Language Browsing
Clustering Web Search Results for Effective Arabic Language BrowsingClustering Web Search Results for Effective Arabic Language Browsing
Clustering Web Search Results for Effective Arabic Language Browsing
 

Último

Booking open Available Pune Call Girls Pargaon 6297143586 Call Hot Indian Gi...
Booking open Available Pune Call Girls Pargaon  6297143586 Call Hot Indian Gi...Booking open Available Pune Call Girls Pargaon  6297143586 Call Hot Indian Gi...
Booking open Available Pune Call Girls Pargaon 6297143586 Call Hot Indian Gi...Call Girls in Nagpur High Profile
 
result management system report for college project
result management system report for college projectresult management system report for college project
result management system report for college projectTonystark477637
 
Introduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxupamatechverse
 
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...Call Girls in Nagpur High Profile
 
UNIT-V FMM.HYDRAULIC TURBINE - Construction and working
UNIT-V FMM.HYDRAULIC TURBINE - Construction and workingUNIT-V FMM.HYDRAULIC TURBINE - Construction and working
UNIT-V FMM.HYDRAULIC TURBINE - Construction and workingrknatarajan
 
KubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghlyKubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghlysanyuktamishra911
 
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSMANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSSIVASHANKAR N
 
Introduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxIntroduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxupamatechverse
 
Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations120cr0395
 
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
 
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...roncy bisnoi
 
UNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its PerformanceUNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its Performancesivaprakash250
 
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...Christo Ananth
 
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur High Profile
 
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete RecordCCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete RecordAsst.prof M.Gokilavani
 
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Christo Ananth
 
The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...
The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...
The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...ranjana rawat
 
Porous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingPorous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingrakeshbaidya232001
 
Introduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxIntroduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxupamatechverse
 
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
 

Último (20)

Booking open Available Pune Call Girls Pargaon 6297143586 Call Hot Indian Gi...
Booking open Available Pune Call Girls Pargaon  6297143586 Call Hot Indian Gi...Booking open Available Pune Call Girls Pargaon  6297143586 Call Hot Indian Gi...
Booking open Available Pune Call Girls Pargaon 6297143586 Call Hot Indian Gi...
 
result management system report for college project
result management system report for college projectresult management system report for college project
result management system report for college project
 
Introduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptx
 
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...
 
UNIT-V FMM.HYDRAULIC TURBINE - Construction and working
UNIT-V FMM.HYDRAULIC TURBINE - Construction and workingUNIT-V FMM.HYDRAULIC TURBINE - Construction and working
UNIT-V FMM.HYDRAULIC TURBINE - Construction and working
 
KubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghlyKubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghly
 
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSMANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
 
Introduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxIntroduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptx
 
Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations
 
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
 
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
 
UNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its PerformanceUNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its Performance
 
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...
 
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
 
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete RecordCCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
 
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
 
The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...
The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...
The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...
 
Porous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingPorous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writing
 
Introduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxIntroduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptx
 
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
 

A NOVEL APPROACH FOR NAMED ENTITY RECOGNITION ON HINDI LANGUAGE USING RESIDUAL BILSTM NETWORK

  • 1. International Journal on Natural Language Computing (IJNLC) Vol.9, No.2, April 2020 DOI: 10.5121/ijnlc.2020.9201 1 A NOVEL APPROACH FOR NAMED ENTITY RECOGNITION ON HINDI LANGUAGE USING RESIDUAL BILSTM NETWORK Rita Shelke1 and Prof. Dr. Devendrasingh Thakore2 1 Research Scholar, Pune, India 2 Head, Department of Computer Engineering, Bharati Vidyapeeth (Deemed to be University) College of Engineering, Pune, India ABSTRACT Many Natural Language Processing (NLP) applications involve Named Entity Recognition (NER) as an important task, where it leads to improve the overall performance of NLP applications. In this paper the Deep learning techniques are used to perform NER task on Hindi text data as it found that as compared to English NER, Hindi language NER is not sufficiently done. This is a barrier for resource-scarce languages as many resources are not readily available. Many researchers use various techniques such as rule based, machine learning based and hybrid approaches to solve this problem. Deep learning based algorithms are being developed in large scale as an innovative approach now a days for the advanced NER models which will give the best results out of it. In this paper we devise a Novel architecture based on residual network architecture for preferably Bidirectional Long Short Term Memory (BiLSTM) with fasttext word embedding layers. For this purpose we use pre-trained word embedding to represent the words in the corpus where the NER tags of the words are defined as the used annotated corpora. BiLSTM Development of an NER system for Indian languages is a comparatively difficult task. In this paper, we have done the various experiments to compare the results of NER with normal embedding and fasttext embedding layers to analyse the performance of word embedding with different batch sizes to train the deep learning models. Here we present a state-of-the-art results with said approach F1 Score measures. KEYWORDS Natural Language Processing, Named Entity Recognition, Residual Network, Machine Translation 1. INTRODUCTION Named Entity Recognition (NER) was first introduced in 1995 in (MUC-6) Message Understanding Conference-6 (MUC-6, 1995). [8] Where it is stated as it is consisting of three sub tasks, and these tasks are namely, i) entity names, ii) temporal expressions and iii) number expressions. where the terms to be annotated are as unique identifiers like (a) entity names like the names of organizations, the names of persons or the names of locations etc. (b) temporal expressions like times and dates, and (c) number expressions or quantities like monetary values, percentages. Hence NER is one of the key tasks in the field of information extraction and Natural Language Processing (NLP). English language can boast of a rich NER literature, however, the same cannot be said to be true for Hindi language. There have been periodical attempts, as there is big scope to explore in the Hindi language domain, while considering especially the use of deep learning models have made their way to resolve several language processing problems. Due to Lack of availability of ready tools, rich morphology nature of Hindi language and more precisely the scarcity of annotated corpus data makes it i) difficult to reuse existing deep learning
  • 2. International Journal on Natural Language Computing (IJNLC) Vol.9, No.2, April 2020 2 architectures which are used for English language are more challenging and (b) allows exploring novel and advanced approaches being used for NER task. Based on the success of using machine learning architectures for NER task, for resource rich languages like English, in this paper we follow a simple and effective approach of refining previously proven successful deep neural network models for Hindi language. The idea behind this is to use fasttext embedding structure with residual deep neural network architecture which is novel in nature and which is easy to optimise the model parameters in low-resource scenario. As we design increasingly deeper networks it becomes imperative to understand how adding layers can increase the complexity and expressiveness of the network. Even it is more important that the ability to design networks where adding layers makes networks strictly more expressive rather than just different. The architecture geared towards low resource data and less resources in terms of computing time and power but also shows an improvement over the existing models for the Hindi NER task. We show experimentally that there is an improvement in Hindi NER performance over the base BiLSTM model by adding residual connections, which is the main contribution of this paper. Deep residual networks were shown to be able to scale up to thousands of layers and still have improving performance. [12] We believe that these kinds of modifications or integration of different network models help improve Hindi NER performance especially in low-resource conditions. 2. RELATED WORK Development of an NER system for Indian languages is a comparatively difficult task. Hindi and many other Indian languages provide some inherent difficulties in many NLP related tasks. Consequently, not much work has been done on NER for Indian languages like Hindi. Hindi is the third most spoken language of the world and still no accurate Hindi NER system exists. As some features like capitalization are not available in Hindi and due to lack of a large labelled dataset [11] and of standardization and spelling variations, an English NER system cannot be used directly for Hindi. Furthermore, the structure of the language contain many complexities like free word ordering (which affect ngram-based approaches significantly) and its inflectional nature (affecting hand- engineered approaches significantly). Also, in Indian languages there are many word constructions that can be classified as Named Entities (Derivational/Inflectional constructions) and these constraints on these constructions vary from language to language hence carefully crafted rules need to be made for each language which is a very time consuming and expensive task. Also, the scarcity of labelled data renders many of the statistical approaches like Deep Learning unusable. This complexity in the task is a significant challenge to solve. However, Shah et. al. have demonstrated promising results by utilizing BiLSTM networks to solve the NER problem [5], our work builds upon theirs and adds residual connections to the network. There is a need to develop an accurate Hindi NER system for better presence of Hindi on the Internet. It is necessary to understand Hindi language structure and learn new features for building better Hindi NER systems.
  • 3. International Journal on Natural Language Computing (IJNLC) Vol.9, No.2, April 2020 3 3. MATERIAL AND METHOD 3.1. Word Embeddings Word embeddings are an efficient way to represent words - i.e. words with same meanings are represented in the same way which is useful for various NLP tasks. As the quality of word embeddings depends upon the quality of input data, hence representing the data in the form of words is the essential task and now a days embeddings of words into low dimensional space is mostly suggested. Recently word embeddings like Distributed word representations have contribution to competitive performance in language modeling and with various NLP tasks. There are many neural network embedding approaches where as the skip-gram model of has achieved significant results in many NLP tasks, where it includes sentence completion, analogy and sentiment analysis etc. Word2vec is a statistical method for learning word embeddings from a large text corpus. It outputs a high-dimensional vector space, where each word from the corpus is assigned a vector and words with common contexts are placed proximally close in the vector space. [1] We have chosen Fasttext, a pre-trained word embedding developed and open-sourced by Facebook [2] for our task. As already fasttext approach for English language NER has given results which are comparatively better than regular methods used for Named entity recognition. But in regional language like Hindi it is found that due to the unavailability of large corpus of data the experiments are done with regular Deep learning algorithm with traditional approach. Here, we use novel architecture to analyse the performance of NER w.r.t. BiLSTM neural network. It provides word embeddings for Hindi (and 157 other languages) and is based on the CBOW (Continuous Bag-of-Words) model. The CBOW model learns by predicting the current word based on its context, and it was trained on Common Crawl and Wikipedia. [3] 3.2 Dataset We perform the task of labelling the named entities on the dataset, available at [4], released during ICJNLP 2008 as part of the workshop on NER for South and South East Asian Languages, consisting of 19822 annotated sentences, 490368 total tokens among which 34193 are unique tokens, and 12 categories of entities and one negative entity class other. The 12 categories are given in Table 1 Table 1. Categories in the dataset Tag Category NEP Person ED Designation NEO Organization NEA Abbreviation NEB Brand NETP Title-Person
  • 4. International Journal on Natural Language Computing (IJNLC) Vol.9, No.2, April 2020 4 NETO Title-Object NEL Location NETI Time NEN Number NEM Measure NETE Term is a sample sentence in the dataset. We faced a number of issues while working with the IJCNLP dataset.  More than 80% of the words do not have tags.  Many sentences contain English language words.  It is not clear if words without tags have not been tagged or if they belong to {tt other} category  More than 5,000 sentences in the dataset are with no tags 3.3 Pre-Processing Steps The dataset was in Shakti Standard Format (SSF) but could not directly be fed into a model, so it needed parsing, which was carried out with handwritten Regex parsers in Python. Steps involved in pre-processing the data  Parsing SSF  Removing sentences with no tags, after which 7966 sentences remained.  Mapping all words to numbers which would then be mapped to their respective embeddings with each embedding of dimension 300 for Fasttext  Padding sentences with "0" and truncating sentences so that all sentences are of same length, i.e. 30  The dataset was split in a 70:15:15 ratio for training, testing and validation sets respectively. 3.4 Mathematical Algorithms Used 1) Softmax Activation Function: For activation, our model uses the Softmax function. It is a type of activation function used in Neural Networks. It is used to compute probability distribution from a vector of numbers. It produces an output between 0 to 1, and the sum of probabilities are equal to 1. The Softmax activation function is computed using the following relationship.
  • 5. International Journal on Natural Language Computing (IJNLC) Vol.9, No.2, April 2020 5 The Softmax function is used in multi-class models where it returns probabilities of each class, with the target class having the highest probability. In most cases, the Softmax function shows up in the output layers of deep learning architectures, even in ours. 2) Recurrent Dropout: Recurrent dropout is an method that can preserve memory in an LSTM while still generating different dropout masks for each input sample. Recurrent dropout works by selectively applying dropout to that part of the Recurrent Neural Network which is updating the hidden state, as opposed to the state itself. Thus, a dropped element does not contribute to the network's memory and does not erase the hidden state. For LSTM, the equation is same as vanilla LSTM, except that the equation for Ct changes. 3.5 Proposed Approach Previous works have used Bi-LSTM networks for Hindi NER, but our approach builds on it and adds residual connections to the model. The input is in the form of batches of Hindi sentences in which there is a mapping of numbers to words which is then passed to the embedding (fasttext) layer wherein each number is mapped to a specific vector i.e., each word is mapped to a learned vector in fasttext. To get a deeper representation of the words, we have used a residual connection architecture of two layers which was obtained by adding the output of the first layer to the stacked output of the second layer to get a deeper representation. This residual connection allows the model to get a deeper understanding of the context of the words and improves the performance by increasing the precision score from 78% to 81.9% as compared to the work done by Shah et. al. [5] In order to counter over fitting, we have added a dropout layer after the residual connection and used recurrent dropout in the recurrent layers. At the end of the model, we have used a time distributed dense layer so as to map each word representation in the sentence to a dense layer and from there to an output tag probability for each word. A plot of the model can be seen in Figure 1.
  • 6. International Journal on Natural Language Computing (IJNLC) Vol.9, No.2, April 2020 6 Figure 1. Layers of the Deep Learning Model 4. EXPERIMENTAL RESULTS 4.1 Hardware Setup The models were trained on an MSI laptop having specifications given in Table 2. Due to the heavy word embedding dimensions, it is advisable to carry out the training process on GPUs only. Table 2. Hardware Setup Type Details Memory 7.6 GB Processor Intel Core i5-9300H Residual Connection
  • 7. International Journal on Natural Language Computing (IJNLC) Vol.9, No.2, April 2020 7 CPU @ 2.4 Ghz * 8 (cores) Software Keras and Tensorflow running on GPU with CUDA 10.2 GPU GeForce GTX 1050 Ti/PCle/SSE2 4.2 Results Obtained and Their Analysis The model was trained on 12,464,023 parameters with varying batch sizes and was subject to testing on each. The best results were obtained with batch size 32 and at 5 epochs. The metrics have been calculated on a single fit. Cross validation was not carried out because the dataset is large enough. The results are tabulated and shown in Table 3. The precision was found to be higher by 3.9% than that of previous work done on BiLSTMs for NER. [5] Table 3. Results and Analysis Metric Values F1-score 69.5% Accuracy-score 96.8% Precision-score 81.9% Recall-score 60.4% 5. CONCLUSION Most of the NLP applications in Computer Science have their first step rooted in Named Entity Recognition. However, there is a lack of collated information on NER methods used for processing Hindi.This is one of the first attempts at applying residual connections to BiLSTM networks for NER task.It has been shown that rule-based approaches outperform others if expert linguists are available, but with advances in machine learning and deep learning models, this situation is soon to change, for a large set of languages. REFERENCES [1] Mikolov, Tomas, et al. “Efficient Estimation of Word Representa-tions in Vector Space.” ArXiv:1301.3781 [Cs], Sept. 2013. arXiv.org,http://arxiv.org/abs/1301.3781 [2] Bojanowski, Piotr, et al. “Enriching Word Vectors with Subword Information.” ArXiv:1607.04606 [Cs], June 2017. arXiv.org, http://arxiv.org/abs/1607.04606. [3] Grave, Edouard, et al. “Learning Word Vectors for 157 Languages.” ArXiv:1802.06893 [Cs], Mar. 2018. arXiv.org, http://arxiv.org/abs/1802.0689 3.
  • 8. International Journal on Natural Language Computing (IJNLC) Vol.9, No.2, April 2020 8 [4] IJCNLP-08 Workshop on NER for South and South East Asian Languages. http://ltrc.iiit.ac.in/ner-ssea- 08/. Accessed 29 Feb. 2020. [5] Shah, Bansi, and Sunil Kumar Kopparapu. “A Deep Learning Approach for Hindi Named Entity Recognition.” ArXiv:1911.01421 [Cs], Nov. 2019. arXiv.org, http://arxiv.org/abs/1911.01421. [6] Xie, Jiateng, et al. “Neural Cross-Lingual Named Entity Recognition with Minimal Resources.” ArXiv:1808.09861 [Cs], Sept. 2018. arXiv.org, http://arxiv.org/abs/1808.09861. [7] P, Praveen, and Ravi Kiran V. “Hybrid Named Entity Recognition System for South and South East Asian Languages.” Proceedings of the IJCNLP-08 Workshop on Named Entity Recognition for South and South East Asian Languages, 2008. ACLWeb, https://www.aclweb.org/anthology/I08-5012. [8] MUC-6. 1995. Named Entity Task Definition. 6th Message Understanding Conference. [9] Isozaki, Hideki, and Hideto Kazawa. “Efficient Support Vector Classifiers for Named Entity Recognition.” Proceedings of the 19th International Conference on Computational Linguistics -, vol. 1, Association for Computational Linguistics, 2002, pp. 1–7. DOI.org (Crossref), doi:10.3115/1072228.1072282. [10] Fernandes, Ivo, et al. “Applying Deep Neural Networks to Named Entity Recognition in Portuguese Texts.” 2018 Fifth International Conference on Social Networks Analysis, Management and Security (SNAMS), IEEE, 2018, pp. 284–89. DOI.org (Crossref), doi:10.1109/SNAMS.2018.8554782. [11] Athavale, Vinayak, et al. “Towards Deep Learning in Hindi NER: An Approach to Tackle the Labelled Data Sparsity.” Proceedings of the 13th International Conference on Natural Language Processing, NLP Association of India, 2016, pp. 154–160. ACLWeb, https://www.aclweb.org/anthology/W16-6320. [12] Zagoruyko, Sergey, and Nikos Komodakis. “Wide Residual Networks.” Procedings of the British Machine Vision Conference 2016, British Machine Vision Association, 2016, pp. 87.1-87.12. DOI.org (Crossref), doi:10.5244/C.30.87.