International Journal of Current Research and Review
ISSN: 2231-2196 (Print)ISSN: 0975-5241 (Online)
logo
slider
slider
slider
slider
Bootstrap Slider

Indexed and Abstracted in: Crossref, CAS Abstracts, Publons, Google Scholar, Open J-Gate, ROAD, Indian Citation Index (ICI), ResearchGATE, Ulrich's Periodicals Directory, WorldCat (World's largest network of library content and services)

Search Articles

Track manuscript

Full Html

IJCRR - 2nd Wave of COVID-19: Role of Social Awareness, Health and Technology Sector, June, 2021

Pages: 86-92

Date of Publication: 11-Jun-2021


Print Article   Download XML  Download PDF

A Real-Time Deep Transfer Learning-Based Classification and Social Distance Alert Framework Based on Covid-19

Author: Anurag Singh, Naresh Kumar, Tapas Kumar

Category: Healthcare

Abstract:Introduction: Covid-19 is a novel virus that has exponentially increased the number of infected persons and the death of human beings into millions within a few months. This virus spreads when a person comes into contact with another person, coughing, sneezing and droplets. Objective: To avoid loss of lives, human direct assistance and early precaution, automated systems required for reducing the number of cases. Deep Learning can facilitate human life much better way by automating human visual intelligence into machine intelligence. Methods: In this novel research work, we are implementing transfer learning methodology to improve the learning of a related objective task on top of base deep learning model in developing a mask/non-mask detection model along with changing the hyperparameters and data augmentation technique by using less input dataset for smart healthcare, smart home in reducing and detecting corona cases. Results: We used object detection model Single Shot Multi-box Detector and classification model mobile net, which achieved significant accuracy and much faster for both training and inference with prediction accuracy of 87% with IOU=.75 on our own created trained dataset comparable with other real-time object detection model such as Faster Regional Convolutional Neural Network by tuning the hyperparameters. Conclusion: The automated system not only reduces the false alarm but also enhanced the performance accuracy by detecting the mask and non-mask due to which the number of covid-19 cases can be reduced at an early stage.

Keywords: Single Shot Multi-box Detector, Convolutional Neural Network, Transfer Learning, Image Annotation, Deep Learning, Covid-19

Full Text:

INTRODUCTION

World at this stage facing a huge pandemic due to the novel coronavirus Covid-19. Millions of peoples are suffering and millions of people have lost their lives due to this virus. The main guidelines by various health agencies are to keep social distancing, wearing a mask and remain in isolation. But still, people are not following the guidelines and no proper precautions, due to which the number of cases is increasing exponentially.1

Governments using surveillance drones to capture crowd and tracking of human in public places to avoid mass gathering which are initial steps to fight against covid-19. Currently, these devices require human assistance to take decisions. For immediate action and accuracy in detection, technologies will play a vital role in the smart healthcare area to avoid the spreading of covid-19 in the community.2-5

For the last many years, many researchers have worked on machine learning and computer vision-based algorithms for multiple applications such as driverless cars, healthcare systems, agriculture domain, medical imaging, surveillance and various automation systems. For such applications, Deep Learning (DL) and Machine Learning (ML) are the key domains, which are inspired by the human brain for classifying and solving complex problems.6-8 For all vision-based applications, computer vision plays a vital role in bridging a semantic gap between human understandings with the help of tagging and labelling the images in identifying the objects in real-time scenario.9

One of the major areas which require more attention and deployment is the advanced surveillance system for smart healthcare systems, smart home security and defence systems but still, the surveillance field is facing some accuracy issues in identifying potential mask, classification and requires more training time to train the machine learning models along with huge datasets.

These topics are closely related to Human-Computer Interaction (HCI), which has developed more interaction between human and computer using Computer Vision (CV) framework and increased its popularity in both academics, healthcare and surveillance systems.10 Human being perceives information from sense organs and its perception varies from person to person in terms of features such as shape, colour and size. Based on the learning and experience, the human being classifies the object and annotates it either in the form of memories or it makes a dataset using hands and verbal responses for tagging the image frames.11,12

All the features in traditional object detection methods are handcrafted and shallow trainable, due to which it has restrictions for a few application and detections while testing. Whereas in deep learning the features and classification are done automatically by the neural network but it required more training with a huge amount of data along with more computational time for training the machines.13,14

Literature Survey

Deep Learning Model in Object Detection

Image annotations and tagging are tedious and time taking task required in computer vision related applications by researchers. The majority of tagging is used in large scale retrieval system, managing and organizing multimedia databases which are done manually. Classification of video is more focused on labelling of video clips dependent on their semantic substance such as human activities or complex events.  Detection and recognition of objects are carried out by researchers in multiple ways.15

  • Feature-Based Object Detection.

  • Viola-Jones Object Detection.

  • Support Vector Machine (SVM) Classifications with Histogram Orientation Gradient (HOG) & HAAR like features.

  • Object Detection using deep learning.

But still, the performance of computer vision algorithm lags in many key domains, due to variations in viewpoints, different postures, occlusions and lighting conditions, which is difficult in accomplishing the object detection within the localization process (objects positions are located in a given image). Hence, researchers have more focused on this field in developing various applications by optimizing the algorithms and hyperparameters for better accuracy with less computational process and training.

