Статьи журнала - International Journal of Image, Graphics and Signal Processing

Все статьи: 1092

Real-Time Object Detection and Recognition Using Internet of Things Paradigm

Real-Time Object Detection and Recognition Using Internet of Things Paradigm

Shrddhey Kumar Jain, Supriya O. Rajankar

Статья научная

Internet of Things is an emerging field wherein a lot of classical approaches can be inculcated. One such approach is found in image processing domain. It is real-time object detection and recognition. Object recognition is considered as a complicated process because the object can be of any shape, size or color. Object detection can be performed with effectiveness by using various prevalent techniques such as Scale Invariant Feature Transform (SIFT), a faster version known as Speeded-Up Robust Features (SURF) and the combination of two very efficient algorithms called as Oriented FAST and Rotated BRIEF (ORB) and so on. Although different techniques are dedicated to the different type of objects. In this paper, an effort has been made to combine the object recognition technique with Internet of Things (IoT) concept. The IoT device acting as an input is the camera that captures the image. The object present in the image is detected and recognized. After that, its information is extracted through the internet and displayed on the screen along with the recognized object. The recognition takes place using the pre-existing database. The database consists of the objects that have salient features which would make the task of recognition unambiguous. The bag of features method is considered in order to make recognition effective. The effective use of Internet of Things is carried out by establishing communication between a camera which acts as an input device and visual output devices. This communication takes place over Internet protocol. In the case of object detection, various parameters such as rotation invariance, scale invariance, intensity change, orientation invariance and partial object detection are also considered to make the system robust. Time consideration is carried out to make the system work in real time.

Бесплатно

Real-Time Vehicle Detection for Surveillance of River Dredging Areas Using Convolutional Neural Networks

Real-Time Vehicle Detection for Surveillance of River Dredging Areas Using Convolutional Neural Networks

Mohammed Abduljabbar Zaid Al Bayati, Muhammet Cakmak

Статья научная

The presence of illegal activities such as illegitimate mining and sand theft in river dredging areas leads to economic losses. However, manual monitoring is expensive and time-consuming. Therefore, automated surveillance systems are preferred to mitigate such activities, as they are accurate and available at all times. In order to monitor river dredging areas, two essential steps for surveillance are vehicle detection and license plate recognition. Most current frameworks for vehicle detection employ plain feed-forward Convolutional Neural Networks (CNNs) as backbone architectures. However, these are scale-sensitive and cannot handle variations in vehicles' scales in consecutive video frames. To address these issues, Scale Invariant Hybrid Convolutional Neural Network (SIH-CNN) architecture is proposed for real-time vehicle detection in this study. The publicly available benchmark UA-DETRAC is used to validate the performance of the proposed architecture. Results show that the proposed SIH-CNN model achieved a mean average precision (mAP) of 77.76% on the UA-DETRAC benchmark, which is 3.94% higher than the baseline detector with real-time performance of 48.4 frames per seconds.

Бесплатно

Real-Time Video based Human Suspicious Activity Recognition with Transfer Learning for Deep Learning

Real-Time Video based Human Suspicious Activity Recognition with Transfer Learning for Deep Learning

Indhumathi J., Balasubramanian M., Balasaigayathri B.

Статья научная

Nowadays, the primary concern of any society is providing safety to an individual. It is very hard to recognize the human behaviour and identify whether it is suspicious or normal. Deep learning approaches paved the way for the development of various machine learning and artificial intelligence. The proposed system detects real-time human activity using a convolutional neural network. The objective of the study is to develop a real-time application for Activity recognition using with and without transfer learning methods. The proposed system considers criminal, suspicious and normal categories of activities. Differentiate suspicious behaviour videos are collected from different peoples(men/women). This proposed system is used to detect suspicious activities of a person. The novel 2D-CNN, pre-trained VGG-16 and ResNet50 is trained on video frames of human activities such as normal and suspicious behaviour. Similarly, the transfer learning in VGG16 and ResNet50 is trained using human suspicious activity datasets. The results show that the novel 2D-CNN, VGG16, and ResNet50 without transfer learning achieve accuracy of 98.96%, 97.84%, and 99.03%, respectively. In Kaggle/real-time video, the proposed system employing 2D-CNN outperforms the pre-trained model VGG16. The trained model is used to classify the activity in the real-time captured video. The performance obtained on ResNet50 with transfer learning accuracy of 99.18% is higher than VGG16 transfer learning accuracy of 98.36%.

