An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: sobel-filter

MAliKaya53/Sobel-Python

Size: 2.93 KB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 0 - Forks: 0

NA-varez/Real-Time-Sobel-Filter-Optimization

Exploring Sobel Filter Optimization on a Raspberry Pi. Documented. Each Part builds ontop of the other.

Language: Makefile - Size: 20.6 MB - Last synced at: 21 days ago - Pushed at: 22 days ago - Stars: 0 - Forks: 0

bakshishantanu/hybrid-image-processing-c

High-performance image processing using C with OpenMP and MPI

Language: C - Size: 438 MB - Last synced at: 30 days ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

parvatijay2901/Automatic-Number-plate-detection-for-Indian-vehicles

EC351: Introduction to Algorithms

Language: Python - Size: 7.33 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 64 - Forks: 29

milaan9/Python_Computer_Vision_from_Scratch

This repository explores the variety of techniques commonly used to analyze and interpret images. It also describes challenging real-world applications where vision is being successfully used, both for specialized applications such as medical imaging, and for fun, consumer-level tasks such as image editing and stitching, which students can apply to their own personal photos and videos.

Language: Jupyter Notebook - Size: 7.41 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 240 - Forks: 192

therealczr15/NYCU_DIP_2023F

NYCU Digital Image Processing 2023 Fall

Language: C++ - Size: 39.1 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

AbdullahELyamany/Image-Processing

Image-Processing.exe App to choose an image and apply functions and filters to the image Functions (decrease_brightness, increase_brightness, negative, power_law, log_transformation, histogram_equalization) Filters (average, max, min, median, sobel, prewitt)

Language: Python - Size: 13.7 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

gyselle-marques/sobel-filter

Machine Learning: Image Processing with Sobel Filter.

Language: Jupyter Notebook - Size: 663 KB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

NikhilRout/FPGAedgeDETECTION

Optimizing RGB to Grayscale, Gaussian Blur and Sobel-Filter operations on FPGAs for reduced dynamic power consumption

Language: Verilog - Size: 4.91 MB - Last synced at: 28 days ago - Pushed at: 9 months ago - Stars: 2 - Forks: 0

miguelmota/sobel 📦

Sobel Filter algorithm in JavaScript.

Language: JavaScript - Size: 2.33 MB - Last synced at: 29 days ago - Pushed at: over 6 years ago - Stars: 102 - Forks: 33

thabsheerjm/Edge-detection

Edge detection ensemble methods

Language: Jupyter Notebook - Size: 2.75 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

mazen-daghari/MATLAB-Image-Processing-Application

This MATLAB application provides an intuitive platform for applying various image filtering and processing techniques.

Size: 14.3 MB - Last synced at: about 1 month ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

mehmetkacmaz/Median-Based-AutoFocus-Algorithm

In this study, a method has been developed and demonstrated for industrial cameras to determine the optimum camera position during the image acquisition phase.

Language: Python - Size: 7.81 KB - Last synced at: 5 months ago - Pushed at: almost 2 years ago - Stars: 22 - Forks: 2

MSD-IRIMAS/CF-4-TSC

Hand-Crafted Convolutional Filters 4 Time Series

Language: Python - Size: 7.91 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 13 - Forks: 2

humanbydefinition/p5js-edge-detection-ascii-renderer

A fast and customizable p5.js ascii renderer with edge detection utilizing GLSL shaders

Language: JavaScript - Size: 68.4 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 5 - Forks: 0

FabioMurgese/PatternRecognition

Language: Jupyter Notebook - Size: 86.9 MB - Last synced at: 11 months ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

Kerbonaut-TS/StatFilters

Java code to apply apply statistical functions on images

Language: Java - Size: 170 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

abphilip-vit/College_Mini

College - Mini Projects

Language: Jupyter Notebook - Size: 12.1 MB - Last synced at: 12 months ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

MAliKaya53/Sobel_Filter

Sobel Filter Verilog implementation

Language: Verilog - Size: 30.3 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

Aniike-t/Image-Processsing-Filters

Small project protraying use of edge detection prewitt, sobel, median filter and guassian blur

Language: JavaScript - Size: 5.47 MB - Last synced at: 3 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

RobuRishabh/Real-time-filtering

Implemented a 5x5 Gaussian filter, 3x3 Sobel X and 3x3 Sobel Y, generated a gradient magnitude image from the X and Y Sobel images, blurred and quantized a color image, did live video cartoonization, put sparkles into the image where there are strong edges.