In this exploration work, the objective is to simulate the human patrolling and decisions system into smart surveillance in detecting potential mask who have not to wear the mask in crowd area and mass gathering with the help of deep learning model and computer vision to replace man operated patrolling with advance automated surveillance system that can be deployed in smart healthcare, smart home for automated mask detection and defence applications, that can be installed at railway stations, Hospitals, Airports, Malls etc to avoid the spread of this virus. Our novel contribution in the research work is the use of very little dataset and optimization of hyperparameters for training the deep learning model using data augmentation technique and detecting the mask/non-mask person, bounding box, captions generation and human pose detection with high accuracy which can be done using transfer learning techniques, which is still not carried out by any researcher in this domain.

In 2012, Convolutional Neural Network (CNN) came into the picture which can represent high-level features and robustness. In deep learning, model object detection grouped into two-stage detection and one-stage detection. Abnormal behaviour detection in a smart surveillance system that majorly discussed in three sections. 16

  • Human detection and discrimination for a subject

  • Module-based on posture classification

  • Module-based on abnormal behaviour detection

  • And the models used for the above three sections are as follows

  • You only look once (YOLO) network

  • VGG-16 Net

  • Long short-term memory (LSTM)

  • Single Shot multi-box Detection (SSD)

Researchers have discussed more intelligent video surveillance using deep learning techniques for crowd analysis.17 Deep Learning techniques provides two major components; training the model and testing the model, which required a huge amount of data for better accuracy. Researchers have discussed in brief about recognition of the person and object detection automatically and deduction of complex events in two ways; low level and high level. People and object detection done under low level whereas the detection from low to high used for event detection.18

  • Event modelling

  • Action modelling

  • Detection of action

  • Modelling of complex events and detection

The above four are the major architecture used in modelling and detection. Whereas recognizing a system involves:

  • Pre- Processing

  • Feature Extraction

  • Object Tracking

  • Understanding of behaviour

The researcher has used a similar method in avoiding suicide attempts in prison using an RGB-D camera and analyzing the body joints which represents the suicidal behaviour. It was suggested that CNN is a better improvement than traditional Neural Network. In the paper computational resources were reduced using dimensionality reduction which happens in reducing computation of 1x1 Convolutional before 5x5 Convolutional.19-22

The selection of the best model was carried out based on the high mean Average Precision (MAP) used for the evaluation of the test dataset. As a result, the use of Faster R-CNN along with VGG-16 shows better performance in detecting drones but requires more computational power.23 Most of the common object detection system follows the following pipeline:

  • Potential Object Detection

  • Bounding Box

  • Feature Extraction

  • Classify using good Classifier

Following are the datasets for object detection used by many researchers for object detection in deep learning.

  • PASCAL Visual Object Class (PASCAL VOC)

  • ImageNet Large Scale Visual Recognition (ILSVR)

  • Microsoft Common Object in Context (MS COCO)

In the current scenario, two famous object detection algorithms are the centre of attraction among the researchers for applications based on real-time object detection, which was achieved by You Only Look Once (YOLO) and Single Shot MultiBox Detector. YOLO object detector completely works on region proposal and sliding window-based approach which has divided the images into a grid of cells and each cell predicts the class and bounding box of the object which provides final accuracy for the object class.

Whereas Single Shot MultiBox Detector is completely followed on feed-forward CNN that generates fixed size bounding box along with confidence scores of every class and produces final detection results. Regional based Convolution Neural Network (R-CNN) model is not able to achieve real-time object detection because of its time taking training process and inefficiency of region proposition. Whereas YOLO was developed for object detection and classification which requires single-step process. After 1 input image, it starts evaluating and predicting the class along with the bounding box. YOLO architecture is capable of achieving 45 FPS and YOLOv2 can achieve 244 FPS on CUDA GPU. The simultaneous process of bounding box prediction and class prediction makes YOLO different from other traditional systems.

YOLO and single-shot multi-box detector takes input images and divides them into the grid of S x S and defines a bounding box at each grid cell with a confidence score which is a probability of an object existing in each bounding box discussed in the equation. (1) where IOU is intersection over union and represent the fraction between 0 and 1.Its is an overlapping area between the predicted bounding box and ground truth and it should be close to 1.

Similarly, Class probability C also gets predicted for each grid cell simultaneously for the bounding box and class-specific probability for each grid cell is defined as (2):

                                                                                                                  

Transfer learning enables us to utilize knowledge from previously learned task and applying it to the new model as per research requirement for better performance. As most of the traditional machine learning algorithms are performs a specific task and requires a lot amount of data for training the model which requires more computation and training from scratch. By use of transfer learning the feature, weights can be used for other applications with less computation and data.

There are two principal ways to deal with executing move learning; they are:

  • Weight Initialization.

  • Feature Extraction.

The weights in re-utilized layers might be utilized as the beginning stage for the preparation procedure and adjusted in light of the new issue. This use treats transfer learning as a kind of weight initialization scheme. This might be helpful when the principal related issue has significantly more marked information than the issue of intrigue and the likeness in the structure of the issue might be valuable in the two settings.

The task t1 from the pre-trained model (weights, features) used for task t2 with fewer data.

Instead of training the CNN model from scratch for our mask warning system, we are using a pre-trained model initially which helps us in detecting mask and mask-based object for our domain and task.

A framework of transfer learning:

                                                                                 

                    

D is the domain that defines two elements; X a sample data point and P(X) marginal data point.

For a given domain D, a task is defined by:

                                                                                         

Label space: y

A predictive function: η