Бесплатно

Real-time FPGA Based Implementation of Color Image Edge Detection

Real-time FPGA Based Implementation of Color Image Edge Detection

Sanjay Singh, Anil Kumar Saini, Ravi Saini

Статья научная

Color Image edge detection is very basic and important step for many applications such as image segmentation, image analysis, facial analysis, objects identifications/tracking and many others. The main challenge for real-time implementation of color image edge detection is because of high volume of data to be processed (3 times as compared to gray images). This paper describes the real-time implementation of Sobel operator based color image edge detection using FPGA. Sobel operator is chosen for edge detection due to its property to counteract the noise sensitivity of the simple gradient operator. In order to achieve real-time performance, a parallel architecture is designed, which uses three processing elements to compute edge maps of R, G, and B color components. The architecture is coded using VHDL, simulated in ModelSim, synthesized using Xilinx ISE 10.1 and implemented on Xilinx ML510 (Virtex-5 FX130T) FPGA platform. The complete system is working at 27 MHz clock frequency. The measured performance of our system for standard PAL (720x576) size images is 50 fps (frames per second) and CIF (352x288) size images is 200 fps.

Бесплатно

Real-time Object Tracking with Active PTZ Camera using Hardware Acceleration Approach

Real-time Object Tracking with Active PTZ Camera using Hardware Acceleration Approach

Sanjay Singh, Ravi Saini, Sumeet Saurav, Anil K Saini

Статья научная

This paper presents the design and implementation of a dedicated hardware (VLSI) architecture for real-time object tracking. In order to realize the complete system, the designed VLSI architecture has been integrated with different input/output video interfaces. These video interfaces along with the designed object tracking VLSI architecture have been coded using VHDL, simulated using ModelSim, and synthesized using Xilinx ISE tool chain. A working prototype of complete object tracking system has been implemented on Xilinx ML510 (Virtex-5 FX130T) FPGA board. The implemented system is capable of tracking the moving target object in real-time in PAL (720x576) resolution live video stream directly coming from the camera. Additionally, the implemented system also provides the real-time desired camera movement to follow the tracked object over a larger area.

Бесплатно

Real-time monitoring and detection of drink-driving and vehicle over-speeding

Real-time monitoring and detection of drink-driving and vehicle over-speeding

Bassey Isong, Oratile Khutsoane, Nosipho Dladlu

Статья научная

Drink-driving and over-speeding of vehicles are the major causes of injuries and deaths on the road globally and South Africa (SA) is not an exception. Different systems which are currently used in detecting high alcohol concentration in drivers’ breath and detecting vehicles that exceeds stipulated speed limit are not effective, efficient and poses health risks to traffic personnel. In an attempt to provide effective solutions to these challenges, this paper proposed a smart transportation system for real-time detection of drink-driving and over-speeding on the roads using technology of vehicular networks. The objective is to allow for early intervention by traffic personnel aim at saving lives before actual accident occurred. We designed a theoretical framework of the system and implemented an application prototype which is web-based for use by traffic personnel to monitor the detection of traffic offenders in the capacity of drink-driving and over-speeding. We presented and discussed the operation of the system as well as the functionalities it offers. Additionally, we utilized the application to simulate the actual system and based on its working, we found that the system is feasible and can accomplish the tasks of road safety more effective than the existing approaches.

Бесплатно

Recent Object Detection Techniques: A Survey

Recent Object Detection Techniques: A Survey

Diwakar, Deepa Raj

Статья научная