Language: C++ - Size: 53.5 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Anas1108/Finding-the-Wave-with-Most-Frequencies

This repository contains an implementation of finding the wave with the highest number of frequencies (peaks) from an image, and then drawing a bounding rectangle around it.

Language: Jupyter Notebook - Size: 337 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

keineahnung2345/digital-image-processing-cpp

cpp implementation for algorithms in the book "digital image processing and computer vision"("数字图像处理与机器视觉-Visual C++与Matlab实现")

Language: C++ - Size: 28.2 MB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 16 - Forks: 7

akastoras/sobel-filter

Parallel implementation of Sobel Filter on .pgm images with OpenMP.

Language: C - Size: 97.7 MB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

yeong-hwan/image-enhancer

Image enhancement program for damaged image

Language: Jupyter Notebook - Size: 13.2 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

naitri/Probability_based_Boundary_Detection

Implementation of Probability based Boundary Detection

Language: Python - Size: 10.1 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

Gelareh-st/Image-Edge-Detection

Image edge detection algorithms such as Laplacian of Gaussian(LoG) , Canny filter , Roberts Cross Operator , Sobel Operator.

Language: Python - Size: 6.84 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

kapilpokhrel/Lowpoly

Generate lowpoly image in desmos graph.

Language: JavaScript - Size: 1.44 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 0

Org-Placeholder/CV_CUDA

CUDA implementations of various Computer Vision Algorithms

Language: Cuda - Size: 48.5 MB - Last synced at: 6 months ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 1

fzehracetin/sobel-edge-detection-in-c

This is small image processing project which can read&write pgm images in C language and applies sobel edge detection on them.

Language: C - Size: 4.69 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 4

amatov/ResistanceBiomarkerAnalysis

Language: MATLAB - Size: 13.2 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

mahmoudai1/image-processing-filters

Digital Image Processing filters developed by python using ipywidgets.

Language: Jupyter Notebook - Size: 29.3 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 8 - Forks: 3

nbtin/edge-detection

Implementation of some popular filters used for Edge Detection.

Language: C++ - Size: 1.71 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

ismaelfari1996/lib-img

Library to process images, have Canny, Sobel, Gaussian filter.

Language: C - Size: 175 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Acceleretta/Filter-Sobel

Edge detection algorithm using Sobel Operator in C

Language: C - Size: 908 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

genericalexacc/go_vision

Some image processing algorithms that I implemented in the Go programming language from scratch.

Language: Go - Size: 136 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 0

MrAlexeiMK/ImageProcessing

Some Image Processing algorithms on C#

Language: C# - Size: 26.4 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

OluwaseunOjeleye/Image-Processing-App

This repository contains the implementation of an Object Detection and Classification & Line and Circle Detection Application

Language: C++ - Size: 14.8 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 18 - Forks: 3

oaxelou/HPC

High Performance Computing - GPUs - CUDA

Language: Cuda - Size: 877 KB - Last synced at: 9 months ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

AhmedAbdAlkreem/Basic-Open_CV

This repository explaine what is open cv and how to use it in computer vision.

Language: Jupyter Notebook - Size: 5.69 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

lefevrej/HPC_1

Optimization of Median and Sobel filters in C ++ in order to exceed the performance of OpenCV.

Language: C++ - Size: 8.79 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

nawalmunif/Image-Processing-on-FPGA

An efficient FPGA-based design and implementation of image processing algorithm is presented using verilog hardware description language on Xilinx Vivado.

Size: 36.5 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

m-enesyilmaz/Digital-Image-Processing-with-Matlab

In this repo, we will implement digital image processing examples with matlab.

Language: MATLAB - Size: 3.55 MB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

AHMEDSANA/Simple-Computer-Vision-Codes-in-Python

In this you will find simple and easy Computer Vision Codes in Python

Language: Jupyter Notebook - Size: 713 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

clusader/ComputerVisionAlgorithms

Implementation and visualization of different CV algorithms

Language: C# - Size: 17.6 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

heisenberg141/Probability-Based-Boundary-Detection

This Repository consists of implementation of probability based boundary detection algorithm which gives more accurate results than canny edge detection.

Language: Python - Size: 7.2 MB - Last synced at: about 2 months ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

NavindaFernando/Lane-Detection

Lane Detection with Image Feature Extraction Techniques :aerial_tramway:

Language: Jupyter Notebook - Size: 908 KB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Remydeme/image-processing

