• Title/Summary/Keyword: HOG feature

Search Result 67, Processing Time 0.035 seconds

A new framework for Person Re-identification: Integrated level feature pattern (ILEP)

  • Manimaran, V.;Srinivasagan, K.G.;Gokul, S.;Jacob, I.Jeena;Baburenagarajan, S.
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • v.15 no.12
    • /
    • pp.4456-4475
    • /
    • 2021
  • The system for re-identifying persons is used to find and verify the persons crossing through different spots using various cameras. Much research has been done to re-identify the person by utilising features with deep-learned or hand-crafted information. Deep learning techniques segregate and analyse the features of their layers in various forms, and the output is complex feature vectors. This paper proposes a distinctive framework called Integrated Level Feature Pattern (ILFP) framework, which integrates local and global features. A new deep learning architecture named modified XceptionNet (m-XceptionNet) is also proposed in this work, which extracts the global features effectively with lesser complexity. The proposed framework gives better performance in Rank1 metric for Market1501 (96.15%), CUHK03 (82.29%) and the newly created NEC01 (96.66%) datasets than the existing works. The mean Average Precision (mAP) calculated using the proposed framework gives 92%, 85% and 98%, respectively, for the same datasets.

Method for Road Vanishing Point Detection Using DNN and Hog Feature (DNN과 HoG Feature를 이용한 도로 소실점 검출 방법)

  • Yoon, Dae-Eun;Choi, Hyung-Il
    • The Journal of the Korea Contents Association
    • /
    • v.19 no.1
    • /
    • pp.125-131
    • /
    • 2019
  • A vanishing point is a point on an image to which parallel lines projected from a real space gather. A vanishing point in a road space provides important spatial information. It is possible to improve the position of an extracted lane or generate a depth map image using a vanishing point in the road space. In this paper, we propose a method of detecting vanishing points on images taken from a vehicle's point of view using Deep Neural Network (DNN) and Histogram of Oriented Gradient (HoG). The proposed algorithm is divided into a HoG feature extraction step, in which the edge direction is extracted by dividing an image into blocks, a DNN learning step, and a test step. In the learning stage, learning is performed using 2,300 road images taken from a vehicle's point of views. In the test phase, the efficiency of the proposed algorithm using the Normalized Euclidean Distance (NormDist) method is measured.

Design of Pedestrian Detection Algorithm Using Feature Data in Multiple Pedestrian Tracking Process (다수의 보행자 추적과정에서 특징정보를 이용한 보행자 검출 알고리즘 설계)

  • Han, Myung-ho;Ryu, Chang-ju;Lee, Sang-duck;Han, Seung-jo
    • Journal of the Korea Institute of Information and Communication Engineering
    • /
    • v.22 no.4
    • /
    • pp.641-647
    • /
    • 2018
  • Recently, CCTV, which provides video information for multiple purposes, has been transformed into an intelligent, and the range of automation applications increased using the computer vision. A highly reliable detection method must be performed for accurate recognition of pedestrians and vehicles and various methods are being studied for this purpose. In such an object detection system. In this paper, we propose a method to detect a large number of pedestrians by acquiring three characteristic information that features of color information using HSI, motion vector information and shaping information using HOG feature information of a pedestrian in a situation where a large number of pedestrians are moving. The proposed method distinguishes each pedestrian while minimizing the failure or confusion of pedestrian detection and tracking. Also when pedestrians approach or overlap, pedestrians are identified and detected using stored frame feature data.

Real-time Traffic Sign Recognition using Rotation-invariant Fast Binary Patterns (회전에 강인한 고속 이진패턴을 이용한 실시간 교통 신호 표지판 인식)

  • Hwang, Min-Chul;Ko, Byoung Chul;Nam, Jae-Yeal
    • Journal of Broadcast Engineering
    • /
    • v.21 no.4
    • /
    • pp.562-568
    • /
    • 2016
  • In this paper, we focus on recognition of speed-limit signs among a few types of traffic signs because speed-limit sign is closely related to safe driving of drivers. Although histogram of oriented gradient (HOG) and local binary patterns (LBP) are representative features for object recognition, these features have a weakness with respect to rotation, in that it does not consider the rotation of the target object when generating patterns. Therefore, this paper propose the fast rotation-invariant binary patterns (FRIBP) algorithm to generate a binary pattern that is robust against rotation. The proposed FRIBP algorithm deletes an unused layer of the histogram, and eliminates the shift and comparison operations in order to quickly extract the desired feature. The proposed FRIBP algorithm is successfully applied to German Traffic Sign Recognition Benchmark (GTSRB) datasets, and the results show that the recognition capabilities of the proposed method are similar to those of other methods. Moreover, its recognition speed is considerably enhanced than related works as approximately 0.47second for 12,630 test data.