Learned from feature vector/label pairs xi,yi where  

For each feature vector in the domain, η predicts its label η(xi)= yi

MATERIALS AND METHODS

In this research work, our novel contribution is to train the deep learning model with a one-shot training technique on images generated from real-time video cameras which are comprised of mask and non-mask faces along with detection of crowds and mass gathering, The trained model will play a vital role in avoiding corona covid-19 type epidemic in society at an early stage and currently have not used by any researcher. We have also optimized and fine-tune the hyperparameters for the pipeline created for this covid-19 application with the help of an inductive transfer learning technique that reduces the overfitting problem on the pre-trained model as a base task over our trained model displayed in Figure 1.

We have optimized the basic hyperparameter that is the dropout value which is also known as the regularization technique in optimizing the model. Initially, we have used TensorFlow and OpenCV for training a pre-trained model and detecting objects in a real-time surveillance system with the help of object detection algorithm single shot multi-box detector and Mobilenet as classification model over MSCOCO dataset with common features from 90 classes and can identify and performs multiple bounding boxes around the objects and compared with Faster Regional Convolutional Neural Network, which is more advance than a single-shot multi-box detector in terms of the number of classes and categories. But the major issue while training a Faster Regional Convolutional Neural Network model was more computational time taking than that of a single-shot multi-box detector model.

In the system, the number of classes/labels was changed to 2(Mask/Non-Mask) and the number of CNN layer was changed to 6 with RELU as activation function with minimum depth 16, batch size 128 and learning rate of 0.004 and 0.04, RMS prop for gradient descent on own dataset with 400 training examples for a person with face covered with cloth pretend to be a mask and not mask. For better performance of machine learning algorithms, hyperparameters play a key role. The followings are the hyperparameters, which are used in enhancing the accuracy of the deep learning-based object detection model.

Table 1 Discuss the hyperparameters and their values are set before the training process in optimizing the performance of the model. Apart from the above parameters number of epochs, dropouts, hidden layers and units, Activation functions are also part of hyperparameters in building accuracy of the model. Optimization of the learning rate is done because it controls the weights after each batch size which helps our model to learn fast and accurate with minimization of the loss function. Optimization of batch size requires less memory because we are training our model on fewer sample data, So a large amount of data cannot be fit into our memory. So small batch size plays an important hyperparameter for the deep learning model so that weights can be updated after each propagation.

Along with the use of the transfer learning technique, we have used the data augmentation technique which helps our model to overcome the use of a large dataset as a basic need of the deep learning model required. We have used fewer data and this technique fulfils our requirement in converting it to a large dataset with different viewpoint such as Rotating images, Flipping, padding, cropping and transformation with change in colours like brightness, saturation, hue and contrast for training our deep learning model. For data augmentation, we have changed the code of our deep learning model and incorporated the data augmentation codes.

RESULTS

In the figure 2, graph shows the relationship between loss and number of steps. The hyperparameter which controls the values of weights in deep CNN are adjusted in our network concerning loss gradient are known as learning rate in terms of localization loss discussed in figure 2. In table 2, it shows the accuracy of the model varies for different learning rate and value of learning rate determines the travel rate along the slope of the function i.e. if the value is low we move slowly along the slop and high value of learning rate results in a faster movement along the slop. So, while deciding the learning rate value we need to be careful so that we do not miss any local minima. To ensure the coverage of local minima the low learning rate is preferable but at the same time, it would take a longer time to converge. So to keep both aspects in mind, we start training with a relatively large learning rate. The reason behind selecting large learning is that the initial random weight assigned to the network is far away from the actual optimal value. During the Figure 3 discuss the comparison results between two object detection model single shot multi-box detector and Faster Regional Convolutional Neural Network, which shows the model is trained properly as compared to loss functions.

 

The training loss is done with the help of the loss function which a method to describe how a particular algorithm earns using a loss function (5) (6). It’s a method of evaluating how well specific algorithm models the training data. In figure.4, we have observed that the initial loss value is quite high and it gradually decreases and approaches to 1 after a certain step. It means that a decrease in loss leads to an increase and accuracy in classification.

Initially, the predicted value deviated too much from the actual value that is why the initial loss value is too high. We used the cross entropy loss function which gives a better convergence rate as compared to other loss function hinge. In classification, it is tried to predict output from a set of finite categorical values that are given large data set of images of mask and non-mask, categorizing them into mask class and non-mask class.

DISCUSSION

The implemented transfer learning technique and experimental results in figure.5., shows the success of the unmanned threat warning system and detection of the mask to avoid covid-19 with accuracy mAP 87% on testing validation using own tuned single shot multi-box detector model on top of the pre-trained model. Whereas Faster RCNN is taking too much time in training and reaching the accuracy and takes a lot of time while detecting the mask. Overall, the proposed single shot multi-box detector system shows improved accuracy, learning rate, classification loss at the time of training of a model and takes less time in training than that of training the model from scratch and compared to the Faster RCNN model which takes more time and makes it computationally efficient. Therefore, any type of threat can be annotated by the model and can perform automatic mask detection and performs better with IOU=.75 on our dataset, which shows the successful implementation of transfer learning techniques and optimization/tuning of hyperparameters on the single-shot multi-box detector_mobilenet_v1 model. Our adopted training strategies lead to improved performance in choosing appropriate bounding box, sampling of various location, scaling and aspect ratio than that of existing methods.

