ARABIC HANDWRITTEN CHARACTER RECOGNITION BASED ON DEEP CONVOLUTIONAL NEURAL NETWORKS (original) (raw)

Arabic Handwritten Characters Recognition Using Convolutional Neural Network

Handwritten Arabic character recognition systems face several challenges, including the unlimited variation in human handwriting and large public databases. In this work, we model a deep learning architecture that can be effectively apply to recognizing Arabic handwritten characters. A Convolutional Neural Network (CNN) is a special type of feed-forward multilayer trained in supervised mode. The CNN trained and tested our database that contain 16800 of handwritten Arabic characters. In this paper, the optimization methods implemented to increase the performance of CNN. Common machine learning methods usually apply a combination of feature extractor and trainable classifier. The use of CNN leads to significant improvements across different machine-learning classification algorithms. Our proposed CNN is giving an average 5.1% misclassification error on testing data.

Arabic Handwritten Character Recognition Using Convolutional Neural Networks

Research Square (Research Square), 2023

The Arabic language is one of the six most important languages in the world. Because more than 420 million people worldwide use the Arabic script, research into the recognition of Arabic handwriting is crucial. The demand for software that can automatically read and interpret Arabic Handwriting has been rapidly expanding in recent years as the use of digital devices has become increasingly widespread. Characters are written by Hands in Arabic are more difficult to decipher than those noted in English or other languages because of the nature of the words used in Arabic. In this study, we designed a new model, Convolutional Neural Network 14 Layers (CNN-14), to recognise handwritten Arabic characters. The The model was trained and tested on the Arabic Handwritten Character Dataset (AHCD) and Hijja datasets, The proposed model achieved good results, with an accuracy of 99.36 per cent in AHCD and 94.35 per cent Hijja dataset.

Handwritten Arabic Classification Using Deep Convolutional Neural Networks

2020

Handwritten Arabic, like other handwritten (such as Latin, Chinese, etc.), have received increasing attention from several researchers. To preserve and promote wider access to the invaluable cultural and literary heritage held in both public and private collections of manuscripts, the researchers have proposed and developed several approaches based on annotation, metadata, and transcription. The need to access to the manuscript text is increasing on a large scale. For this reason, traditional methods of indexing such as annotation or transcription will be outdated as they require a considerable and unreliable manual effort. It is, therefore, necessary to develop new tools for the identification and recognition of handwritten text contained in images. However, despite the development that has been shown by Convolutional Neural Network (CNN) in different computer vision tasks, the latter has not known many uses in the field of Arabic manuscripts. Even if, the use of these methods based on deep learning to predict the class of characters, such as the Handwritten numbers, has achieved a great result. Hence, the idea of using methods based on deep learning techniques to classify words and characters in images of Arabic manuscripts. In this paper, we propose two classification methods to predict the class of each word, using the HADARA80P dataset. The first one uses a simple neural network and the last one uses a convolutional neural network. The experimental results obtained by these two methods are very interesting

Improved Arabic Alphabet Characters Classification Using Convolutional Neural Networks (CNN)

Computational Intelligence and Neuroscience, 2022

Handwritten characters recognition is a challenging research topic. A lot of works have been present to recognize letters of different languages. The availability of Arabic handwritten characters databases is limited. Motivated by this topic of research, we propose a convolution neural network for the classification of Arabic handwritten letters. Also, seven optimization algorithms are performed, and the best algorithm is reported. Faced with few available Arabic handwritten datasets, various data augmentation techniques are implemented to improve the robustness needed for the convolution neural network model. The proposed model is improved by using the dropout regularization method to avoid data overfitting problems. Moreover, suitable change is presented in the choice of optimization algorithms and data augmentation approaches to achieve a good performance. The model has been trained on two Arabic handwritten characters datasets AHCD and Hijja. The proposed algorithm achieved high...

Recognition of Arabic handwritten words using convolutional neural network

Indonesian Journal of Electrical Engineering and Computer Science

A new method for recognizing automatically Arabic handwritten words was presented using convolutional neural network architecture. The proposed method is based on global approaches, which consists of recognizing all the words without segmenting into the characters in order to recognize them separately. Convolutional neural network (CNN) is a particular supervised type of neural network based on multilayer principle; our method needs a big dataset of word images to obtain the best result. To optimize our system, a new database was collected from the benchmarking Arabic handwriting database using the pre-processing such as rotation transformation, which is applied on the images of the database to create new images with different features. The convolutional neural network applied on our database that contains 40320 of Arabic handwritten words (26880 images for training set and 13440 for test set). Thus, different configurations on a public benchmark database were evaluated and compared...

Huruf: An Application for Arabic Handwritten Character Recognition Using Deep Learning

2022 25th International Conference on Computer and Information Technology (ICCIT)