Design of Digits Recognition System Based on RBFNNs : A Comparative Study of Pre-processing Algorithms (방사형 기저함수 신경회로망 기반 숫자 인식 시스템의 설계 : 전처리 알고리즘을 이용한 인식성능의 비교연구)

  • Kim, Eun-Hu;Kim, Bong-Youn;Oh, Sung-Kwun
    • The Transactions of The Korean Institute of Electrical Engineers
    • /
    • v.66 no.2
    • /
    • pp.416-424
    • /
    • 2017
  • In this study, we propose a design of digits recognition system based on RBFNNs through a comparative study of pre-processing algorithms in order to recognize digits in handwritten. Histogram of Oriented Gradient(HOG) is used to get the features of digits in the proposed digits recognition system. In the pre-processing part, a dimensional reduction is executed by using Principal Component Analysis(PCA) and (2D)2PCA which are widely adopted methods in order to minimize a loss of the information during the reduction process of feature space. Also, The architecture of radial basis function neural networks consists of three functional modules such as condition, conclusion, and inference part. In the condition part, the input space is partitioned with the use of fuzzy clustering realized by means of the Fuzzy C-Means algorithm. Also, it is used instead of gaussian function to consider the characteristic of input data. In the conclusion part, the connection weights are used as the extended type of polynomial expression such as constant, linear, quadratic and modified quadratic. By using MNIST handwritten digit benchmarking database, experimental results show the effectiveness and efficiency of proposed digit recognition system when compared with other studies.

Real-Time Algorithm for Relative Position Estimation Between Person and Robot Using a Monocular Camera (영상정보만을 이용한 사람과 로봇간 실시간 상대위치 추정 알고리즘)

  • Lee, Jung Uk;Sun, Ju Young;Won, Mooncheol
    • Transactions of the Korean Society of Mechanical Engineers A
    • /
    • v.37 no.12
    • /
    • pp.1445-1452
    • /
    • 2013
  • In this paper, we propose a real-time algorithm for estimating the relative position of a person with respect to a robot (camera) using a monocular camera. The algorithm detects the head and shoulder regions of a person using HOG (Histogram of Oriented Gradient) feature vectors and an SVM (Support Vector Machine) classifier. The size and location of the detected area are used for calculating the relative distance and angle between the person and the camera on a robot. To increase the speed of the algorithm, we use a GPU and NVIDIA's CUDA library; the resulting algorithm speed is ~ 15 Hz. The accuracy of the algorithm is compared with the output of a SICK laser scanner.

A Survey on Deep Learning based Face Recognition for User Authentication (사용자 인증을 위한 딥러닝 기반 얼굴인식 기술 동향)

  • Mun, Hyung-Jin;Kim, Gea-Hee
    • Journal of Industrial Convergence
    • /
    • v.17 no.3
    • /
    • pp.23-29
    • /
    • 2019
  • Object recognition distinguish objects which are different from each other. But Face recognition distinguishes Identity of Faces with Similar Patterns. Feature extraction algorithm such as LBP, HOG, Gabor is being replaced with Deep Learning. As the technology that identify individual face with machine learning using Deep Learning Technology is developing, The Face Recognition Technology is being used in various field. In particular, the technology can provide individual and detailed service by being used in various offline environments requiring user identification, such as Smart Mirror. Face Recognition Technology can be developed as the technology that authenticate user easily by device like Smart Mirror and provide service authenticated user. In this paper, we present investigation about Face Recognition among various techniques for user authentication and analysis of Python source case of Face recognition and possibility of various service using Face Recognition Technology.