The future work will be more focused on improvising the model with different techniques such as loss function and fine-tuning the optimizer on the different pre-trained model for enhancing the performance along with IoT devices and sensors.

ACKNOWLEDGEMENT

I would sincerely thank my Guide, Supervisor and research mates for their motivation and guidance.

Conflict of interest: There is no conflict of interest

Source of Funding: Nil

References:

  1. Courtemanche C, Garuccio J, Le A, Pinkston J, Yelowitz A. Strong social distancing measures in the united states reduced the covid-19 growth rate: Study evaluates the impact of social distancing measures on the growth rate of confirmed covid-19 cases across the united states. Health Affairs. 2020; 10–1377.

  2. Nguyen CT, Saputra YM, Van Huynh N, Nguyen NT, Khoa TV, Tuan BM, et al. Enabling and emerging technologies for social distancing: A comprehensive survey. 2020; arXiv preprint:2005.02816.

  3. Agarwal S, Punn NS, Sonbhadra SK, Nagabhushan P, Pandian K, Saxena P. Unleashing the power of disruptive and emerging technologies amid covid 2019: A detailed review. 2020; arXiv preprint arXiv:2005.11507.

  4. Punn NS,  Sonbhadra SK, Agarwal S. Monitoring covid-19 social distancing with person detection and tracking via fine-tuned yolo v3 and deep sort techniques. 2020;arXiv preprint arXiv:2005.01385.

  5. Cristani M, Del Bue A, Murino V, Setti F, Vinciarelli A. The visual social distancing problem. 2020;arXiv preprint:2005.04813.

  6. Chan AB, Liang ZSJ, Vasconcelos N. Privacy-preserving crowd monitoring: Counting people without people models or tracking. IEEE Conference on Computer Vision and Pattern Recognition. 2008;1–7.

  7.  Qureshi FZ. Object-video streams for preserving privacy in video surveillance. Sixth IEEE International Conference on Advanced Video and Signal Based Surveillance. 2009;442–447.

  8. ParkS, Trivedi M. A track-based human movement analysis and privacy protection system adaptive to environmental contexts. Conference on Advanced Video and Signal Based Surveillance. 2005:71–176.

  9. Ren S, He K, Girshick R, Sun J. Faster r-CNN: Towards real-time object detection with region proposal networks. Adv Neural Information Proce Syst. 2015:91–99.

  10. Zou Z, Shi Z, Guo Y, Ye J. Object detection in 20 years: A survey. 2019;arXiv preprint:1905.05055.

  11. Singh A, Jotheeswaran J. Cognitive science-based inclusive border management system. MIC, Muscat. 2018;1-5.

  12.  Singh A, Jotheeswaran J. P300 Brain Waves Instigated Semi-Supervised Video Surveillance for Inclusive Security Systems. In: Ren J. (eds) Advances in Brain Inspired Cognitive Systems. BICS 2018; Lecture Notes in Computer Science, vol 10989. Springer, Cham.

  13. Borji A, Sihtie DN. Quantitative analysis of human-model agreement in visual saliency modelling: A comparative study IEEE T-IP 2013;22:55-69.

  14. Borji A. Human vs computer in scene and object recognition in IEEE CVPR;2014.

  15. Zhao ZQ, Zheng P,  Xu ST, Wu X. Object detection with deep learning: A review. IEEE Transact Neural Netw Learn Syst 2019;30(11):3212– 3232.

  16. Sreenu G,  Durai S. Intelligent video surveillance: a review through deep learning techniques for crowd analysis. J Big Data. 2019;6(1).

  17. Kardas K, Cicekli NK. SVAS: Surveillance Video Analysis System. Expert Syst Appl. 2017;89:343–361.

  18.  Jackson D, Samuel R, Fenil E, Manogaran G, Vivekananda GN, Thanjaivadivel T, et al. Real-time violence detection framework for football stadium comprising of big data analysis and deep learning through bidirectional LSTM. Computer Netw. 2019;151:191–200.

  19.  Bouachir W, Gouiaa R, Li B, Noumeir R. Intelligent video surveillance for real-time detection of suicide attempts. Pattern Recogn Lett. 2018; 110:1–7.

  20.  Ribeiro M, Lazzaretti AE, Lopes HS. A study of deep convolutional auto-encoders for anomaly detection in videos. Pattern Recogn Lett. 2018;105:13–22.

  21. Babaee M, Dinh DT, Rigoll G. A deep convolutional neural network for video sequence background subtraction. Pattern Recogn. 2018; 76:635–49.

  22. Cue H, Liu Y, Cai D, He X. Tracking people in RGBD videos using deep learning and motion clues. Neurocomputing. 2016;204:70–6.

  23. Zhao Z, Zheng P, Xu S, Wu X. Object Detection With Deep Learning: A Review. IEEE Transact Neural Netw Learn Syst. 2018;30(11):3212-3232.

  24. Huang R, Pedoeem J, Chen C. YOLO-LITE: A Real-Time Object Detection Algorithm Optimized for Non-GPU Computers. IEEE International Conference on Big Data. 2018; doi:10.1109/bigdata.2018.8621865

  25. Liu W. SSD: Single Shot MultiBox Detector. In: Leibe B., Matas J., Sebe N., Welling M. (eds) Computer Vision – ECCV 2016. ECCV;2016. Lecture Notes in Computer Science, vol 9905. Springer, Cham

  26.  Zeng M, Li M, Fei Z, Yu Y, Pan Y, Wang J. Automatic ICD-9 coding via deep transfer learning. Neurocomputing.2018;324:43-50.

  27.  Shorten C, Khoshgoftaar TM. A survey on Image Data Augmentation for Deep Learning. J Big Data 2019;6:60.