In the field of computer vision, object detection is the fundamental most widely used and challenging problem. Last several decades, great effort has been made by computer scientists or researchers to handle the object detection problem. Object detection is basically, used for detecting the object from image/video. At the beginning of the 21st century, a lot of work has been done in this field such as HOG, SIFT, SURF etc. are performing well but can’t be efficiently used for Real-time detection with speed and accuracy. Furthermore, in the deep learning era Convolution Neural Network made a rapid change and leads to a new pathway and a lot of excellent work has been done till dated such as region-based convolution network YOLO, SSD, retina NET etc. In this survey paper, lots of research papers were reviewed based on popular traditional object detection methods and current trending deep learning-based methods and displayed challenges, limitations, methodologies used to detect the object and also directions for future research.

Бесплатно

Recognition and Classification of Human Behavior in Intelligent Surveillance Systems using Hidden Markov Model

Recognition and Classification of Human Behavior in Intelligent Surveillance Systems using Hidden Markov Model

Adeleh Farzad, Rahebeh Niaraki Asli

Статья научная

Nowadays, the human behavior analysis by computer vision techniques has been an interesting issue for researchers. Automatic recognition of actions in video allows automation of many otherwise manually intensive tasks such as video surveillance. Video surveillance system especially for elderly care and their behavior analysis has an important role to take care of aged, impatient or bedridden persons. In this paper, we propose a high accuracy human action classification and recognition method using hidden Markov model classifier. In our approach, first, we use star skeleton feature extraction method to extract extremities of human body silhouette to produce feature vectors as inputs of hidden Markov model classifier. Then, hidden Markov model, which is learned and used in our proposed surveillance system, classifies the investigated behaviors and detects abnormal actions with high accuracy in comparison by other abnormal detection reported in previous works. The accuracy about 94% resulted from confusion matrix approve the efficiency of the proposed method when compared with its counterparts for abnormal action detection.

Бесплатно

Recognition of Double Sided Amharic Braille Documents

Recognition of Double Sided Amharic Braille Documents

Hassen Seid Ali, Yaregal Assabie

Статья научная

Amharic Braille image recognition into a print text is not an easy task because Amharic language has large number of characters requiring corresponding representations in the Braille system. In this paper, we propose a system for recognition of double sided Amharic Braille documents which needs identification of recto, verso and overlapping dots. We used direction field tensor for preprocessing and segmentation of dots from the background. Gradient field is used to identify a dot as recto or verso dots. Overlapping dots are identified using Braille dot attributes (centroid and area). After identification, the dots are grouped into recto and verso pages. Then, we design Braille cell encoding and Braille code translation algorithms to encode dots into a Braille code and Braille codes into a print text, respectively. With the purpose of using the same Braille cell encoding and Braille code translation algorithm, recto page is mirrored about a vertical symmetric line. Moreover, we use the concept of reflection to reverse wrongly scanned Braille documents automatically. The performance of the system is evaluated and we achieve an average dot identification accuracy of 99.3% and translation accuracy of 95.6%.

Бесплатно

Recognizing Bangla handwritten numeral utilizing deep long short term memory

Recognizing Bangla handwritten numeral utilizing deep long short term memory

Mahtab Ahmed, M. A. H. Akhand, M. M. Hafizur Rahman

Статья научная

Handwritten numeral recognition (HNR) has gained much attention in present days as it can be applied in range of applications. Research on unconstrained HNR has shown impressive progress in few scripts but is far behind for Bangla although it is one of the major languages. Bangla contains similar shaped numerals which are difficult to distinguish even in printed form and this makes Bangla HNR (BHNR) a challenging task. Our goal in this study is to build up a superior BHNR framework and consequently explore the profound design of Long Short Term Memory (LSTM) method. LSTM is a variation of Recurrent Neural Network and is effectively used for sequence ordering with its distinct features. This study considered deep architecture of LSTM for better performance. The proposed BHNR with deep LSTM (BNHR-DLSTM) standardizes the composed numeral images first and then utilizes two layers of LSTM to characterize singular numerals. Benchmark dataset with 22000 handwritten numerals having various shapes, sizes and varieties are utilized to examine the proficiency of BNHR-DLSTM. The proposed method indicates agreeable recognition precision and beat other conspicuous existing methods.

