This document describes an image preprocessing scheme for line detection using the Hough transform in a mobile robot vision system. The preprocessing includes resizing images to 128x96 pixels, converting to grayscale, performing edge detection using Sobel filters, and edge thinning. A newly developed edge thinning method is found to produce images better suited for the Hough transform than other thinning methods. The preprocessed images are then used as input for line detection and the robot's self-navigation system.
This document describes an implementation of the Hough transform for line detection in images captured by a mobile robot. The Hough transform is applied to preprocessed binary images containing edge pixels. Parameters for the Hough transform like the resolution of theta and rho are discussed. The accumulator array is set up and accumulation values are increased when transform curves cross array points. A new peak detection scheme is presented involving automatic threshold determination, a butterfly filter to reduce false peaks, and further reduction using neighborhood criteria. Sample results of line detection on robot images are shown.
A Hough Transform Implementation for Line Detection for a Mobile Robot Self-N...iosrjce
This paper discusses the implementation of the Hough Transform for line detection in a mobile robot's self-navigation system, focusing on detecting straight lines in pre-processed binary images. The methodology includes parameter selection, transformation, accumulation, and a novel peak detection scheme aimed at refining line detection accuracy. Detailed stages in the process, including the use of variable thresholds and the effects of different parameters, are presented throughout the paper.
adly Shahat Mergany tag eldien_vission based.pdfhussainzain0013
The document discusses vision-based robot navigation systems, focusing on obstacle detection methods within indoor corridors. Three algorithms are proposed: one utilizing Hough transform, another employing Radon transform, and a third applying color segmentation to identify obstacles. The ultimate goal is to enable robots to safely navigate by detecting and avoiding obstacles, thereby assisting users, particularly those with disabilities.
adly Shahat Mergany tag eldien_vission based.pdfhussainzain0013
This document discusses vision-based robot navigation systems focusing on obstacle detection within corridor environments, crucial for applications like intelligent wheelchairs. It evaluates three algorithms utilizing image processing techniques such as Hough transform, Radon transform, and color segmentation for detecting obstacles while ensuring navigation paths are planned safely. The research aims to enhance robotic assistance for individuals with disabilities by enabling efficient indoor navigation through effective obstacle detection methodologies.
A Method to Determine End-Points ofStraight Lines Detected Using the Hough Tr...IJERA Editor
This document presents a method for determining the end points of lines detected using the Hough transform. The Hough transform detects lines of unspecified length by finding equations that describe lines, but does not provide information about the actual end points. The presented method tracks points from the original image that contributed to lines detected in the Hough transform space. Consecutive points are grouped into sub-lines if there are enough points to constitute a significant segment and points are far enough from other groups along the same line. Sample results demonstrating the method are shown. The method involves grouping contributing points into valid sub-lines based on minimum length and separation criteria.
Hough Transform: Serial and Parallel ImplementationsJohn Wayne
This paper investigates the Hough transform for circle detection, highlighting its slow performance in traditional implementations, particularly for large images. By utilizing OpenCL technology for parallel processing on GPUs, the authors demonstrate significant speed improvements, achieving up to 4000 times faster execution than CPU-based sequential algorithms. The study details multiple optimization strategies and performance evaluations across various image resolutions, confirming the effectiveness of GPU acceleration in real-time image processing scenarios.
Based on correlation coefficient in image matchingIJRES Journal
This paper discusses the use of correlation coefficient-based image matching algorithms in industrial applications, specifically for connector detection. It highlights improvements in algorithm efficiency to reduce processing time while maintaining high precision, using methods such as Hough transforms for geometric feature detection. Experiments show a significant decrease in image matching time with the improved algorithm compared to traditional methods.
Performance Evaluation of Lane Detection Images Based on Fuzzy LogicIRJET Journal
1. The document discusses lane detection techniques for autonomous vehicles using fuzzy logic. It aims to improve lane detection accuracy by modifying the Hough transform with fuzzy logic and different performance metrics.
2. The key techniques discussed are binarization, curve fitting, and the Hough transform. Binarization is used as a pre-processing step. Curve fitting is used to model the visual characteristics extracted from frames to represent the road. The Hough transform is commonly used for line detection but can fail on curved roads.
3. The authors propose using fuzzy logic with the Hough transform to improve lane detection on curved roads by integrating different performance metrics. They claim experimental results show the proposed technique outperforms existing methods.
Contour Line Tracing Algorithm for Digital Topographic MapsCSCJournals
The paper presents a modified Moore’s neighbor contour tracing algorithm aimed at automating the extraction of contour lines from topographic maps, crucial for GIS applications. Compared to traditional methods, the proposed algorithm demonstrates improved efficiency and accuracy in tracing contours while simplifying the database creation process. Testing on several topographic maps shows its effectiveness, making it a valuable contribution to the field of digital mapping.
OCR - Hough Transform for date - P10.pdfSHYAM917417
This document evaluates the use of pre-processing techniques, specifically the Hough transform and image binarization, to enhance optical character recognition (OCR) for extracting expiry dates from product images. Findings indicate that the Hough transform significantly improves OCR accuracy with minimal impact on execution time, while binarization often decreases accuracy. The paper concludes that applying Hough transform leads to higher extraction accuracy and faster processing times for expiry date recognition.
This research paper proposes a technique for estimating the skew present in Gujarati script documents using the Hough Transform method. The study includes preprocessing steps such as erosion and dilation, followed by Hough Transform application, resulting in an accuracy of 44% for skew angle estimation. The method demonstrated satisfactory performance across a variety of images despite some increased error at larger angles.
This document describes an object video tracking system that uses a pan-tilt-zoom (PTZ) camera mounted on a rotating platform to track objects in video frames. Three tracking algorithms were implemented and compared: template matching, contour matching, and optical flow. The system was able to successfully track rigid objects up to 400x300 pixels at 30 degrees/second pan and 15 degrees/second tilt rotation. Tracking was stable with rotation and scaling but faults occurred with occlusion or fast target motion.
Method of optimization of the fundamental matrix by technique speeded up rob...IJECEIAES
The article discusses the optimization of the fundamental matrix using various feature extraction techniques, specifically focusing on methods such as Harris, FAST, SIFT, and SURF. The proposed method aims to enhance the accuracy and processing time for estimating the fundamental matrix between two images of the same scene under different modifications. Simulation results demonstrate that the optimization approach achieves a maximum projection error of 1 pixel and processing times under 900 ms, with SURF providing the best performance overall.
OpenCVand Matlab based Car Parking System Module for Smart City using Circle ...JANAK TRIVEDI
The document presents an intelligent car parking system for smart cities utilizing Circle Hough Transform (CHT) and OpenCV for real-time detection of parking slots. It discusses the increasing necessity for efficient parking solutions in urban areas and compares various methods for circle detection in images using MATLAB and Python. The simulation results indicate the potential for automated parking slot detection, aimed at reducing traffic congestion and saving time in urban environments.
1. control of real time traffic with the help of image processingNitish Kotak
This document describes a real-time traffic control system using image processing. The system uses a camera to capture images of a four-road intersection. The images are processed to detect vehicles and calculate the area covered to determine traffic density. Based on density, different times are assigned to the traffic lights of each road. When the time for a road elapses, its light turns green while the camera moves to the next road. This allows lights to change adaptively based on real-time traffic conditions compared to traditional fixed timing systems. The approach aims to reduce congestion by allocating more time to busier roads.
The paper presents a novel pillar k-mean algorithm for motion tracking and image segmentation that combines color, texture, and pattern features to efficiently segment and track objects in video sequences. It proposes a mechanism for optimized clustering that enhances the performance and accuracy of motion estimation using spatio-temporal models. The approach aims to improve consistency in video object tracking by utilizing motion information from previous frames and appropriate segmentation techniques.
IRJET- Bidirectional Graph Search Techniques for Finding Shortest Path in Ima...IRJET Journal
This document presents a study comparing different graph search algorithms for solving mazes represented as images. The paper implements bidirectional versions of breadth-first search (BFS) and A* search and compares their performance on 8x8 and 16x16 mazes to the traditional unidirectional algorithms. For smaller 8x8 mazes, BFS performed best but for larger 16x16 mazes, bidirectional BFS was most efficient at finding the shortest path. Bidirectional search improves results but uses more space. The key aspect is finding the meeting point where the two searches meet, guaranteeing a solution if one exists.
LANE DETECTION USING IMAGE PROCESSING IN PYTHONIRJET Journal
This document presents a lane detection method using image processing techniques in Python. It involves Gaussian smoothing, Canny edge detection, region masking of the road area, and Hough transform to detect lane lines. The key steps are preprocessing the image, extracting edges, selecting the road region, and applying Hough transform to detect prominent lines corresponding to the lane markings. Experimental results on test images and videos demonstrate the effectiveness of the approach for lane detection without using complex deep learning methods. Some limitations around noise and variations in road conditions are also discussed.
Comparison of various Image Registration Techniques with the Proposed Hybrid ...idescitation
The document discusses various image registration techniques, essential for matching images obtained from different times or sensors, and presents a proposed hybrid system that utilizes both area-based and feature-based methods. It reviews methods including frequency domain, spatial domain, and transformation domain approaches to registration, highlighting their advantages and providing comparative results. The proposed system enhances computational efficiency and reduces memory requirements while improving the accuracy and flexibility of image registration processes.
This document describes a method for interactively manipulating parametric 3D shapes through direct brush strokes on the shape itself, rather than through adjusting individual hyper-parameters. The method works by amending the underlying direct acyclic graph (DAG) of the parametric shape to enable local differentiation of the shape with respect to its hyper-parameters. This allows the user's brush strokes to be interpreted as changes to the hyper-parameters through inverse control, without requiring any additional setup by the shape designer. The method is automatic, flexible, and non-invasive to existing parametric shape engines.
The Hough transform is a feature extraction technique used in image analysis and computer vision to detect shapes within images. It works by detecting imperfect instances of objects of a certain class of shapes via a voting procedure. Specifically, the Hough transform can be used to detect lines, circles, and other shapes in an image if their parametric equations are known, and it provides robust detection even under noise and partial occlusion. It works by quantizing the parameter space that describes the shape and counting the number of votes each parametric description receives from edge points in the image.
Image Features Matching and Classification Using Machine LearningIRJET Journal
This document presents a research paper that proposes a new methodology for image feature matching and classification using machine learning. The paper aims to improve accuracy and robustness in feature extraction and matching between digital images. The proposed methodology extracts features from images using machine learning, matches common features between images, and classifies objects. It is evaluated based on precision, recall, and F1-score, and shows improved performance over traditional Scale Invariant Feature Transform (SIFT) techniques on tested datasets with different objects. The proposed approach extracts fewer features and takes less computation time than traditional methods.
This document discusses image registration using mutual information. It describes mutual information as a similarity measure that is robust to illumination changes, modality differences, and occlusions. It can accurately register both monomodal and multimodal images in real-time. The document evaluates three optimization techniques for mutual information-based registration - gradient descent, conjugate gradient, and random search. Gradient descent produced the most accurate registrations with the lowest error values. Entropy, mutual information, and error values are calculated and reported to evaluate the registration results for both mono and multimodal images. Gradient descent optimization achieved the best alignment between images as indicated by the increased mutual information and decreased error values after registration.
IRJET- Object Detection using Hausdorff DistanceIRJET Journal
This document proposes a new object recognition system using Hausdorff distance. The system aims to improve on existing methods like YOLO that struggle with small objects and can capture garbage data. The document outlines preprocessing steps like noise cancellation, representing shapes as point sets, and extracting features. It then describes using Hausdorff distance and shape context to find the best match between input and reference shapes. Testing on datasets showed encouraging results for recognizing handwritten digits.
IRJET - Object Detection using Hausdorff DistanceIRJET Journal
This document proposes using Hausdorff distance for object detection as it can better handle noise compared to other methods like Euclidean distance. The document discusses preprocessing images using Gaussian filtering for noise cancellation. It then represents shapes as point sets for feature extraction before using Hausdorff distance to match shapes between reference and test images for object recognition. Encouraging results were obtained when testing on MNIST, COIL and private handwritten digit datasets.
Improved Performance of Fuzzy Logic Algorithm for Lane Detection ImagesIRJET Journal
1) The document proposes improving lane detection algorithms by modifying the Hough transform with fuzzy logic to handle curved lane images better.
2) It compares the performance of the traditional Hough transform method to the proposed fuzzy logic-based method using metrics like recall, accuracy, and error rates.
3) The results show that the proposed technique outperforms existing methods, particularly in the presence of noise, curved lanes, or other challenging image conditions.
A comparative analysis of retrieval techniques in content based image retrievalcsandit
The paper presents a comparative analysis of three image retrieval techniques: eigen values, color histogram, and match points, highlighting their efficiency in content-based image retrieval (CBIR). The eigen value technique demonstrated the shortest average retrieval time at 2.39 seconds, while color histogram retrieval required the most time at 12.73 seconds. The study concludes that while each method has its advantages, eigen values stand out as the most effective for improving retrieval speed and accuracy.
Adaptive Mobile Robot Navigation and Mapping.pdfssusera00b371
The task of building a map of an unknown environment and concurrently using that
map to navigate is a central problem in mobile robotics research This paper addresses
the problem of how to perform concurrent mapping and localization CML adaptively
using sonar Stochastic mapping is a featurebased approach to CML that generalizes the
extended Kalman lter to incorporate vehicle localization and environmental mappingWe
describe an implementation of stochastic mapping that uses a delayed nearest neighbor
data association strategy to initialize new features into the mapmatch measurements to
map features and delete outofdate features We introduce a metric for adaptive sensing
which is de ned in terms of Fisher information and represents the sum of the areas of the
error ellipses of the vehicle and feature estimates in the map Predicted sensor readings and
expected deadreckoning errors are used to estimate the metric for each potential action
of the robot and the action which yields the lowest cost ie the maximum information
is selected This technique is demonstrated via simulations inair sonar experiments and
underwater sonar experiments Results are shown for adaptive control of motion and
adaptive control of motion and scanning The vehicle tends to explore selectively di erent
objects in the environment The performance of this adaptive algorithm is shown to be
superior to straight line motion and random motion
A Real-Time Algorithm for Mobile Robot Mapping With Applications to.pdfssusera00b371
We present an incremental method for concurrent mapping
and localization for mobile robots equipped with 2D laser
range finders. The approach uses a fast implementation
of scan-matching for mapping, paired with a sample-based
probabilistic method for localization. Compact 3D maps
are generated using a multi-resolution approach adopted
from the computer graphics literature, fed by data from a
dual laser system. Our approach builds 3D maps of large,
cyclic environments in real-time. It is remarkably robust.
Experimental results illustrate that accurate maps of large,
cyclic environments can be generated even in the absence
of any odometric data.
More Related Content
Similar to Implementation_of_Hough_Transform_for_image_processing_applications.pdf (20)
Performance Evaluation of Lane Detection Images Based on Fuzzy LogicIRJET Journal
1. The document discusses lane detection techniques for autonomous vehicles using fuzzy logic. It aims to improve lane detection accuracy by modifying the Hough transform with fuzzy logic and different performance metrics.
2. The key techniques discussed are binarization, curve fitting, and the Hough transform. Binarization is used as a pre-processing step. Curve fitting is used to model the visual characteristics extracted from frames to represent the road. The Hough transform is commonly used for line detection but can fail on curved roads.
3. The authors propose using fuzzy logic with the Hough transform to improve lane detection on curved roads by integrating different performance metrics. They claim experimental results show the proposed technique outperforms existing methods.
Contour Line Tracing Algorithm for Digital Topographic MapsCSCJournals
The paper presents a modified Moore’s neighbor contour tracing algorithm aimed at automating the extraction of contour lines from topographic maps, crucial for GIS applications. Compared to traditional methods, the proposed algorithm demonstrates improved efficiency and accuracy in tracing contours while simplifying the database creation process. Testing on several topographic maps shows its effectiveness, making it a valuable contribution to the field of digital mapping.
OCR - Hough Transform for date - P10.pdfSHYAM917417
This document evaluates the use of pre-processing techniques, specifically the Hough transform and image binarization, to enhance optical character recognition (OCR) for extracting expiry dates from product images. Findings indicate that the Hough transform significantly improves OCR accuracy with minimal impact on execution time, while binarization often decreases accuracy. The paper concludes that applying Hough transform leads to higher extraction accuracy and faster processing times for expiry date recognition.
This research paper proposes a technique for estimating the skew present in Gujarati script documents using the Hough Transform method. The study includes preprocessing steps such as erosion and dilation, followed by Hough Transform application, resulting in an accuracy of 44% for skew angle estimation. The method demonstrated satisfactory performance across a variety of images despite some increased error at larger angles.
This document describes an object video tracking system that uses a pan-tilt-zoom (PTZ) camera mounted on a rotating platform to track objects in video frames. Three tracking algorithms were implemented and compared: template matching, contour matching, and optical flow. The system was able to successfully track rigid objects up to 400x300 pixels at 30 degrees/second pan and 15 degrees/second tilt rotation. Tracking was stable with rotation and scaling but faults occurred with occlusion or fast target motion.
Method of optimization of the fundamental matrix by technique speeded up rob...IJECEIAES
The article discusses the optimization of the fundamental matrix using various feature extraction techniques, specifically focusing on methods such as Harris, FAST, SIFT, and SURF. The proposed method aims to enhance the accuracy and processing time for estimating the fundamental matrix between two images of the same scene under different modifications. Simulation results demonstrate that the optimization approach achieves a maximum projection error of 1 pixel and processing times under 900 ms, with SURF providing the best performance overall.
OpenCVand Matlab based Car Parking System Module for Smart City using Circle ...JANAK TRIVEDI
The document presents an intelligent car parking system for smart cities utilizing Circle Hough Transform (CHT) and OpenCV for real-time detection of parking slots. It discusses the increasing necessity for efficient parking solutions in urban areas and compares various methods for circle detection in images using MATLAB and Python. The simulation results indicate the potential for automated parking slot detection, aimed at reducing traffic congestion and saving time in urban environments.
1. control of real time traffic with the help of image processingNitish Kotak
This document describes a real-time traffic control system using image processing. The system uses a camera to capture images of a four-road intersection. The images are processed to detect vehicles and calculate the area covered to determine traffic density. Based on density, different times are assigned to the traffic lights of each road. When the time for a road elapses, its light turns green while the camera moves to the next road. This allows lights to change adaptively based on real-time traffic conditions compared to traditional fixed timing systems. The approach aims to reduce congestion by allocating more time to busier roads.
The paper presents a novel pillar k-mean algorithm for motion tracking and image segmentation that combines color, texture, and pattern features to efficiently segment and track objects in video sequences. It proposes a mechanism for optimized clustering that enhances the performance and accuracy of motion estimation using spatio-temporal models. The approach aims to improve consistency in video object tracking by utilizing motion information from previous frames and appropriate segmentation techniques.
IRJET- Bidirectional Graph Search Techniques for Finding Shortest Path in Ima...IRJET Journal
This document presents a study comparing different graph search algorithms for solving mazes represented as images. The paper implements bidirectional versions of breadth-first search (BFS) and A* search and compares their performance on 8x8 and 16x16 mazes to the traditional unidirectional algorithms. For smaller 8x8 mazes, BFS performed best but for larger 16x16 mazes, bidirectional BFS was most efficient at finding the shortest path. Bidirectional search improves results but uses more space. The key aspect is finding the meeting point where the two searches meet, guaranteeing a solution if one exists.
LANE DETECTION USING IMAGE PROCESSING IN PYTHONIRJET Journal
This document presents a lane detection method using image processing techniques in Python. It involves Gaussian smoothing, Canny edge detection, region masking of the road area, and Hough transform to detect lane lines. The key steps are preprocessing the image, extracting edges, selecting the road region, and applying Hough transform to detect prominent lines corresponding to the lane markings. Experimental results on test images and videos demonstrate the effectiveness of the approach for lane detection without using complex deep learning methods. Some limitations around noise and variations in road conditions are also discussed.
Comparison of various Image Registration Techniques with the Proposed Hybrid ...idescitation
The document discusses various image registration techniques, essential for matching images obtained from different times or sensors, and presents a proposed hybrid system that utilizes both area-based and feature-based methods. It reviews methods including frequency domain, spatial domain, and transformation domain approaches to registration, highlighting their advantages and providing comparative results. The proposed system enhances computational efficiency and reduces memory requirements while improving the accuracy and flexibility of image registration processes.
This document describes a method for interactively manipulating parametric 3D shapes through direct brush strokes on the shape itself, rather than through adjusting individual hyper-parameters. The method works by amending the underlying direct acyclic graph (DAG) of the parametric shape to enable local differentiation of the shape with respect to its hyper-parameters. This allows the user's brush strokes to be interpreted as changes to the hyper-parameters through inverse control, without requiring any additional setup by the shape designer. The method is automatic, flexible, and non-invasive to existing parametric shape engines.
The Hough transform is a feature extraction technique used in image analysis and computer vision to detect shapes within images. It works by detecting imperfect instances of objects of a certain class of shapes via a voting procedure. Specifically, the Hough transform can be used to detect lines, circles, and other shapes in an image if their parametric equations are known, and it provides robust detection even under noise and partial occlusion. It works by quantizing the parameter space that describes the shape and counting the number of votes each parametric description receives from edge points in the image.
Image Features Matching and Classification Using Machine LearningIRJET Journal
This document presents a research paper that proposes a new methodology for image feature matching and classification using machine learning. The paper aims to improve accuracy and robustness in feature extraction and matching between digital images. The proposed methodology extracts features from images using machine learning, matches common features between images, and classifies objects. It is evaluated based on precision, recall, and F1-score, and shows improved performance over traditional Scale Invariant Feature Transform (SIFT) techniques on tested datasets with different objects. The proposed approach extracts fewer features and takes less computation time than traditional methods.
This document discusses image registration using mutual information. It describes mutual information as a similarity measure that is robust to illumination changes, modality differences, and occlusions. It can accurately register both monomodal and multimodal images in real-time. The document evaluates three optimization techniques for mutual information-based registration - gradient descent, conjugate gradient, and random search. Gradient descent produced the most accurate registrations with the lowest error values. Entropy, mutual information, and error values are calculated and reported to evaluate the registration results for both mono and multimodal images. Gradient descent optimization achieved the best alignment between images as indicated by the increased mutual information and decreased error values after registration.
IRJET- Object Detection using Hausdorff DistanceIRJET Journal
This document proposes a new object recognition system using Hausdorff distance. The system aims to improve on existing methods like YOLO that struggle with small objects and can capture garbage data. The document outlines preprocessing steps like noise cancellation, representing shapes as point sets, and extracting features. It then describes using Hausdorff distance and shape context to find the best match between input and reference shapes. Testing on datasets showed encouraging results for recognizing handwritten digits.
IRJET - Object Detection using Hausdorff DistanceIRJET Journal
This document proposes using Hausdorff distance for object detection as it can better handle noise compared to other methods like Euclidean distance. The document discusses preprocessing images using Gaussian filtering for noise cancellation. It then represents shapes as point sets for feature extraction before using Hausdorff distance to match shapes between reference and test images for object recognition. Encouraging results were obtained when testing on MNIST, COIL and private handwritten digit datasets.
Improved Performance of Fuzzy Logic Algorithm for Lane Detection ImagesIRJET Journal
1) The document proposes improving lane detection algorithms by modifying the Hough transform with fuzzy logic to handle curved lane images better.
2) It compares the performance of the traditional Hough transform method to the proposed fuzzy logic-based method using metrics like recall, accuracy, and error rates.
3) The results show that the proposed technique outperforms existing methods, particularly in the presence of noise, curved lanes, or other challenging image conditions.
A comparative analysis of retrieval techniques in content based image retrievalcsandit
The paper presents a comparative analysis of three image retrieval techniques: eigen values, color histogram, and match points, highlighting their efficiency in content-based image retrieval (CBIR). The eigen value technique demonstrated the shortest average retrieval time at 2.39 seconds, while color histogram retrieval required the most time at 12.73 seconds. The study concludes that while each method has its advantages, eigen values stand out as the most effective for improving retrieval speed and accuracy.
Adaptive Mobile Robot Navigation and Mapping.pdfssusera00b371
The task of building a map of an unknown environment and concurrently using that
map to navigate is a central problem in mobile robotics research This paper addresses
the problem of how to perform concurrent mapping and localization CML adaptively
using sonar Stochastic mapping is a featurebased approach to CML that generalizes the
extended Kalman lter to incorporate vehicle localization and environmental mappingWe
describe an implementation of stochastic mapping that uses a delayed nearest neighbor
data association strategy to initialize new features into the mapmatch measurements to
map features and delete outofdate features We introduce a metric for adaptive sensing
which is de ned in terms of Fisher information and represents the sum of the areas of the
error ellipses of the vehicle and feature estimates in the map Predicted sensor readings and
expected deadreckoning errors are used to estimate the metric for each potential action
of the robot and the action which yields the lowest cost ie the maximum information
is selected This technique is demonstrated via simulations inair sonar experiments and
underwater sonar experiments Results are shown for adaptive control of motion and
adaptive control of motion and scanning The vehicle tends to explore selectively di erent
objects in the environment The performance of this adaptive algorithm is shown to be
superior to straight line motion and random motion
A Real-Time Algorithm for Mobile Robot Mapping With Applications to.pdfssusera00b371
We present an incremental method for concurrent mapping
and localization for mobile robots equipped with 2D laser
range finders. The approach uses a fast implementation
of scan-matching for mapping, paired with a sample-based
probabilistic method for localization. Compact 3D maps
are generated using a multi-resolution approach adopted
from the computer graphics literature, fed by data from a
dual laser system. Our approach builds 3D maps of large,
cyclic environments in real-time. It is remarkably robust.
Experimental results illustrate that accurate maps of large,
cyclic environments can be generated even in the absence
of any odometric data.
The document covers various aspects of hydraulic circuit design, emphasizing basic blocks like reservoirs and accessories. It details simple hydraulic circuits, clamping circuits used in machine tool hydraulics, and dual-speed configurations with flow control valves. Additional applications include hydraulics in plastic injection molding and machine operations involving pressure regulation through various valve types.
Water demand - Types , variations and WDSdhanashree78
Water demand refers to the volume of water needed or requested by users for various purposes. It encompasses the water required for domestic, industrial, agricultural, public, and other uses. Essentially, it represents the overall need or quantity of water required to meet the demands of different sectors and activities.
VARICELLA VACCINATION: A POTENTIAL STRATEGY FOR PREVENTING MULTIPLE SCLEROSISijab2
Multiple sclerosis (MS) is a debilitating neurological condition affecting approximately 2.9 million people worldwide. Its cause remains unclear but environmental factors, such as post-childhood Epstein-Barr virus (EBV) infection, are thought to contribute to MS incidence.
This covers traditional machine learning algorithms for classification. It includes Support vector machines, decision trees, Naive Bayes classifier , neural networks, etc.
It also discusses about model evaluation and selection. It discusses ID3 and C4.5 algorithms. It also describes k-nearest neighbor classifer.
Introduction to Natural Language Processing - Stages in NLP Pipeline, Challen...resming1
Lecture delivered in 2021. This gives an introduction to Natural Language Processing. It describes the use cases of NLP in daily life. It discusses the stages in NLP Pipeline. It highlights the challenges involved covering the different levels of ambiguity that could arise. It also gives a brief note on the present scenario with the latest language models, tools and frameworks/libraries for NLP.
Microwatt is a lightweight, open-source core based on the OpenPOWER ISA.
It’s designed for FPGAs and easy experimentation in chip design.
Ideal for education, prototyping, and custom silicon development.
Fully open, it empowers developers to learn, modify, and innovate.
Understanding Amplitude Modulation : A GuideCircuitDigest
Discover how amplitude modulation works through a detailed guide covering its principles, waveform behavior, and hands-on AM circuit demo using simple electronic components. Great for students and RF beginners.
Read more : https://circuitdigest.com/electronic-circuits/what-is-amplitude-modulation-complete-guide-formula-circuit-diagram-practical-demonstration
Rigor, ethics, wellbeing and resilience in the ICT doctoral journeyYannis
The doctoral thesis trajectory has been often characterized as a “long and windy road” or a journey to “Ithaka”, suggesting the promises and challenges of this journey of initiation to research. The doctoral candidates need to complete such journey (i) preserving and even enhancing their wellbeing, (ii) overcoming the many challenges through resilience, while keeping (iii) high standards of ethics and (iv) scientific rigor. This talk will provide a personal account of lessons learnt and recommendations from a senior researcher over his 30+ years of doctoral supervision and care for doctoral students. Specific attention will be paid on the special features of the (i) interdisciplinary doctoral research that involves Information and Communications Technologies (ICT) and other scientific traditions, and (ii) the challenges faced in the complex technological and research landscape dominated by Artificial Intelligence.
1. See discussions, stats, and author profiles for this publication at: https://www.researchgate.net/publication/286582273
Implementation of Hough Transform for image processing applications
Conference Paper · April 2014
DOI: 10.1109/ICCSP.2014.6949962
CITATIONS
20
READS
311
2 authors, including:
Chandrasekar Lakshumanan
GlobalFoundries Inc.
20 PUBLICATIONS 103 CITATIONS
SEE PROFILE
All content following this page was uploaded by Chandrasekar Lakshumanan on 19 July 2022.
The user has requested enhancement of the downloaded file.
3. extraneous noise and performs line detection even when the
lines in the image contain gaps. Once all the points in an
image are transformed using this method, the Hough
parameter space can be inspected for local maxima which
indicate the orientation and the position of the straight lines in
the original image. The Hough accumulator array thus serves
as an indicator of the exact position of the straight line in the
image. The main drawbacks of DA are its high memory
requirements and computational complexity, and these impose
a limitation on the use of the transform for real-time
applications. However, the transform is computationally
expensive and the standard form is ineffective for real-time
segmentation applications.
Line detection [5] is often needed in computer vision
applications. The Hough transform processing of image data
for line detection is robust but time-consuming. With the use
of multiple processors, the processing time for Hough
transform can be much reduced. The Hough transform needs
accumulator memory to store the voting count in each
probable parameter point. It could obtain a point in the
parameter space by a single accumulation. However, all of the
pixels in the binary feature image need to go through the
computation pixel by pixel, which limits its throughput.
III. DETAILED STUDY OF HOUGH TRANSFORM
The Hough Transform is used for the detection of features
of a particular shape like lines or circles in digitalized images.
The Hough transform has long been recognized as a robust
technique for detecting multi-dimensional features in an image
and estimating their parameters. It has many applications, as
most manufactured parts contain feature boundaries, which
can be described by regular curves or straight lines. Its main
advantage is that it is tolerant of gaps in feature boundary
descriptions and is relatively unaffected by noisy image.
The purpose of the technique is to fmd imperfect instances
of objects within a certain class of shapes by a voting
procedure. This voting procedure is carried out in a parameter
space, from which object candidates are obtained as local
maxima in a accumulator space that is explicitly constructed
by the algorithm for computing the Hough transform. It
transforms between the Cartesian space and a parameter space
in which a straight line can be defmed [6]. Let's consider the
case where we have straight lines in an image. We first note
that for every point (Xi, Yi) in that image, all the straight lines
passing through that point satisfy (1) for varying values of line
slope and intercept (m, c).
Yi = mXi + C (1)
Now if we reverse our variables and look instead at the values
of (m, c) as a function of the image point co-ordinates (Xi, Yi)
then (1) becomes
(2)
Equation (2) describes a straight line on a graph of c against
m. Following the discussion above, we now can describe an
algorithm for detecting lines in images. The steps are as
follows:
1. Find all the line points in the image using any suitable line
detection scheme.
2. Quantize the (m, c) space into a two-dimensional matrix H
with appropriate quantization levels.
3. Initialize the matrix H to zero.
4. Each element of H matrix, H(mi' Ci), which is found to
correspond to an line point is incremented by 1. The result is a
histogram or a vote matrix showing the frequency of line
points corresponding to certain (m, c) values (i.e. points lying
on a common line).
5. The histogram H is thresholded where only the large valued
elements are taken. These elements correspond to lines in the
original image.
In Classical Hough Transform, the lines and curves are
defined by slope-intercept parameters and in Generalized
Hough Transform which are defined by angle-radius
parameters.
A. Classical Hough Transform
The Classical Hough Transform [7] is a standard algorithm
for line and circle detection. It can be applied to many
computer vision problems as most images contain feature
boundaries which can be described by regular curves. The
main advantage of the Hough transform technique is that it is
tolerant of gaps in feature boundary descriptions and is
relatively unaffected by image noise, unlike line detectors.
The simplest case of Hough transform is the linear
transform for detecting straight lines. In the image space, the
straight line can be described as Y = mx + C and can be
graphically plotted for each pair of image points (x, y). In the
Hough transform, a main idea is to consider the characteristics
of the straight line not as image points x or y, but in terms of
its parameters, here the slope parameter m and the intercept
parameter c. However, this method has its drawbacks. If the
line is horizontal, then m is 0, and if the line is vertical, then
m is infinite.
Since the slope of vertical line is not defined, the classical
Hough transform is not suitable for vertical lines. The
drawback of classical Hough transform is, it gives an infmite
line which is expressed by the pair of m and C values, rather
than a finite line segment with two well defmed end points.
One practical difficulty is that, the Y = mx + C form for
representing a straight line breaks down for vertical lines,
when m becomes infinite. It is impossible to detect vertical
lines in an image by this method. To overcome the above
problem, Generalized Hough Transform method is introduced.
IV. PROPOSED GENERALIZED HOUGH TRANSFORM
A. Generalized Hough Transform
The Generalized Hough Transform is the modification of
the Hough Transform using the principle of template
matching. This modification enables the Hough Transform to
be used for not only the detection of an object described with
an analytic equation (e.g. line, circle, etc.) and it can also be
used to detect an arbitrary object described with its model. The
problem of finding the object (described with a model) in an
image can be solved by fmding the model's position in the
844
Authorized licensed use limited to: Indian Institute of Information Technology Design & Manufacturing. Downloaded on July 19,2022 at 14:53:50 UTC from IEEE Xplore. Restrictions apply.
4. image. With the Generalized Hough Transform, the problem
of finding the model's position is transformed to a problem of
fmding the transformation's parameter that maps the model
into the image. As long as we know the value of the
transformation's parameter, the position of the model in the
image can be determined [8]. The original implementation of
the GHT uses line information to define a mapping from
orientation of a line point to a reference point of the shape.
In the case of a binary image where pixels can be either
black or white, every black pixel of the image can be a black
pixel of the desired pattern thus creating a locus of reference
points in the Hough Space. Every pixel of the image votes for
its corresponding reference points. The maximum points of the
Hough Space indicate possible reference points of the pattern
in the image. This maximum can be found by scanning the
Hough Space or by solving a relaxed set of equations, each of
them corresponding to a black pixel. In Generalized Hough
transform, the ;space is converted into p-e space. So, a
more general representation of a line will be
p = x cose + ysine (3)
The drawbacks of Classical Hough transform are overcome
by Generalized Hough transform. In GHT the (x,y) space is
converted into (p,e) parameter space. From the Fig. 1, it is
noted that p is the perpendicular distance of the straight line
from the point P(x,y) to the origin 0 and e is the angle
between a normal to the straight line and the positive x-axis
and AB is the line segment in xy-space and draw one
perpendicular line segment from the point P(x,y) to positive
x-axis, mark the meeting point as Rand OP is equal to p.
From the Fig. 1, slope of the line segment OP is tane. Since
the line segment AB is perpendicular to OP, the slope of AB is
given by (4).
Use (4) and (5) in the general form of straight line segment
AB, we get
cose p
y = - -- x + --
sine sine
and it can be written as
p = x cose + ysine
(6)
(7)
Hence the (7) is used in Generalized Hough Transform to
convert the xy-space into (p,e) parameter space. In (7) x and
y are the image co- ordinates which are kept constants, p and
e are variables. For a single pixel (single point) we can
calculate different p values by varying the values of e. Points
in an image (Points in (x,y) space) are equivalent to sinusoids
in parameter space as shown in Fig. 2 and Fig. 3 respectively.
Similarly point in parameter space is equivalent to the line in
image (i.e.,) a point in parameter space is obtained by
intersection of several sinusoids which is equivalent to the
straight lines in image.
y'
II
cose
m = - -
sine
(4) Fig.2. Representation of line in (X, y) space.
y
x
B
Fig.l. Conversion of Xy-space into (p,e) parameter space.
In Fig. 1, the line segment AB meet the y-axis at the point
Q(D,c) and from the right-angle llOPQ, the y-intercept is
given by (5)
p
c = -
sine
(5)
845
ParameterSpace (p,e) -�..,
-�I)I
- 11.11
-� III
-�'PI
.,
..
Fig.3. Representation of line in (p,e) parameter space.
Fig. 2 shows that a line is represented in (x,y) space in
which a set of pixels passing through it. In Fig. 3 the same line
is represented in (p,e) parameter space. The Algorithm for
Generalized Hough transform algorithm is given in the
following steps
Authorized licensed use limited to: Indian Institute of Information Technology Design & Manufacturing. Downloaded on July 19,2022 at 14:53:50 UTC from IEEE Xplore. Restrictions apply.
5. Step 1: Read the input image with size of W xH.
Step 2: By preprocessing and thresholding, convert the input
image into binary feature image.
Step 3: Calculate R = round (-J�(W----1-::-:)2::-+
----:-
(H
---
-----:
1)
""" 2·).
Step 4: Build Rho which varies from - R to R with spacing
Rho-resolution (user defined).
Step 5: Build Theta which varies from - 90 to 90 with spacing
Theta-Resolution (user defined).
Step 6: Calculate NR and NT, where NR = Number of
elements in Rho matrix and NT = Number of elements in
Theta matrix.
Step 7: Build a Hough Transform Matrix (HTM) with zero
elements of size NR xNT
Step 8: Find the co-ordinates (x, y) of all feature pixels and
the number of feature pixels (P) in binary feature image.
Step 9: Create a accumulator (ace) with zero elements of
P xNT.
Step 10: Calculate all the values of Sand C, where
S = [0 to H - 1] xsin(Theta)
C = [0 to W - 1] xcos(Theta)
Step 11: Find C(x) and S(y) such that C(x) is the value of C
present only for the x co-ordinates and S(y) is the value of S
present only in y co-ordinates.
Step 12: Now calculate ace = round [C(x) + S(y)], ace is
nothing but the perpendicular distances (p values) for the
feature pixels in the binary image.
Step 13: Comparing ace and Rho, calculate a and b, where a
indicates the row in which the element present in ace and b
indicates the column in which the element present in Rho
should be as same as that of the element in acematrix.
Step 14:Increment the HTM by HT
M(a,b) = HT
M(a,b) + 1.
Step 15: Plot the HTM along with Rho and Theta. Hence the
lines are detected.
B. Feature Extraction
The algorithm uses an optimal line detector based on a set
of criteria which include finding the most lines by minimizing
the error rate, marking lines as closely as possible to the actual
lines to maximize localization, and marking lines only once
when a single line exists for minimal response. The Algorithm
for extracting lines from Hough Transform Matrix is given in
the following steps
Step 1: Find the number of peaks in HTM.
Step 2: Find the row(p) and column(q) of the first peak from
HTM.
Step 3: Map the p with Rho and find the p value and similarly
map the q with Thetaand find the () value.
Step 4: Find the co-ordinates of the pixels which give
corresponding p and ().
Step 5: Repeat Step 2, Step 3 and Step 4 for all peaks.
Step 6: Plot the co-ordinates of the pixels on the binary feature
image.
V. SIMULATION RESULTS
The tool used for simulation is MATrix LABoratory
(MATLAB). The results for line detection and extraction of
input image is the house which is in the size of 256 x 256, the
lines in the input image are detected in its corresponding
Hough Transform of input image as shown in Fig. 4. The lines
in the image are detected as a number of points in the Rho and
Theta parameter space. The votes for collinear points are
consolidated in the Hough Transform Matrix and then plotted
in (p,()) parameter space.
In extraction process, the lines are retrieved from the
image. The lines are extracted from the HTM which is
generated from the Algorithm of Generalized Hough
Transform. The input image is as same as shown in Fig. 4. The
extracted lines for the input image house are shown in Fig. 5.
The threshold value is given in order to find the number of
peaks in HTM. The peak which has the highest accumulated
votes is extracted first. The co-ordinates of the peak are
determined and then its drawn on the binary feature image.
The number of collinear pixels is detected on basis of the peak
value which has the largest accumulated votes from the HTM.
The edge detection for the corresponding input image of size
256 x 256 using the tool MODELSIM is simulated and the
output is shown in Fig. 6.
Fig.4. Input image and its Hough Transfonn-House.
lines from the Hough Transform Matrix are given below. The Fig.5. Extraction of lines-House.
846
Authorized licensed use limited to: Indian Institute of Information Technology Design & Manufacturing. Downloaded on July 19,2022 at 14:53:50 UTC from IEEE Xplore. Restrictions apply.
6. Fig.6. Output of Edge Detection.
VI. CONCLUSION
This paper therefore proposes Generalized Hough
Transform-based line recognition method, which utilize both
the Hough Transform parameter space and the image space.
GHT proposes to utilize the image space throughout the whole
recognition process. The algorithm accelerates the HT
accumulation and helps eliminate the random aligned noises.
Erasing the pixels belonging to newly recognized lines avoids
overlapping lines effectively. All these techniques work
together to significantly speed up the whole recognition
process for large-size images, while maintaining high
detection accuracy, as confirmed by the experimental results.
An important special use of this method is to detect the feature
points lying on a straight line and possessing some specified
property such as incrementing property.
REFERENCES
[II Messom C. H.,Sen Gupta G. and Demidenko S.N.,"Hough transform run
length encoding for real-time image processing," IEEE Trans. Instrum.
Meas., Vol. 56,No. 3, pp. 962-967,2007.
[21 Bruguera J.D., Guil N., Lang T., Villalba J. and Zapata E.L.,"Cordic
based parallel/pipelined architecture for the Hough transform," VLSI
Signal Process., Vol. 12,No.3,pp. 207-221,1996.
[
31 Zhou F. and Kornerup P., "A high speed Hough transform using
CORDIC," Univ. Southern Denmark,Tech. Rep. pp-1995-27,1995.
[41 Mayasandra K.,Salehi S.,Wang W. and Ladak H. M. ,"A distributed
arithmetic hardware architecture for real-time Hough-transform-based
segmentation," J.Electr. Comput. Eng., Vol. 30, No. 4, pp. 201-205,
2005.
[51 Chern M.Y. and Lu Y.H., "Design and integration of parallel
Houghtransform chips for high-speed line detection," in Proc. IIth Int.
Conf. Parallel Distrib. Syst. Workshops, Vol. 2,pp. 42-46,2005.
[61 Duda R.O. and Hart P.E.,"Use of the Hough transform to detect lines and
curves in pictures," Comm. ACM, Vol. 15,No. I,
pp. II-IS,1972.
[71 Gorman F.O. and Clowes M.B. (1976),"Finding picture edges through
collinearity of feature points," IEEE Trans. Comput., Vol. C-100,
pp.449-456.
[81 Zhong-Ho Chen,Alvin Su W.Y. and Ming-Ting Sun,"Resource-Efficient
FPGA Architecture and Implementation of Hough Transform "
proceeding on IEEE transactions on VLSI ,Vol. 20,No. 8,2012.
847
Authorized licensed use limited to: Indian Institute of Information Technology Design & Manufacturing. Downloaded on July 19,2022 at 14:53:50 UTC from IEEE Xplore. Restrictions apply.
View publication stats