Announcements

Dr. Pramod Kumar Manjhi joined Editor-in-Chief since July 2021 onwards

COPE guidelines for Reviewers

SCOPUS indexing: 2014, 2019 to 2021


Awards, Research and Publication incentive Schemes by IJCRR

Best Article Award: 

One article from every issue is selected for the ‘Best Article Award’. Authors of selected ‘Best Article’ are rewarded with a certificate. IJCRR Editorial Board members select one ‘Best Article’ from the published issue based on originality, novelty, social usefulness of the work. The corresponding author of selected ‘Best Article Award’ is communicated and information of award is displayed on IJCRR’s website. Drop a mail to editor@ijcrr.com for more details.

Women Researcher Award:

This award is instituted to encourage women researchers to publish her work in IJCRR. Women researcher, who intends to publish her research work in IJCRR as the first author is eligible to apply for this award. Editorial Board members decide on the selection of women researchers based on the originality, novelty, and social contribution of the research work. The corresponding author of the selected manuscript is communicated and information is displayed on IJCRR’s website. Under this award selected women, the author is eligible for publication incentives. Drop a mail to editor@ijcrr.com for more details.

Emerging Researcher Award:

‘Emerging Researcher Award’ is instituted to encourage student researchers to publish their work in IJCRR. Student researchers, who intend to publish their research or review work in IJCRR as the first author are eligible to apply for this award. Editorial Board members decide on the selection of student researchers for the said award based on originality, novelty, and social applicability of the research work. Under this award selected student researcher is eligible for publication incentives. Drop a mail to editor@ijcrr.com for more details.


Best Article Award