Бесплатно

Recurrence Plots of Heart Rate Signals during Meditation

Recurrence Plots of Heart Rate Signals during Meditation

Ateke Goshvarpour, Atefeh Goshvarpour

Статья научная

The current study analyses the dynamics of the heart rate signals during specific psychological states in order to obtain a detailed understanding of the heart rate patterns during meditation. In the proposed approach, heart rate time series available in Physionet database are used. The dynamics of the signals are then analyzed before and during meditation by examining the attractors in the phase space and recurrence quantification analysis. In general, the results reveal that the heart rate signals transit from a chaotic, highly-complex behavior before meditation to a low dimensional chaotic (and quasi-periodic) motion during meditation. This can be due to decreased nonlinear interaction of variables in meditation states and may be related to increased parasympathetic activity and increase of relaxation state. The results suggest that nonlinear chaotic indices may serve as a quantitative measure for psychophysiological states.

Бесплатно

Reduction of Blur in Image by Hybrid De-convolution using Point Spread Function

Reduction of Blur in Image by Hybrid De-convolution using Point Spread Function

Neethu M. Sasi, Jayasree V.K.

Статья научная

Blurring of images is an unwelcome phenomenon that is difficult to avoid in many situations. It degrades the quality of a variety of images, including real life photographic images, astronomical images and medical images. In this paper a new image de-blurring algorithm is proposed using Lucy Richardson method. De-blurring is performed in two stages. To arrive at the best guestimate, an iterative method is employed as an initial step which computes the maximum likelihood estimate of the point spread function (PSF) without any prior information. In the second step, Lucy Richardson algorithm takes the PSF estimated in the initial step as its input parameter. In particular, for better processing of the image, suitable color space identification is done as a pre-processing step. This makes use of the idea of edge detectors. This paper, as a significant contribution, proposes a de-blurring technique, which uses a hybrid de-convolution method with a color space identification stage. This enables its application for a broad spectrum of images from real life photographic images to single photon emission computed tomography images as well. The performance of the algorithm is compared against other existing de-blurring algorithms and the results prove a better output in terms of blur reduction. Standard test images and real medical images are used for appraising the algorithm.

Бесплатно

Reference Threshold Calculation for Biometric Authentication

Reference Threshold Calculation for Biometric Authentication

Jyoti Malik, Dhiraj Girdhar, Ratna Dahiya, G. Sainarayanan

Статья научная

In biometric systems, reference threshold is defined as a value that can decide the authenticity of a person. Authenticity means whether the person is genuine or intruder. The statistical calculation of various values like reference threshold, FAR (False Acceptance Rate), FRR (False Rejection Rate) are required for real-time automated biometric authentication system because the measurement of biometric features are statistical values. In this paper, the need of reference threshold, how reference threshold value is calculated is explained mathematically. Various factors on which reference threshold value depends are discussed. It is also explained that how selection of correct value of reference threshold plays an important role in authentication system. Experimental results describe the selection of reference threshold value for palmprint biometric system.

Бесплатно

Refining Cyclonic Cloud Analysis via INSAT-3D Satellite Imagery and Advanced Image Processing Techniques

Refining Cyclonic Cloud Analysis via INSAT-3D Satellite Imagery and Advanced Image Processing Techniques

Viraj R. Thakurwar, Rohit V. Ingole, Aditya A. Deshmukh, Rahul Agrawal, Chetan Dhule, Nekita Chavhan Morris

Статья научная