Image processing algo in C for BMP format. Prewitt filter, K-means, sobel filter, histogram.

Language: C - Size: 13.5 MB - Last synced at: 6 days ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 1

M-Valentino/Exploring-Canny-Edge-Detection

Language: Jupyter Notebook - Size: 5.5 MB - Last synced at: 2 days ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

mohadeseh-ghafoori/FPGA-Lab

codes of my IUT FPGA LAB

Language: Verilog - Size: 14.2 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

Savaw/Multicore

Edge detection for images based on SIMD computations using NVIDIA CUDA

Language: TeX - Size: 53.5 MB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 3 - Forks: 0

vcoda/aggregated-graphics-samples

A collection of exemplary graphics samples based on Magma and Vulkan API

Language: C++ - Size: 19 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 1

nuwandda/Cuda-In-Computer-Vision

GPU-based implementations of some computer vision algorithms.

Language: Cuda - Size: 6.06 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 1

JCLArriaga5/color-edge-det-qft

Edge detection in color images using sobel filtering and Fourier transform for Quaternions.

Language: Python - Size: 1.38 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 2

AhmedIssa11/Digital-Image-Processing-Filters

Implementation of Popular Digital Image Processing Filtering Operations

Language: Jupyter Notebook - Size: 3.41 MB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 5 - Forks: 0

AdityaKshettri/Lane_Detection_in_Self_Driving_Cars

The main objective of this project is to design a system using Open CV that can detect lane lines and estimate vehicular offset value with the help of lane curvature.

Language: Python - Size: 682 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 7 - Forks: 2

emish8/Image-Preprocessing-Using-OpenCV-and-PIL

Image Preprocessing Using OpenCV and PIL

Language: Jupyter Notebook - Size: 5.34 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

rcgc/RoboticVisionCourse

Robotic Vision course exercises

Language: C++ - Size: 55.8 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

AravindGanesh/fpga_idp

Semester Project on FPGA - Verilog implementation on Sobel Filter for Edge detection on FPGA

Language: Verilog - Size: 717 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 4 - Forks: 0

felsocim/JED

Image edge detection and simple vectorization program using convolution filters

Language: Java - Size: 909 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 8 - Forks: 1

smoke-trees/fast-style-transfer

Making people look like anime characters

Language: Jupyter Notebook - Size: 8.44 MB - Last synced at: about 1 month ago - Pushed at: about 5 years ago - Stars: 6 - Forks: 3

EslamElbassel/Image-Processing-noise-reduction-and-edge-detection

Applying some filters from scratch on a noisy image (salt & pepper noise) to remove the noise and apply other sharpening filters (first order derivative filters {perwitt, sobel}) & (second order derivative filters{laplacian , LOG}) for edges detection

Language: Jupyter Notebook - Size: 3.24 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

kaavyanannapaneni/Sobel-filter

Sobel filter using MATLAB

Language: MATLAB - Size: 6.29 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

fabricioandradesantos/sobelDeteccaoDeBordas

APP Detecção de bordas utilizando o filtro Sobel em Java (Android Studio)

Language: Java - Size: 77.8 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 1

Arka7Z/Paralled-Histogram-Equalization-and-Edge-Detection

Perform histogram equalization and apply Sobel operator on the equalized image using MPI and libpng

Language: C - Size: 17.6 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

shl0mo/Filters-OpenCV

Low-pass filters - mean filter, median filter and gaussian filer. High-pass filters - sobel filter, Roberts filter and Prewitt filter.

Language: Jupyter Notebook - Size: 5.97 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

George-Taxiarchou/SobelFilter

Sobel–Feldman edge detection implementation.

Language: Jupyter Notebook - Size: 354 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

kargaranamir/Sobel-Filter-Verilog

Language: Verilog - Size: 224 KB - Last synced at: 6 days ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

nofaralfasi/Person-ReId

Person re-identification project with three suggested models, which implemented using yolo, opencv, tensorflow, etc.

Language: Jupyter Notebook - Size: 49.1 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 1

Nelson-Gon/pyautocv

(Semi) Automated Image Processing

Language: Python - Size: 34.4 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

bleichroeder/ImageAnalyzer.NET

A library of image analysis, comparison, and filtering tools.

Language: C# - Size: 1.66 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

caiocarneloz/torchconv

Morphology, convolutions and Fourier transform for image processing with PyTorch