A study by Dorothy Ebere Adimora et al. entitled \"Remediation for Effects of Domestic Violence on Psychological well-being, Depression and Suicide among Women During COVID-19 Pandemic: A Cross-cultural Study of Nigeria and Spain\" is awarded Best Article of Vol 14 issue 23
A study by Muhas C. et al. entitled \"Study on Knowledge & Awareness About Pharmacovigilance Among Pharmacists in South India\" is awarded Best article for Vol 14 issue 22
A study by Saurabh Suvidha entitled \"A Case of Mucoid Degeneration of Uterine Fibroid with Hydrosalphinx and Ovarian Cyst\" is awarded Best article of Vol 14 issue 21
A study by Alice Alice entitled \"Strengthening of Human Milk Banking across South Asian Countries: A Next Step Forward\" is awarded Best article of Vol 14 issue 20
A study by Sathyanarayanan AR et al. entitled \"The on-task Attention of Individuals with Autism Spectrum Disorder-An Eye Tracker Study Using Auticare\" is awarded Best article of Vol 14 issue 19
A study by Gupta P. et al. entitled \"A Short Review on \"A Novel Approach in Fast Dissolving Film & their Evaluation Studies\" is awarded Best Article of Vol 14 issue 18.
A study by Shafaque M. et al. entitled \"A Case-Control Study Performed in Karachi on Inflammatory Markers by Ciprofloxacin and CoAmoxicillin in Patients with Chronic Suppurative Otitis Media\" is awarded Best Article of Vol 14 issue 17
A study by Ali Nawaz et al. entitled \"A Comparative Study of Tubeless versus Standard Percutaneous Nephrolithotomy (PCNL) \? A Randomized Controlled Study\" is awarded Best Article for Vol 14 issue 16.
A study by Singh R. et al. entitled \"A Prospective Study to Find the Association of Astigmatism in Patients of Vernal Keratoconjunctivitis (VKC) in a Tertiary Health Care Centre in India (Vindhya Region MP)\" is awarded Best Article for Vol 14 issue 15
A Study by Humaira Tahir et al. entitled "Comparison of First Analgesic Demand after Major Surgeries of Obstetrics and Gynecology between Pre-Emptive Versus Intra-Operative Groups by Using Intravenous Paracetamol: A Cross-Sectional Study" is awarded Best Article for Vol 14 issue 14
A Study by Monica K. entitled "Risk Predictors for Lymphoma Development in Sjogren Syndrome - A Systematic Review" is awarded Best Article for Vol 14 issue 13
A Study by Mokhtar M Sh et al. entitled "Prevalence of Hospital Mortality of Critically Ill Elderly Patients" is awarded Best Article for Vol 14 issue 12
A Study by Vidya S. Bhat et al. entitled "Effect of an Indigenous Cleanser on the Microbial Biofilm on Acrylic Denture Base - A Pilot Study" is awarded Best Article for Vol 14 issue 11
A Study by Pandya S. et al. entitled "Acute and 28-Day Repeated Dose Subacute Toxicological Evaluation of Coroprotect Tablet in Rodents" is awarded Best Article for Vol 14 issue 10
A Study by Muhammad Zaki et al. entitled "Effect of Hemoglobin Level on the Severity of Acute Bronchiolitis in Children: A Case-Control Study" is awarded Best Article for Vol 14 issue 09
A Study by Vinita S & Ayushi S entitled "Role of Colour Doppler and Transvaginal Sonography for diagnosis of endometrial pathology in women presenting with Abnormal Uterine Bleeding" is awarded Best Article for Vol 14 issue 08
A Study by Prabhu A et al. entitled "Awareness of Common Eye Conditions among the ASHA (Accredited Social Health Activist) Workers in the Rural Communities of Udupi District- A Pilot Study" is awarded Best Article for Vol 14 issue 07
A Study by Divya MP et al. entitled "Non-Echoplanar Diffusion-Weighted Imaging and 3D Fiesta Magnetic Resonance Imaging Sequences with High Resolution Computed Tomography Temporal Bone in Assessment and Predicting the Outcome of Chronic Suppurative Otitis Media with Cholesteatoma" is awarded Best Article for Vol 14 issue 06
A Study by Zahoor Illahi Soomro et al. entitled "Functional Outcomes of Fracture Distal Radius after Fixation with Two Different Plates: A Retrospective Comparative Study" is awarded Best Article for Vol 14 issue 05
A Study by Ajai KG & Athira KN entitled "Patients’ Gratification Towards Service Delivery Among Government Hospitals with Particular Orientation Towards Primary Health Centres" is awarded Best Article for Vol 14 issue 04
A Study by Mbungu Mulaila AP et al. entitled "Ovarian Pregnancy in Kindu City, D.R. Congo - A Case Report" is awarded Best Article for Vol 14 issue 03
A Study by Maryam MJ et al. entitled "Evaluation Serum Chemerin and Visfatin Levels with Rheumatoid Arthritis: Possible Diagnostic Biomarkers" is awarded Best Article for Vol 14 issue 02
A Study by Shanthan KR et al. entitled "Comparison of Ultrasound Guided Versus Nerve Stimulator Guided Technique of Supraclavicular Brachial Plexus Block in Patients Undergoing Upper Limb Surgeries" is awarded Best Article for Vol 14 issue 01
A Study by Amol Sanap et al. entitled "The Outcome of Coxofemoral Bypass Using Cemented Bipolar Hemiarthroplasty in the Treatment of Unstable Intertrochanteric Fracture of Femur in a Rural Setup" is awarded Best Article Award of Vol 13 issue 24
A Study by Manoj KP et al. entitled "A Randomized Comparative Clinical Trial to Know the Efficacy of Ultrasound-Guided Transversus Abdominis Plane Block Against Multimodal Analgesia for Postoperative Analgesia Following Caesarean Section" is awarded Best Article Award of Vol 13 issue 23
A Study by Karimova II et al. entitled "Changes in the Activity of Intestinal Carbohydrases in Alloxan-Induced Diabetic Rats and Their Correction with Prenalon" is awarded Best Article of Vol 13 issue 22
A Study by Ashish B Roge et al. entitled "Development, Validation of RP-HPLC Method and GC MS Analysis of Desloratadine HCL and It’s Degradation Products" is awarded Best Article of Vol 13 issue 21
A Study by Isha Gaurav et al. entitled "Association of ABO Blood Group with Oral Cancer and Precancer – A Case-control Study" is awarded Best Article for Vol 13 issue 20
A Study by Amr Y. Zakaria et al. entitled "Single Nucleotide Polymorphisms of ATP-Binding Cassette Gene(ABCC3 rs4793665) affect High Dose Methotrexate-Induced Nephrotoxicity in Children with Osteosarcoma" is awarded Best Article for Vol 13 issue 19
A Study by Kholis Ernawati et al. entitled "The Utilization of Mobile-Based Information Technology in the Management of Dengue Fever in the Community Year 2019-2020: Systematic Review" is awarded Best Article for Vol 13 issue 18
A Study by Bhat Asifa et al. entitled "Efficacy of Modified Carbapenem Inactivation Method for Carbapenemase Detection and Comparative Evaluation with Polymerase Chain Reaction for the Identification of Carbapenemase Producing Klebsiella pneumonia Isolates" is awarded Best Article for Vol 13 issue 17
A Study by Gupta R. et al. entitled "A Clinical Study of Paediatric Tracheostomy: Our Experience in a Tertiary Care Hospital in North India" is awarded Best Article for Vol 13 issue 16
A Study by Chandran Anand et al. entitled "A Prospective Study on Assessment of Quality of Life of Patients Receiving Sorafenib for Hepatocellular Carcinoma" is awarded Best article for Vol 13 issue 15
A Study by Rosa PS et al. entitled "Emotional State Due to the Covid – 19 Pandemic in People Residing in a Vulnerable Area in North Lima" is awarded Best Article for Vol 13 issue 14
A Study by Suvarna Sunder J et al. entitled "Endodontic Revascularization of Necrotic Permanent Anterior Tooth with Platelet Rich Fibrin, Platelet Rich Plasma, and Blood Clot - A Comparative Study" is awarded Best Article for Vol 13 issue 13
A Study by Mona Isam Eldin Osman et al. entitled "Psychological Impact and Risk Factors of Sexual Abuse on Sudanese Children in Khartoum State" is awarded Best Article for Vol 13 issue 12
A Study by Khaw Ming Sheng & Sathiapriya Ramiah entitled "Web Based Suicide Prevention Application for Patients Suffering from Depression" is awarded Best Article for Vol 13 issue 11
A Study by Purushottam S. G. et al. entitled "Development of Fenofibrate Solid Dispersions for the Plausible Aqueous Solubility Augmentation of this BCS Class-II Drug" is awarded Best article for Vol 13 issue 10
A Study by Kumar S. et al. entitled "A Study on Clinical Spectrum, Laboratory Profile, Complications and Outcome of Pediatric Scrub Typhus Patients Admitted to an Intensive Care Unit from a Tertiary Care Hospital from Eastern India" is awarded Best Article for Vol 13 issue 09
A Study by Mardhiah Kamaruddin et al. entitled "The Pattern of Creatinine Clearance in Gestational and Chronic Hypertension Women from the Third Trimester to 12 Weeks Postpartum" is awarded Best Article for Vol 13 issue 08
A Study by Sarmila G. B. et al. entitled "Study to Compare the Efficacy of Orally Administered Melatonin and Clonidine for Attenuation of Hemodynamic Response During Laryngoscopy and Endotracheal Intubation in Gastrointestinal Surgeries" is awarded Best Article for Vol 13 issue 07
A Study by M. Muthu Uma Maheswari et al. entitled "A Study on C-reactive Protein and Liver Function Tests in Laboratory RT-PCR Positive Covid-19 Patients in a Tertiary Care Centre – A Retrospective Study" is awarded Best Article of Vol 13 issue 06 Special issue Modern approaches for diagnosis of COVID-19 and current status of awareness
A Study by Gainneos PD et al. entitled "A Comparative Evaluation of the Levels of Salivary IgA in HIV Affected Children and the Children of the General Population within the Age Group of 9 – 12 Years – A Cross-Sectional Study" is awarded Best Article of Vol 13 issue 05 Special issue on Recent Advances in Dentistry for better Oral Health
A Study by Alkhansa Mahmoud et al. entitled "mRNA Expression of Somatostatin Receptors (1-5) in MCF7 and MDA-MB231 Breast Cancer Cells" is awarded Best Article of Vol 13 issue 06
A Study by Chen YY and Ghazali SRB entitled "Lifetime Trauma, posttraumatic stress disorder Symptoms and Early Adolescence Risk Factors for Poor Physical Health Outcome Among Malaysian Adolescents" is awarded Best Article of Vol 13 issue 04 Special issue on Current Updates in Plant Biology to Medicine to Healthcare Awareness in Malaysia
A Study by Kumari PM et al. entitled "Study to Evaluate the Adverse Drug Reactions in a Tertiary Care Teaching Hospital in Tamilnadu - A Cross-Sectional Study" is awarded Best Article for Vol 13 issue 05
A Study by Anu et al. entitled "Effectiveness of Cytological Scoring Systems for Evaluation of Breast Lesion Cytology with its Histopathological Correlation" is awarded Best Article of Vol 13 issue 04
A Study by Sharipov R. Kh. et al. entitled "Interaction of Correction of Lipid Peroxidation Disorders with Oxibral" is awarded Best Article of Vol 13 issue 03
A Study by Tarek Elwakil et al. entitled "Led Light Photobiomodulation Effect on Wound Healing Combined with Phenytoin in Mice Model" is awarded Best Article of Vol 13 issue 02
A Study by Mohita Ray et al. entitled "Accuracy of Intra-Operative Frozen Section Consultation of Gastrointestinal Biopsy Samples in Correlation with the Final Histopathological Diagnosis" is awarded Best Article for Vol 13 issue 01
A Study by Badritdinova MN et al. entitled "Peculiarities of a Pain in Patients with Ischemic Heart Disease in the Presence of Individual Combines of the Metabolic Syndrome" is awarded Best Article for Vol 12 issue 24
A Study by Sindhu Priya E S et al. entitled "Neuroprotective activity of Pyrazolone Derivatives Against Paraquat-induced Oxidative Stress and Locomotor Impairment in Drosophila melanogaster" is awarded Best Article for Vol 12 issue 23
A Study by Habiba Suhail et al. entitled "Effect of Majoon Murmakki in Dysmenorrhoea (Usre Tams): A Standard Controlled Clinical Study" is awarded Best Article for Vol 12 issue 22
A Study by Ghaffar UB et al. entitled "Correlation between Height and Foot Length in Saudi Population in Majmaah, Saudi Arabia" is awarded Best Article for Vol 12 issue 21
A Study by Siti Sarah Binti Maidin entitled "Sleep Well: Mobile Application to Address Sleeping Problems" is awarded Best Article for Vol 12 issue 20
A Study by Avijit Singh"Comparison of Post Operative Clinical Outcomes Between “Made in India” TTK Chitra Mechanical Heart Valve Versus St Jude Mechanical Heart Valve in Valve Replacement Surgery" is awarded Best Article for Vol 12 issue 19
A Study by Sonali Banerjee and Mary Mathews N. entitled "Exploring Quality of Life and Perceived Experiences Among Couples Undergoing Fertility Treatment in Western India: A Mixed Methodology" is awarded Best Article for Vol 12 issue 18
A Study by Jabbar Desai et al. entitled "Prevalence of Obstructive Airway Disease in Patients with Ischemic Heart Disease and Hypertension" is awarded Best Article for Vol 12 issue 17
A Study by Juna Byun et al. entitled "Study on Difference in Coronavirus-19 Related Anxiety between Face-to-face and Non-face-to-face Classes among University Students in South Korea" is awarded Best Article for Vol 12 issue 16
A Study by Sudha Ramachandra & Vinay Chavan entitled "Enhanced-Hybrid-Age Layered Population Structure (E-Hybrid-ALPS): A Genetic Algorithm with Adaptive Crossover for Molecular Docking Studies of Drug Discovery Process" is awarded Best article for Vol 12 issue 15
A Study by Varsha M. Shindhe et al. entitled "A Study on Effect of Smokeless Tobacco on Pulmonary Function Tests in Class IV Workers of USM-KLE (Universiti Sains Malaysia-Karnataka Lingayat Education Society) International Medical Programme, Belagavi" is awarded Best article of Vol 12 issue 14, July 2020
A study by Amruta Choudhary et al. entitled "Family Planning Knowledge, Attitude and Practice Among Women of Reproductive Age from Rural Area of Central India" is awarded Best Article for special issue "Modern Therapeutics Applications"
A study by Raunak Das entitled "Study of Cardiovascular Dysfunctions in Interstitial Lung Diseas epatients by Correlating the Levels of Serum NT PRO BNP and Microalbuminuria (Biomarkers of Cardiovascular Dysfunction) with Echocardiographic, Bronchoscopic and HighResolution Computed Tomography Findings of These ILD Patients" is awarded Best Article of Vol 12 issue 13 
A Study by Kannamani Ramasamy et al. entitled "COVID-19 Situation at Chennai City – Forecasting for the Better Pandemic Management" is awarded best article for  Vol 12 issue 12
A Study by Muhammet Lutfi SELCUK and Fatma entitled "Distinction of Gray and White Matter for Some Histological Staining Methods in New Zealand Rabbit's Brain" is awarded best article for  Vol 12 issue 11
A Study by Anamul Haq et al. entitled "Etiology of Abnormal Uterine Bleeding in Adolescents – Emphasis Upon Polycystic Ovarian Syndrome" is awarded best article for  Vol 12 issue 10
A Study by entitled "Estimation of Reference Interval of Serum Progesterone During Three Trimesters of Normal Pregnancy in a Tertiary Care Hospital of Kolkata" is awarded best article for  Vol 12 issue 09
A Study by Ilona Gracie De Souza & Pavan Kumar G. entitled "Effect of Releasing Myofascial Chain in Patients with Patellofemoral Pain Syndrome - A Randomized Clinical Trial" is awarded best article for  Vol 12 issue 08
A Study by Virendra Atam et. al. entitled "Clinical Profile and Short - Term Mortality Predictors in Acute Stroke with Emphasis on Stress Hyperglycemia and THRIVE Score : An Observational Study" is awarded best article for  Vol 12 issue 07
A Study by K. Krupashree et. al. entitled "Protective Effects of Picrorhizakurroa Against Fumonisin B1 Induced Hepatotoxicity in Mice" is awarded best article for issue Vol 10 issue 20
A study by Mithun K.P. et al "Larvicidal Activity of Crude Solanum Nigrum Leaf and Berries Extract Against Dengue Vector-Aedesaegypti" is awarded Best Article for Vol 10 issue 14 of IJCRR
A study by Asha Menon "Women in Child Care and Early Education: Truly Nontraditional Work" is awarded Best Article for Vol 10 issue 13
A study by Deep J. M. "Prevalence of Molar-Incisor Hypomineralization in 7-13 Years Old Children of Biratnagar, Nepal: A Cross Sectional Study" is awarded Best Article for Vol 10 issue 11 of IJCRR
A review by Chitra et al to analyse relation between Obesity and Type 2 diabetes is awarded 'Best Article' for Vol 10 issue 10 by IJCRR. 
A study by Karanpreet et al "Pregnancy Induced Hypertension: A Study on Its Multisystem Involvement" is given Best Paper Award for Vol 10 issue 09