Handwriting Recognition has been a field of great interest in the Artificial Intelligence domain. Due to its broad use cases in real life, research has been conducted widely on it. Prominent work has been done in this field focusing mainly on Latin characters. However, the domain of Arabic handwritten character recognition is still relatively unexplored. The inherent cursive nature of the Arabic characters and variations in writing styles across individuals makes the task even more challenging. We identified some probable reasons behind this and proposed a lightweight Convolutional Neural Network-based architecture for recognizing Arabic characters and digits. The proposed pipeline consists of a total of 18 layers containing four layers each for convolution, pooling, batch normalization, dropout, and finally one Global average pooling and a Dense layer. Furthermore, we thoroughly investigated the different choices of hyperparameters such as the choice of the optimizer, kernel initializer, activation function, etc. Evaluating the proposed architecture on the publicly available 'Arabic Handwritten Character Dataset (AHCD)' and 'Modified Arabic handwritten digits Database (MadBase)' datasets, the proposed model respectively achieved an accuracy of 96.93% and 99.35% which is comparable to the state-ofthe-art and makes it a suitable solution for real-life end-level applications.

Arabic Handwritten Alphanumeric Character Recognition Using Very Deep Neural Network

Information

The traditional algorithms for recognizing handwritten alphanumeric characters are dependent on hand-designed features. In recent days, deep learning techniques have brought about new breakthrough technology for pattern recognition applications, especially for handwritten recognition. However, deeper networks are needed to deliver state-of-the-art results in this area. In this paper, inspired by the success of the very deep state-of-the-art VGGNet, we propose Alphanumeric VGG net for Arabic handwritten alphanumeric character recognition. Alphanumeric VGG net is constructed by thirteen convolutional layers, two max-pooling layers, and three fully-connected layers. The proposed model is fast and reliable, which improves the classification performance. Besides, this model has also reduced the overall complexity of VGGNet. We evaluated our approach on two benchmarking databases. We have achieved very promising results, with a validation accuracy of 99.66% for the ADBase database and 97....

Online Handwritten Arabic Digits (Indian) Recognition using Deep learning

International Journal of Advanced Research in Computer and Communication Engineering, 2020

Recognition of handwritten digits has been an important area in recent years because of its uses in many fields. Arabic pattern digits, weak work is performed because Arabic digits (Indian) are more complicated than English patterns. This study focuses on the recognition component of the recognition of handwritten Arabic digits (Indian) that faces many obstacles, including the infinite variety of human handwriting and the broad public databases. The study presented a deep learning approach that can effectively be applied to the recognition of handwritten Arabic digits. Convolutional Neural Network (CNN) trained and tested MADBase database (Arabic handwritten digits images) with 60000 training and 10000 test images.. A contrast is made between the results, and it is seen at the end that the use of CNN has resulted in substantial improvements across various classification algorithms for machine learning, As a test accuracy with better results than other approaches using the same database, the test accuracy was improved to 99.25%.

Experiment study on utilizing convolutional neural networks to recognize historical Arabic handwritten text

2017 1st International Workshop on Arabic Script Analysis and Recognition (ASAR), 2017

Deep learning is a form of hierarchical learning, it consists of multiple layers of representations that gradually transform data into high level concepts. Deep learning has been providing the state of the art results for various computer vision problems. However, a typical deep leaning algorithm needs a large amount of data to train a deep model and guarantee the models ability to generalize. It is not easy to generate large labeled datasets and it is one of the main barriers to apply deep learning for many problems. Data augmentation schemes were introduced to overcome this limitation, by extending small available labeled datasets. In this work we experiment with extending a small labeled dataset of Arabic continuous subwords by an orders of magnitude. The labeled dataset, which consist of handwritten Arabic subwords is used to synthesize a large collection of labeled dataset. The synthesized subwords are based on one or multiple writing styles from the original labeled dataset. We also experiment with generating various printed forms of subwords. We include only Naskh font, as most of the Arabic historical manuscripts were written in this type of font. We train several convolutional neural networks using handwritten, printed and synthesized datasets and obtain encouraging results.

Arabic Handwritten Character Recognition based on Convolution Neural Networks and Support Vector Machine

2020

Recognition of Arabic characters is essential for natural language processing and computer vision fields. The need to recognize and classify the handwritten Arabic letters and characters are essentially required. In this paper, we present an algorithm for recognizing Arabic letters and characters based on using deep convolution neural networks (DCNN) and support vector machine (SVM). This paper addresses the problem of recognizing the Arabic handwritten characters by determining the similarity between the input templates and the pre-stored templates using both fully connected DCNN and dropout SVM. Furthermore, this paper determines the correct classification rate (CRR) depends on the accuracy of the corrected classified templates, of the recognized handwritten Arabic characters. Moreover, we determine the error classification rate (ECR). The experimental results of this work indicate the ability of the proposed algorithm to recognize, identify, and verify the input handwritten Arabi...