Image Denoising Via Structure-Aware Deep Convolutional Neural Networks (구조 인식 심층 합성곱 신경망 기반의 영상 잡음 제거)

  • Park, Gi-Tae;Son, Chang-Hwan
    • The Journal of Korean Institute of Information Technology
    • /
    • v.16 no.11
    • /
    • pp.85-95
    • /
    • 2018
  • With the popularity of smartphones, most peoples have been using mobile cameras to capture photographs. However, due to insufficient amount of lights in a low lighting condition, unwanted noises can be generated during image acquisition. To remove the noise, a method of using deep convolutional neural networks is introduced. However, this method still lacks the ability to describe textures and edges, even though it has made significant progress in terms of visual quality performance. Therefore, in this paper, the HOG (Histogram of Oriented Gradients) images that contain information about edge orientations are used. More specifically, a method of learning deep convolutional neural networks is proposed by stacking noise and HOG images into an input tensor. Experiment results confirm that the proposed method not only can obtain excellent result in visual quality evaluations, compared to conventional methods, but also enable textures and edges to be improved visually.

Real-Time Vehicle License Plate Recognition System Using Adaptive Heuristic Segmentation Algorithm (적응 휴리스틱 분할 알고리즘을 이용한 실시간 차량 번호판 인식 시스템)

  • Jin, Moon Yong;Park, Jong Bin;Lee, Dong Suk;Park, Dong Sun
    • KIPS Transactions on Software and Data Engineering
    • /
    • v.3 no.9
    • /
    • pp.361-368
    • /
    • 2014
  • The LPR(License plate recognition) system has been developed to efficient control for complex traffic environment and currently be used in many places. However, because of light, noise, background changes, environmental changes, damaged plate, it only works limited environment, so it is difficult to use in real-time. This paper presents a heuristic segmentation algorithm for robust to noise and illumination changes and introduce a real-time license plate recognition system using it. In first step, We detect the plate utilized Haar-like feature and Adaboost. This method is possible to rapid detection used integral image and cascade structure. Second step, we determine the type of license plate with adaptive histogram equalization, bilateral filtering for denoise and segment accurate character based on adaptive threshold, pixel projection and associated with the prior knowledge. The last step is character recognition that used histogram of oriented gradients (HOG) and multi-layer perceptron(MLP) for number recognition and support vector machine(SVM) for number and Korean character classifier respectively. The experimental results show license plate detection rate of 94.29%, license plate false alarm rate of 2.94%. In character segmentation method, character hit rate is 97.23% and character false alarm rate is 1.37%. And in character recognition, the average character recognition rate is 98.38%. Total average running time in our proposed method is 140ms. It is possible to be real-time system with efficiency and robustness.

Depth-Based Recognition System for Continuous Human Action Using Motion History Image and Histogram of Oriented Gradient with Spotter Model (모션 히스토리 영상 및 기울기 방향성 히스토그램과 적출 모델을 사용한 깊이 정보 기반의 연속적인 사람 행동 인식 시스템)

  • Eum, Hyukmin;Lee, Heejin;Yoon, Changyong
    • Journal of the Korean Institute of Intelligent Systems
    • /
    • v.26 no.6
    • /
    • pp.471-476
    • /
    • 2016
  • In this paper, recognition system for continuous human action is explained by using motion history image and histogram of oriented gradient with spotter model based on depth information, and the spotter model which performs action spotting is proposed to improve recognition performance in the recognition system. The steps of this system are composed of pre-processing, human action and spotter modeling and continuous human action recognition. In pre-processing process, Depth-MHI-HOG is used to extract space-time template-based features after image segmentation, and human action and spotter modeling generates sequence by using the extracted feature. Human action models which are appropriate for each of defined action and a proposed spotter model are created by using these generated sequences and the hidden markov model. Continuous human action recognition performs action spotting to segment meaningful action and meaningless action by the spotter model in continuous action sequence, and continuously recognizes human action comparing probability values of model for meaningful action sequence. Experimental results demonstrate that the proposed model efficiently improves recognition performance in continuous action recognition system.