List of Awardees

A Study by Ese Anibor et al. "Evaluation of Temporomandibular Joint Disorders Among Delta State University Students in Abraka, Nigeria" from Vol 13 issue 16 received Emerging Researcher Award


A Study by Alkhansa Mahmoud et al. entitled "mRNA Expression of Somatostatin Receptors (1-5) in MCF7 and MDA-MB231 Breast Cancer Cells" from Vol 13 issue 06 received Emerging Researcher Award


RSS feed

Indexed and Abstracted in


Antiplagiarism Policy: IJCRR strongly condemn and discourage practice of plagiarism. All received manuscripts have to pass through "Plagiarism Detection Software" test before Toto Macau forwarding for peer review. We consider "Plagiarism is a crime"

IJCRR Code of Conduct: To achieve a high standard of publication, we adopt Good Publishing Practices (updated in 2022) which are inspired by guidelines provided by Committee on Publication Ethics (COPE), Open Access Scholarly Publishers Association (OASPA) and International Committee of Medical Journal Editors (ICMJE)

Disclaimer: International Journal of Current Research and Review (IJCRR) provides platform for researchers to publish and discuss their original research and review work. IJCRR can not be held responsible for views, opinions and written statements of researchers published in this journal.



ABOUT US

International Journal of Current Research and Review (IJCRR) provides platform for researchers to publish and discuss their original research and review work. IJCRR can not be held responsible for views, opinions and written statements of researchers published in this journal

Contact

148, IMSR Building, Ayurvedic Layout,
        Near NIT Complex, Sakkardara,
        Nagpur-24, Maharashtra State, India

editor@ijcrr.com

editor.ijcrr@gmail.com


Copyright © 2024 IJCRR. Specialized online journals by ubijournal .Website by Ubitech solutions