Language: Python - Size: 223 KB - Last synced at: 2 months ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

BogdanKocsis/Image_Processing

Language: Python - Size: 1.42 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

Ritika2001/Sobel-Edge-Detection

Implemented sobel edge detection using MPI and Cuda

Language: C - Size: 368 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 2

vinceecws/Image2Waves

A Python script that takes images and constructs waveform representations of them.

Language: Python - Size: 7.37 MB - Last synced at: about 2 months ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

gabboraron/szamitogepes_kepfeldolgozas

Számítógépes képfeldolgozás

Language: Jupyter Notebook - Size: 46.1 MB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

ShashwatNigam99/Digital_Image_Processing_Assignments

All assignments completed as a part of my Digital Image Processing Course

Language: Jupyter Notebook - Size: 31.8 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

berkut998/Image-processing

Simple app for image processing can convert your image to black and white, remove noise using median filter or select outline of image.

Language: C# - Size: 19.5 KB - Last synced at: 5 months ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

AntonioPriego/FiltroSobel

Filtro de sobel realizado en C, MPI y en CUDA para comparar tiempos de ejecución como práctica individual de ACAP(UGR).

Language: C - Size: 25.7 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

SharifAmit/CS685_Computer_Vision

[OpenCV] Course assignments for Computer Vision.

Language: C++ - Size: 22.5 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

susiejojo/Sobel_filter

Sobel filter for edge detection in images supporting parallel processing using Verilog on Xilinx ISE 13.4

Language: C - Size: 8.12 MB - Last synced at: about 1 month ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 1

prateekKrOraon/basic-image-processing

Language: Python - Size: 12.1 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

trajkd/Advanced-Lane-Finding

Advanced Lane Finding (project 2 of 9 from Udacity Self-Driving Car Engineer Nanodegree)

Language: Python - Size: 109 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

goodday451999/Sobel-Filter

Sobel Filter

Language: Jupyter Notebook - Size: 727 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

Batyi/Parallel-Programming-Project-1

Parallel programming (adding sobel filter, parallelize brightness contrast, parallelize sobel filter)

Language: C - Size: 11 MB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

GODGANG4885/ImageProcess_hw3

imageProcess edge detection (roberts , sobel, prewitt,stochastic filter)

Language: Python - Size: 401 KB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

hao-pt/OpenCV---Lab01

Language: Python - Size: 19.7 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

Related Keywords
sobel-filter 87 image-processing 35 edge-detection 28 opencv 16 sobel 14 canny-edge-detection 14 python 13 median-filter 13 prewitt-filter 11 computer-vision 11 sobel-edge-detector 10 gaussian-filter 10 laplacian-filter 9 c 8 cpp 8 histogram-equalization 7 python3 6 sobel-operator 6 cuda 6 roberts-filter 5 digital-image-processing 5 filters 5 verilog 5 machine-learning 4 mpi 4 gaussian-blur 4 fpga 4 sobel-gradient 4 fourier-transform 4 grayscale-images 3 javascript 3 image 3 mean-filter 3 gamma-correction 3 numpy 3 hough-transform 3 hpc 3 bilateral-filter 3 noise-reduction 3 image-recognition 3 laplacian-of-gaussian 3 image-analysis 3 convolution 3 parallel-programming 3 image-filters 2 convolution-filter 2 segmentation 2 convolutional-neural-networks 2 salt-pepper-noise 2 gpu 2 filter 2 algorithms 2 pgm 2 averaging-filter 2 unsharp-masking 2 java 2 cuda-kernels 2 connected-component-labelling 2 object-detection 2 vivado 2 guassianblur 2 morphological-image-processing 2 edge-detector 2 laplacian-detector 2 gabor-filters 2 boundary-detection 2 highpass-filter 2 image-segmentation 2 cv2 2 image-restoration 2 camera-calibration 2 openmp 2 bilinear-interpolation 2 feature-extraction 2 image-manipulation 2 matplotlib 2 pil 1 curvature 1 lenna 1 computer-vision-with-cuda 1 vulkan-demos 1 vulkan 1 shadow-mapping 1 reflectance 1 poisson-disc-sampling 1 phong-brdf 1 normal-mapping 1 geometry-shader 1 contrast-stretching 1 deferred-shading 1 cook-torrance 1 brdf 1 absorption 1 simd 1 kmeans-clustering 1 gray 1 binary 1 sliding-window-algorithm 1 hough-line-transform 1 curve-fitting 1