Cyclones, with their high-speed winds and enormous quantities of rainfall, represent severe threats to global coastal regions. The ability to quickly and accurately identify cyclonic cloud formations is critical for the effective deployment of disaster preparedness measures. Our study focuses on a unique technique for precise delineation of cyclonic cloud regions in satellite imagery, concentrating on images from the Indian weather satellite INSAT-3D. This novel approach manages to achieve considerable improvements in cyclone monitoring by leveraging the image capture capabilities of INSAT-3D. It introduces a refined image processing continuum that extracts cloud attributes from infrared imaging in a comprehensive manner. This includes transformations and normalization techniques, further augmenting the pursuit of accuracy. A key feature of the study's methodology is the use of an adaptive threshold to correct complications related to luminosity and contrast; this enhances the detection accuracy of the cyclonic cloud formations substantially. The study further improves the preciseness of cloud detection by employing a modified contour detection algorithm that operates based on predefined criteria. The methodology has been designed to be both flexible and adaptable, making it highly effective while dealing with a wide array of environmental conditions. The utilization of INSAT-3D satellite images maximizes the performing capability of the technique in various situational contexts.

Бесплатно

Reliable Devanagri Handwritten Numeral Recognition using Multiple Classifier and Flexible Zoning Approach

Reliable Devanagri Handwritten Numeral Recognition using Multiple Classifier and Flexible Zoning Approach

Pratibha Singh, Ajay Verma, Narendra S. Chaudhari

Статья научная

A reliability evaluation system for the recognition of Devanagri Numerals is proposed in this paper. Reliability of classification is very important in applications of optical character recognition. As we know that the outliers and ambiguity may affect the performance of recognition system, a rejection measure must be there for the reliable recognition of the pattern. For each character image pre-processing steps like normalization, binarization, noise removal and boundary extraction is performed. After calculating the bounding box features are extracted for each partition of the numeral image. Features are calculated on three different zoning methods. Directional feature is considered which is obtained using chain code and gradient direction quantization of the orientations. The Zoning firstly, is considered made up of uniform partitions and secondly of non-uniform compartments based on the density of the pixels. For classification 1-nearest neighbor based classifier, quadratic bayes classifier and linear bayes classifier are chosen as base classifier. The base classifiers are combined using four decision combination rules namely maximum, Median, Average and Majority Voting. The framework is used to test the reliability of recognition system against ambiguity.

Бесплатно

Remote Sensing Image Resolution Enlargement Algorithm Based on Wavelet Transformation

Remote Sensing Image Resolution Enlargement Algorithm Based on Wavelet Transformation

Samiul Azam, Fatema Tuz Zohra, Md Monirul Islam

Статья научная

In this paper, we present a new image resolution enhancement algorithm based on cycle spinning and stationary wavelet subband padding. The proposed technique or algorithm uses stationary wavelet transformation (SWT) to decompose the low resolution (LR) image into frequency subbands. All these frequency subbands are interpolated using either bicubic or lanczos interpolation, and these interpolated subbands are put into inverse SWT process for generating intermediate high resolution (HR) image. Finally, cycle spinning (CS) is applied on this intermediate high resolution image for reducing blocking artifacts, followed by, traditional Laplacian sharpening filter is used to make the generated high resolution image sharper. This new technique has been tested on several satellite images. Experimental result shows that the proposed technique outperforms the conventional and the state-of-the-art techniques in terms of peak signal to noise ratio, root mean square error, entropy, as well as, visual perspective.

Бесплатно

Remote Sensing Textual Image Classification based on Ensemble Learning

Remote Sensing Textual Image Classification based on Ensemble Learning

Ye zhiwei, Yang Juan, Zhang Xu, Hu Zhengbing

Статья научная

Remote sensing textual image classification technology has been the hottest topic in the filed of remote sensing. Texture is the most helpful symbol for image classification. In common, there are complex terrain types and multiple texture features are extracted for classification, in addition; there is noise in the remote sensing images and the single classifier is hard to obtain the optimal classification results. Integration of multiple classifiers is able to make good use of the characteristics of different classifiers and improve the classification accuracy in the largest extent. In the paper, based on the diversity measurement of the base classifiers, J48 classifier, IBk classifier, sequential minimal optimization (SMO) classifier, Naive Bayes classifier and multilayer perceptron (MLP) classifier are selected for ensemble learning. In order to evaluate the influence of our proposed method, our approach is compared with the five base classifiers through calculating the average classification accuracy. Experiments on five UCI data sets and remote sensing image data sets are performed to testify the effectiveness of the proposed method.

Бесплатно

Removal of image blurring and mix noises using gaussian mixture and variation models

Removal of image blurring and mix noises using gaussian mixture and variation models

Vipul Goel, Krishna Raj

Статья научная

For the past recent decades, image denoising has been analyzed in many fields such as computer vision, statistical signal and image processing. It facilitates an appropriate base for the analysis of natural image models and signal separation algorithms. Moreover, it also turns into an essential part to the digital image acquiring systems to improve qualities of an image. These two directions are vital and will be examined in this work. Noise and Blurring of images are two degrading factors and when an image is corrupted with both blurring and mixed noises, de-noising and de-blurring of the image is very difficult. In this paper, Gauss-Total Variation model (G-TV model) and Gaussian Mixture-Total Variation Model (GM-TV Model) are discussed and results are presented. It is shown that blurring of the image is completely removed using G-TV model; however, image corrupted with blurring and mixed noise can be recovered with GM-TV model.

Бесплатно

Removal of ocular artifacts in single channel EEG by EMD, EEMD and CEEMD methods inspired by wavelet thresholding

Removal of ocular artifacts in single channel EEG by EMD, EEMD and CEEMD methods inspired by wavelet thresholding

Vijayasankar. Anumala, Rajesh Kumar. Pullakura

Статья научная

Electroencephalogram (EEG) is a widely used signal for analyzing the activities of the brain and usually contaminated with artifacts due to movements of eye, heart, muscles and power line interference. Owing to eye movement, Ocular Activity creates significant artifacts and makes the analysis difficult. In this paper, a new threshold is presented for correction of Ocular Artifacts (OA) from EEG signal using Empirical Mode Decomposition (EMD), Ensemble Empirical Mode Decomposition (EEMD) and Complete Ensemble Empirical Mode Decomposition (CEEMD) methods. Unlike the conventional EMD based EEG denoising techniques, which neglects the higher order low-frequency Intrinsic Mode Functions (IMFs), IMF Interval thresholding is opted to correct the artifacts. Obtained the noisy IMFs based on MI scores and perform interval thresholding to the noisy IMFs gives a relatively cleaner EEG signal. Extensive computations are carried out using EEG Motor Movement/Imagery (eegmmidb) dataset and compare the performance of Proposed Threshold (PT) with current threshold functions i.e., Universal Threshold (UT), Minimax Threshold (MT) and Statistical Threshold (ST) using several standard performance metrics: change in SNR (ΔSNR), Artifact Rejection Ratio (ARR), Correlation Coefficient (CC), and Root Mean Square Error (RMSE). Results of these studies reveal that CEEMD+PT is efficient to correct OAs in EEG signals and maintaining the background neural activity in non-artifact zones.

Бесплатно

Research of Electric Motor Multi-type Soft Start Control Mode Based on over-load Protection

Research of Electric Motor Multi-type Soft Start Control Mode Based on over-load Protection

Lina Liu, Jishun Jiang, Liang Zhang

Статья научная

This article in view of the question that the high power motor could not starting and stopping directly in the industry, proposed one kind of design based on PIC single chip high power motor soft start and intelligence protective devices, utilized real-time measurement and control method with the feature of synchronous sampling electric current spurt value inverse time lag protection, according to the load situation four starting and protection control soft start ways of the under intelligent protection controller were designed. Intelligent soft starter design principles based on PIC single chip is articulated. The hardware circuit design, software flow design and test data analysis are given in details. By producing in Zibo Galaxy high-technology development co., Ltd.,it shows that this smart soft starter has the characteristics which are flexible parameter setting, intuitive liquid crystal display, diverse starting way, precise current limiting protection, accurate protection of lack phase, low-cost, collecting soft start and running protection with a body's protection controller, are suitable specially for the starting and control of high power motor, so the protector has broad application prospects.

Бесплатно

Журнал