Hough transform: Difference between revisions

m
(Pointed to sub page)
m (→‎{{header|Wren}}: Minor tidy)
 
(48 intermediate revisions by 25 users not shown)
Line 1:
{{task|Image processing}}[[Category:Graphics algorithms]]
[[Category:Graphics algorithms]]
Implement the [[wp:Hough transform|Hough transform]], which is used as part of feature extraction with digital images. It is a tool that makes it far easier to identify straight lines in the source image, whatever their orientation.
 
;Task:
Implement the [[wp:Hough transform|Hough transform]], which is used as part of feature extraction with digital images.
 
It is a tool that makes it far easier to identify straight lines in the source image, whatever their orientation.
 
The transform maps each point in the target image, <math>(\rho,\theta)</math>, to the average color of the pixels on the corresponding line of the source image (in <math>(x,y)</math>-space, where the line corresponds to points of the form <math>x\cos\theta + y\sin\theta = \rho</math>). The idea is that where there is a straight line in the original image, it corresponds to a bright (or dark, depending on the color of the background field) spot; by applying a suitable filter to the results of the transform, it is possible to extract the locations of the lines in the original image.
Line 8 ⟶ 13:
 
There is also a spherical Hough transform, which is more suited to identifying planes in 3D data.
<br><br>
 
=={{header|BBC BASIC}}==
Line 13 ⟶ 19:
BBC BASIC uses Cartesian coordinates so the image is 'upside down' compared with some other solutions.
[[Image:hough_bbc.gif|right]]
<langsyntaxhighlight lang="bbcbasic"> Width% = 320
Height% = 240
Line 59 ⟶ 65:
REPEAT
WAIT 1
UNTIL FALSE</langsyntaxhighlight>
 
=={{header|C}}==
[[file:penta-hugh.png|thumb]][[file:hugh-lines-in.png|thumb]][[file:hugh-lines-out.png|thumb]]
This code is a little to long to my liking, because I had to put some ad hoc stuff that should be better served by libraries. But you don't want to see libpng code here, trust me.
<lang C>#include <stdio.h>
#include <stdlib.h>
#include <unistd.h>
#include <string.h>
#include <ctype.h>
#include <sys/types.h>
#include <sys/stat.h>
#include <fcntl.h>
#include <err.h>
#include <math.h>
 
/* start of utility functions: not interesting */
typedef unsigned char uchar;
typedef unsigned long ulong;
typedef struct intensity_t {
double **pix;
long width, height;
} *intensity;
 
* see [[Example:Hough transform/C]]
double PI;
 
#define decl_array_alloc(type) \
type ** type##_array(long w, long h) { \
int i; \
type ** row = malloc(sizeof(type*) * h); \
type * pix = malloc(sizeof(type) * h * w); \
for (i = 0; i < h; i++) \
row[i] = pix + w * i; \
memset(pix, 0, sizeof(type) * h * w); \
return row; \
}
 
decl_array_alloc(double);
decl_array_alloc(ulong);
 
intensity intensity_alloc(long w, long h)
{
intensity x = malloc(sizeof(struct intensity_t));
x->width = w;
x->height = h;
x->pix = double_array(w, h);
 
return x;
}
 
long get_num(uchar **p, uchar *buf_end)
{
uchar *ptr = *p, *tok_end;
long tok;
while (1) {
while (ptr < buf_end && isspace(*ptr)) ptr++;
if (ptr >= buf_end) return 0;
 
if (*ptr == '#') { /* ignore comment */
while (ptr++ < buf_end) {
if (*ptr == '\n' || *ptr == '\r') break;
}
continue;
}
 
tok = strtol((char*)ptr, (char**)&tok_end, 10);
if (tok_end == ptr) return 0;
*p = tok_end;
return tok;
}
return 0;
}
 
/* Note: not robust. A robust version would be to long for example code */
intensity read_pnm(char *name)
{
struct stat st;
uchar *fbuf, *ptr, *end;
long width, height, max_val;
int i, j;
intensity ret;
 
int fd = open(name, O_RDONLY);
if (fd == -1) err(1, "Can't open %s", name);
 
/* from now on assume all operations succeed */
fstat(fd, &st);
fbuf = malloc(st.st_size + 1);
read(fd, fbuf, st.st_size);
*(end = fbuf + st.st_size) = '\0';
close(fd);
 
if (fbuf[0] != 'P' || (fbuf[1] != '5' && fbuf[1] != '6') || !isspace(fbuf[2]))
err(1, "%s: bad format: can only do P5 or P6 pnm", name);
 
ptr = fbuf + 3;
width = get_num(&ptr, end);
height = get_num(&ptr, end);
max_val = get_num(&ptr, end);
if (max_val <= 0 || max_val >= 256)
err(1, "Can't handle pixel value %ld\n", max_val);
 
fprintf(stderr, "[Info] format: P%c w: %ld h: %ld value: %ld\n",
fbuf[1], width, height, max_val);
 
ret = intensity_alloc(width, height);
ptr ++; /* ptr should be pointint at the first pixel byte now */
 
if (fbuf[1] == '5') { /* graymap, 1 byte per pixel */
for (i = 0; i < height; i++) {
for (j = 0; j < width; j++) {
ret->pix[i][j] = (double)*(ptr++) / max_val;
}
}
} else { /* pnm, 1 byte each for RGB */
/* hocus pocus way of getting lightness from RGB for us */
for (i = 0; i < height; i++) {
for (j = 0; j < width; j++) {
ret->pix[i][j] = (ptr[0] * 0.2126 +
ptr[1] * 0.7152 +
ptr[2] * 0.0722) / max_val;
ptr += 3;
}
}
}
 
free(fbuf);
return ret;
}
 
void write_pgm(double **pix, long w, long h)
{
long i, j;
unsigned char *ptr, *buf = malloc(sizeof(double) * w * h);
char header[1024];
sprintf(header, "P5\n%ld %ld\n255\n", w, h);
 
ptr = buf;
for (i = 0; i < h; i++)
for (j = 0; j < w; j++)
*(ptr++) = 256 * pix[i][j];
 
write(fileno(stdout), header, strlen(header));
write(fileno(stdout), buf, w * h);
 
free(buf);
}
 
/* Finally, end of util functions. All that for this function. */
intensity hugh_transform(intensity in, double gamma)
{
long i, j, k, l, m, w, h;
double bg, r_res, t_res, rho, r, theta, x, y, v, max_val, min_val, *pp;
intensity graph;
 
/* before anything else, legalize Pi = 3 */
PI = atan2(1, 1) * 4;
 
/* first, run through all pixels and see what the average is,
* so we can take a guess if the background is black or white.
* a real application wouldn't do silly things like this */
for (i = 0, bg = 0; i < in->height; i++)
for (j = 0; j < in->width; j++)
bg += in->pix[i][j];
fprintf(stderr, "[info] background is %f\n", bg);
bg = (bg /= (in->height * in->width) > 0.5) ? 1 : 0;
 
/* if white, invert it */
if (bg) {
for (i = 0; i < in->height; i++)
for (j = 0; j < in->width; j++)
in->pix[i][j] = 1 - in->pix[i][j];
}
 
/* second, decide what resolution of rho and theta should be.
* here we just make the rho/theta graph a fixed ratio
* of input, which is dumb. It should depend on the application.
* finer bins allow better resolution between lines, but will
* lose contrast if the input is noisy. Also, lower resolution, faster.
*/
# define RRATIO 1.5
# define TRATIO 1.5
x = in->width - .5;
y = in->height - .5;
r = sqrt(x * x + y * y) / 2;
 
w = in->width / TRATIO;
h = in->height / RRATIO;
r_res = r / h;
t_res = PI * 2 / w;
 
graph = intensity_alloc(w, h);
 
for (i = 0; i < in->height; i++) {
y = i - in->height / 2. + .5;
for (j = 0; j < in->width; j++) {
x = j - in->width / 2 + .5;
r = sqrt(x * x + y * y);
v = in->pix[i][j];
 
/* hackery: sample image is mostly blank, this saves a great
* deal of time. Doesn't help a lot with noisy images */
if (!v) continue;
 
/* at each pixel, check what lines it could be on */
for (k = 0; k < w; k++) {
theta = k * t_res - PI;
rho = x * cos(theta) + y * sin(theta);
if (rho >= 0) {
m = rho / r_res;
l = k;
} else {
m = -rho / r_res;
l = (k + w/2.);
l %= w;
}
graph->pix[m][l] += v * r;
}
}
/* show which row we are precessing lest user gets bored */
fprintf(stderr, "\r%ld", i);
}
fprintf(stderr, "\n");
 
max_val = 0;
min_val = 1e100;
pp = &(graph->pix[graph->height - 1][graph->width - 1]);
for (i = graph->height * graph->width - 1; i >= 0; i--, pp--) {
if (max_val < *pp) max_val = *pp;
if (min_val > *pp) min_val = *pp;
}
 
/* gamma correction. if gamma > 1, output contrast is better, noise
is suppressed, but spots for thin lines may be lost; if gamma < 1,
everything is brighter, both lines and noises */
pp = &(graph->pix[graph->height - 1][graph->width - 1]);
for (i = graph->height * graph->width - 1; i >= 0; i--, pp--) {
*pp = pow((*pp - min_val)/ (max_val - min_val), gamma);
}
 
return graph;
}
 
int main()
{
//intensity in = read_pnm("pent.pnm");
intensity in = read_pnm("lines.pnm");
intensity out = hugh_transform(in, 1.5);
 
/* binary output goes straight to stdout, get ready to see garbage on your
* screen if you are not careful!
*/
write_pgm(out->pix, out->width, out->height);
 
/* not going to free memory we used: OS can deal with it */
return 0;
}</lang>
This program takes a pnm file (binary, either P5 or P6) and does the transformation, then dump output onto stdout. Sample images below are output from the pentagram; sample lines with added noise; output of processing that. Both output were with 1.5 gamma.
 
=={{header|D}}==
{{trans|Go}}
This uses the module from the Grayscale image Task. The output image is the same as in the Go solution.
<langsyntaxhighlight lang="d">import std.math, grayscale_image;
 
Image!Gray houghTransform(in Image!Gray im,
in size_t hx=460, in size_t hy=360)
/*pure nothrow*/ in {
assert(im !is null);
assert(hx > 0 && hy > 0);
Line 339 ⟶ 92:
foreach (immutable y; 0 .. im.ny) {
foreach (immutable x; 0 .. im.nx) {
// if (im[x, y] == Gray.maxwhite) // Not pure.
if (im[x, y] == Gray(255))
continue;
foreach (immutable iTh; 0 .. hx) {
Line 355 ⟶ 107:
 
void main() {
auto im = (new Image!RGB;)
.loadPPM6(im, "Pentagon.ppm")
.rgb2grayImage()
.houghTransform()
.savePGM("Pentagon_hough.pgm");
}</langsyntaxhighlight>
 
=={{header|Go}}==
[[file:GoHough.png|right|thumb|Output png]]
{{trans|Python}}
<langsyntaxhighlight lang="go">package main
 
import (
Line 380 ⟶ 132:
nimx := im.Bounds().Max.X
mimy := im.Bounds().Max.Y
 
mry = int(mry/2) * 2
him := image.NewGray(image.Rect(0, 0, ntx, mry))
draw.Draw(him, him.Bounds(), image.NewUniform(color.White),
image.ZPPoint{}, draw.Src)
 
rmax := math.Hypot(float64(nimx), float64(mimy))
Line 435 ⟶ 187:
fmt.Println(err)
}
}</langsyntaxhighlight>
 
=={{header|Haskell}}==
{{libheader|JuicyPixels}}
<syntaxhighlight lang="haskell">import Control.Monad (forM_, when)
import Data.Array ((!))
import Data.Array.ST (newArray, writeArray, readArray, runSTArray)
import qualified Data.Foldable as F (maximum)
import System.Environment (getArgs, getProgName)
 
-- Library JuicyPixels:
import Codec.Picture
(DynamicImage(ImageRGB8, ImageRGBA8), Image, PixelRGB8(PixelRGB8),
PixelRGBA8(PixelRGBA8), imageWidth, imageHeight, pixelAt,
generateImage, readImage, pixelMap, savePngImage)
import Codec.Picture.Types (extractLumaPlane, dropTransparency)
 
dot
:: Num a
=> (a, a) -> (a, a) -> a
dot (x1, y1) (x2, y2) = x1 * x2 + y1 * y2
 
mag
:: Floating a
=> (a, a) -> a
mag a = sqrt $ dot a a
 
sub
:: Num a
=> (a, a) -> (a, a) -> (a, a)
sub (x1, y1) (x2, y2) = (x1 - x2, y1 - y2)
 
fromIntegralP
:: (Integral a, Num b)
=> (a, a) -> (b, b)
fromIntegralP (x, y) = (fromIntegral x, fromIntegral y)
 
{-
Create a Hough space image with y+ measuring the distance from
the center of the input image on the range of 0 to half the hypotenuse
and x+ measuring from [0, 2 * pi].
The origin is in the upper left, so y is increasing down.
The image is scaled according to thetaSize and distSize.
-}
hough :: Image PixelRGB8 -> Int -> Int -> Image PixelRGB8
hough image thetaSize distSize = hImage
where
width = imageWidth image
height = imageHeight image
wMax = width - 1
hMax = height - 1
xCenter = wMax `div` 2
yCenter = hMax `div` 2
lumaMap = extractLumaPlane image
gradient x y =
let orig = pixelAt lumaMap x y
x_ = pixelAt lumaMap (min (x + 1) wMax) y
y_ = pixelAt lumaMap x (min (y + 1) hMax)
in fromIntegralP (orig - x_, orig - y_)
gradMap =
[ ((x, y), gradient x y)
| x <- [0 .. wMax]
, y <- [0 .. hMax] ]
-- The longest distance from the center, half the hypotenuse of the image.
distMax :: Double
distMax = (sqrt . fromIntegral $ height ^ 2 + width ^ 2) / 2
{-
The accumulation bins of the polar values.
For each value in the gradient image, if the gradient length exceeds
some threshold, consider it evidence of a line and plot all of the
lines that go through that point in Hough space.
-}
accBin =
runSTArray $
do arr <- newArray ((0, 0), (thetaSize, distSize)) 0
forM_ gradMap $
\((x, y), grad) -> do
let (x_, y_) = fromIntegralP $ (xCenter, yCenter) `sub` (x, y)
when (mag grad > 127) $
forM_ [0 .. thetaSize] $
\theta -> do
let theta_ =
fromIntegral theta * 360 / fromIntegral thetaSize / 180 *
pi :: Double
dist = cos theta_ * x_ + sin theta_ * y_
dist_ = truncate $ dist * fromIntegral distSize / distMax
idx = (theta, dist_)
when (dist_ >= 0 && dist_ < distSize) $
do old <- readArray arr idx
writeArray arr idx $ old + 1
return arr
maxAcc = F.maximum accBin
-- The image representation of the accumulation bins.
hTransform x y =
let l = 255 - truncate ((accBin ! (x, y)) / maxAcc * 255)
in PixelRGB8 l l l
hImage = generateImage hTransform thetaSize distSize
 
houghIO :: FilePath -> FilePath -> Int -> Int -> IO ()
houghIO path outpath thetaSize distSize = do
image <- readImage path
case image of
Left err -> putStrLn err
Right (ImageRGB8 image_) -> doImage image_
Right (ImageRGBA8 image_) -> doImage $ pixelMap dropTransparency image_
_ -> putStrLn "Expecting RGB8 or RGBA8 image"
where
doImage image = do
let houghImage = hough image thetaSize distSize
savePngImage outpath $ ImageRGB8 houghImage
 
main :: IO ()
main = do
args <- getArgs
prog <- getProgName
case args of
[path, outpath, thetaSize, distSize] ->
houghIO path outpath (read thetaSize) (read distSize)
_ ->
putStrLn $
"Usage: " ++ prog ++ " <image-file> <out-file.png> <width> <height>"</syntaxhighlight>
'''Example use:'''
<syntaxhighlight lang="text">HoughTransform Pentagon.png hough.png 360 360</syntaxhighlight>
 
=={{header|J}}==
'''Solution:'''
<langsyntaxhighlight lang="j">NB.*houghTransform v Produces a density plot of image y in hough space
NB. y is picture as an array with 1 at non-white points,
NB. x is resolution (width,height) of resulting image
Line 449 ⟶ 323:
rho=. <. 0.5+ h * (rho-min) % max-min NB. Rescale rho from 0 to h and round to int
|.([: <:@(#/.~) (i.h)&,)"1&.|: rho NB. consolidate into picture
)</langsyntaxhighlight>
[[Image:JHoughTransform.png|320px200px|thumb|right|Resulting viewmat image from J implementation of Hough Transform on sample pentagon image]]'''Example use:'''
<syntaxhighlight lang ="j"> require 'viewmat media/platimg'
require 'media/platimg' NB. addon required pre J8
Img=: readimg jpath '~temp/pentagon.png'
Img=: readimg_jqtide_ jpath '~temp/pentagon.png'
viewmat 460 360 houghTransform _1 > Img</lang>
viewmat 460 360 houghTransform _1 > Img</syntaxhighlight>
<br style="clear:both" />
 
=={{header|Java}}==
 
'''Code:'''
<langsyntaxhighlight Javalang="java">import java.awt.image.*;
import java.io.File;
import java.io.IOException;
Line 600 ⟶ 474:
return;
}
}</langsyntaxhighlight>
 
[[Image:JavaHoughTransform.png|640px480px|thumb|right|Output from example pentagon image]]'''Example use:'''
Line 606 ⟶ 480:
<br style="clear:both" />
 
=={{header|MathematicaJulia}}==
<syntaxhighlight lang="julia">using ImageFeatures
 
img = fill(false,5,5)
<lang Mathematica>
img[3,:] .= true
 
println(hough_transform_standard(img))
</syntaxhighlight> {{output}} <pre>
Tuple{Float64,Float64}[(3.0, 1.5708)]
</pre>
 
=={{header|Kotlin}}==
{{trans|Java}}
<syntaxhighlight lang="scala">import java.awt.image.BufferedImage
import java.io.File
import javax.imageio.ImageIO
 
internal class ArrayData(val dataArray: IntArray, val width: Int, val height: Int) {
 
constructor(width: Int, height: Int) : this(IntArray(width * height), width, height)
 
operator fun get(x: Int, y: Int) = dataArray[y * width + x]
 
operator fun set(x: Int, y: Int, value: Int) {
dataArray[y * width + x] = value
}
 
operator fun invoke(thetaAxisSize: Int, rAxisSize: Int, minContrast: Int): ArrayData {
val maxRadius = Math.ceil(Math.hypot(width.toDouble(), height.toDouble())).toInt()
val halfRAxisSize = rAxisSize.ushr(1)
val outputData = ArrayData(thetaAxisSize, rAxisSize)
// x output ranges from 0 to pi
// y output ranges from -maxRadius to maxRadius
val sinTable = DoubleArray(thetaAxisSize)
val cosTable = DoubleArray(thetaAxisSize)
for (theta in thetaAxisSize - 1 downTo 0) {
val thetaRadians = theta * Math.PI / thetaAxisSize
sinTable[theta] = Math.sin(thetaRadians)
cosTable[theta] = Math.cos(thetaRadians)
}
 
for (y in height - 1 downTo 0)
for (x in width - 1 downTo 0)
if (contrast(x, y, minContrast))
for (theta in thetaAxisSize - 1 downTo 0) {
val r = cosTable[theta] * x + sinTable[theta] * y
val rScaled = Math.round(r * halfRAxisSize / maxRadius).toInt() + halfRAxisSize
outputData.accumulate(theta, rScaled, 1)
}
 
return outputData
}
 
fun writeOutputImage(filename: String) {
val max = dataArray.max()!!
val image = BufferedImage(width, height, BufferedImage.TYPE_INT_ARGB)
for (y in 0..height - 1)
for (x in 0..width - 1) {
val n = Math.min(Math.round(this[x, y] * 255.0 / max).toInt(), 255)
image.setRGB(x, height - 1 - y, n shl 16 or (n shl 8) or 0x90 or -0x01000000)
}
 
ImageIO.write(image, "PNG", File(filename))
}
 
private fun accumulate(x: Int, y: Int, delta: Int) {
set(x, y, get(x, y) + delta)
}
 
private fun contrast(x: Int, y: Int, minContrast: Int): Boolean {
val centerValue = get(x, y)
for (i in 8 downTo 0)
if (i != 4) {
val newx = x + i % 3 - 1
val newy = y + i / 3 - 1
if (newx >= 0 && newx < width && newy >= 0 && newy < height
&& Math.abs(get(newx, newy) - centerValue) >= minContrast)
return true
}
return false
}
}
 
internal fun readInputFromImage(filename: String): ArrayData {
val image = ImageIO.read(File(filename))
val w = image.width
val h = image.height
val rgbData = image.getRGB(0, 0, w, h, null, 0, w)
// flip y axis when reading image
val array = ArrayData(w, h)
for (y in 0..h - 1)
for (x in 0..w - 1) {
var rgb = rgbData[y * w + x]
rgb = ((rgb and 0xFF0000).ushr(16) * 0.30 + (rgb and 0xFF00).ushr(8) * 0.59 + (rgb and 0xFF) * 0.11).toInt()
array[x, h - 1 - y] = rgb
}
 
return array
}
 
fun main(args: Array<out String>) {
val inputData = readInputFromImage(args[0])
val minContrast = if (args.size >= 4) 64 else args[4].toInt()
inputData(args[2].toInt(), args[3].toInt(), minContrast).writeOutputImage(args[1])
}</syntaxhighlight>
 
=={{header|Maple}}==
<syntaxhighlight lang="maple">with(ImageTools):
img := Read("pentagon.png")[..,..,1]:
img_x := Convolution (img, Matrix ([[1,2,1], [0,0,0],[-1,-2,-1]])):
img_y := Convolution (img, Matrix ([[-1,0,1],[-2,0,2],[-1,0,1]])):
img := Array (abs (img_x) + abs (img_y), datatype=float[8]):
countPixels := proc(M)
local r,c,i,j,row,col:
row := Array([]);
col := Array([]);
r,c := LinearAlgebra:-Dimensions(M);
for i from 1 to r do
for j from 1 to c do
if M[i,j] <> 0 then
ArrayTools:-Append(row, i, inplace=true):
ArrayTools:-Append(col, j, inplace=true):
end if:
end do:
end do:
return row,col:
end proc:
row,col := countPixels(img);
pTheta := proc(acc,r,c,x,y)
local j, pos:
for j from 1 to c do
pos := ceil(x*cos((j-1)*Pi/180)+y*sin((j-1)*Pi/180)+r/2):
acc[pos,j] := acc[pos,j]+1;
end do:
end proc:
HoughTransform := proc(img,row,col)
local r,c,pMax,theta,numThetas,numPs,acc,i:
r,c := LinearAlgebra:-Dimensions(img);
pMax := ceil(sqrt(r^2+c^2)):
theta := [seq(evalf(i), i = 1..181, 1)]:
numThetas := numelems(theta):
numPs := 2*pMax+1:
acc := Matrix(numPs, numThetas, fill=0,datatype=integer[4]):
for i from 1 to numelems(row) do
pTheta(acc,numPs,numThetas,col[i],row[i]):
end do:
return acc;
end proc:
result :=HoughTransform(img,row,col);
Embed(Scale(FitIntensity(Create(result)), 1..500,1..500));</syntaxhighlight>
 
=={{header|Mathematica}} / {{header|Wolfram Language}}==
 
<syntaxhighlight lang="mathematica">
Radon[image, Method -> "Hough"]
</syntaxhighlight>
</lang>
 
=={{header|MATLAB}}==
This solution takes an image and the theta resolution as inputs. The image itself must be a 2-D boolean array. This array is constructed such that all of the pixels on an edge have the value "true." This can be done for a normal image using an "edge finding" algorithm to preprocess the image. In the case of the example image the pentagon "edges" are black pixels. So when the image is imported into MATLAB simply say any pixel colored black is true. The syntax is usually, cdata < 255. Where the vale 255 represents white and 0 represents black.
 
* see [[Example:Hough transform/MATLAB]]
<lang MATLAB>function [rho,theta,houghSpace] = houghTransform(theImage,thetaSampleFrequency)
 
=={{header|Nim}}==
%Define the hough space
{{trans|D}}
theImage = flipud(theImage);
{{libheader|nimPNG}}
[width,height] = size(theImage);
We use the modules from tasks “Bitmap” and “Grayscale image”, adding necessary conversions to read and write PNG files.
<syntaxhighlight lang="nim">import lenientops, math
rhoLimit = norm([width height]);
import grayscale_image
rho = (-rhoLimit:1:rhoLimit);
theta = (0:thetaSampleFrequency:pi);
numThetas = numel(theta);
houghSpace = zeros(numel(rho),numThetas);
%Find the "edge" pixels
[xIndicies,yIndicies] = find(theImage);
%Preallocate space for the accumulator array
numEdgePixels = numel(xIndicies);
accumulator = zeros(numEdgePixels,numThetas);
%Preallocate cosine and sine calculations to increase speed. In
%addition to precallculating sine and cosine we are also multiplying
%them by the proper pixel weights such that the rows will be indexed by
%the pixel number and the columns will be indexed by the thetas.
%Example: cosine(3,:) is 2*cosine(0 to pi)
% cosine(:,1) is (0 to width of image)*cosine(0)
cosine = (0:width-1)'*cos(theta); %Matrix Outerproduct
sine = (0:height-1)'*sin(theta); %Matrix Outerproduct
accumulator((1:numEdgePixels),:) = cosine(xIndicies,:) + sine(yIndicies,:);
 
const White = 255
%Scan over the thetas and bin the rhos
for i = (1:numThetas)
houghSpace(:,i) = hist(accumulator(:,i),rho);
end
 
func houghTransform*(img: GrayImage; hx = 460; hy = 360): GrayImage =
pcolor(theta,rho,houghSpace);
assert not img.isNil
shading flat;
assert hx > 0 and hy > 0
title('Hough Transform');
assert (hy and 1) == 0, "hy argument must be even"
xlabel('Theta (radians)');
ylabel('Rho (pixels)');
colormap('gray');
 
result = newGrayImage(hx, hy)
end</lang>
result.fill(White)
 
let rMax = hypot(img.w.toFloat, img.h.toFloat)
Sample Usage:
let dr = rMax / (hy / 2)
<lang MATLAB>>> uiopen('C:\Documents and Settings\owner\Desktop\Chris\MATLAB\RosettaCode\180px-Pentagon.png',1)
let dTh = PI / hx
>> houghTransform(cdata(:,:,1)<255,1/200); %The image from uiopen is stored in cdata. The reason why the image is cdata<255 is because the "edge" pixels are black.</lang>
 
[[Image:HoughTransformHex.png|thumb|left|360x200px|Image produced by MATLAB implementation of the Hough transform when applied to the sample pentagon image.]]
for y in 0..<img.h:
<br style="clear:both" />
for x in 0..<img.w:
if img[x, y] == White: continue
for iTh in 0..<hx:
let th = dTh * iTh
let r = x * cos(th) + y * sin(th)
let iry = hy div 2 - (r / dr).toInt
if result[iTh, iry] > 0:
result[iTh, iry] = result[iTh, iry] - 1
 
 
when isMainModule:
import nimPNG
import bitmap
 
const Input = "Pentagon.png"
const Output = "Hough.png"
 
let pngImage = loadPNG24(seq[byte], Input).get()
let grayImage = newGrayImage(pngImage.width, pngImage.height)
 
# Convert to grayscale.
for i in 0..grayImage.pixels.high:
grayImage.pixels[i] = Luminance(0.2126 * pngImage.data[3 * i] +
0.7152 * pngImage.data[3 * i + 1] +
0.0722 * pngImage.data[3 * i + 2] + 0.5)
 
# Apply Hough transform and convert to an RGB image.
let houghImage = grayImage.houghTransform().toImage()
 
# Save into a PNG file.
# As nimPNG expects a sequence of bytes, not a sequence of colors, we have to make a copy.
var data = newSeqOfCap[byte](houghImage.pixels.len * 3)
for color in houghImage.pixels:
data.add([color.r, color.g, color.b])
discard savePNG24(Output, data, houghImage.w, houghImage.h)</syntaxhighlight>
 
=={{header|Perl}}==
{{trans|Sidef}}
<syntaxhighlight lang="perl">use strict;
use warnings;
 
use Imager;
 
use constant pi => 3.14159265;
 
sub hough {
my($im) = shift;
my($width) = shift || 460;
my($height) = shift || 360;
$height = 2 * int $height/2;
$height = 2 * int $height/2;
my($xsize, $ysize) = ($im->getwidth, $im->getheight);
my $ht = Imager->new(xsize => $width, ysize => $height);
my @canvas;
for my $i (0..$height-1) { for my $j (0..$width-1) { $canvas[$i][$j] = 255 } }
$ht->box(filled => 1, color => 'white');
 
my $rmax = sqrt($xsize**2 + $ysize**2);
my $dr = 2 * $rmax / $height;
my $dth = pi / $width;
 
for my $x (0..$xsize-1) {
for my $y (0..$ysize-1) {
my $col = $im->getpixel(x => $x, y => $y);
my($r,$g,$b) = $col->rgba;
next if $r==255; # && $g==255 && $b==255;
for my $k (0..$width) {
my $th = $dth*$k;
my $r2 = ($x*cos($th) + $y*sin($th));
my $iry = ($height/2 + int($r2/$dr + 0.5));
$ht->setpixel(x => $k, y => $iry, color => [ ($canvas[$iry][$k]--) x 3] );
}
}
}
return $ht;
}
 
my $img = Imager->new;
$img->read(file => 'ref/pentagon.png') or die "Cannot read: ", $img->errstr;
my $ht = hough($img);
$ht->write(file => 'hough_transform.png');
</syntaxhighlight>
 
=={{header|Phix}}==
{{libheader|Phix/pGUI}}
{{trans|Sidef}}
<!--<syntaxhighlight lang="phix">(notonline)-->
<span style="color: #000080;font-style:italic;">-- demo\rosetta\Hough_transform.exw</span>
<span style="color: #008080;">without</span> <span style="color: #008080;">js</span> <span style="color: #000080;font-style:italic;">-- IupImage, imImage, im_width/height/pixel, allocate,
-- imFileImageLoadBitmap, IupImageFromImImage</span>
<span style="color: #008080;">include</span> <span style="color: #000000;">pGUI</span><span style="color: #0000FF;">.</span><span style="color: #000000;">e</span>
<span style="color: #008080;">function</span> <span style="color: #000000;">hypot</span><span style="color: #0000FF;">(</span><span style="color: #004080;">atom</span> <span style="color: #000000;">a</span><span style="color: #0000FF;">,</span><span style="color: #000000;">b</span><span style="color: #0000FF;">)</span> <span style="color: #008080;">return</span> <span style="color: #7060A8;">sqrt</span><span style="color: #0000FF;">(</span><span style="color: #000000;">a</span><span style="color: #0000FF;">*</span><span style="color: #000000;">a</span><span style="color: #0000FF;">+</span><span style="color: #000000;">b</span><span style="color: #0000FF;">*</span><span style="color: #000000;">b</span><span style="color: #0000FF;">)</span> <span style="color: #008080;">end</span> <span style="color: #008080;">function</span>
<span style="color: #008080;">function</span> <span style="color: #000000;">hough_transform</span><span style="color: #0000FF;">(</span><span style="color: #000000;">imImage</span> <span style="color: #000000;">im</span><span style="color: #0000FF;">,</span> <span style="color: #004080;">integer</span> <span style="color: #000000;">width</span><span style="color: #0000FF;">=</span><span style="color: #000000;">460</span><span style="color: #0000FF;">,</span> <span style="color: #000000;">height</span><span style="color: #0000FF;">=</span><span style="color: #000000;">360</span><span style="color: #0000FF;">)</span>
<span style="color: #000000;">height</span> <span style="color: #0000FF;">=</span> <span style="color: #000000;">2</span><span style="color: #0000FF;">*</span><span style="color: #7060A8;">floor</span><span style="color: #0000FF;">(</span><span style="color: #000000;">height</span> <span style="color: #0000FF;">/</span> <span style="color: #000000;">2</span><span style="color: #0000FF;">)</span>
<span style="color: #004080;">integer</span> <span style="color: #000000;">xsize</span> <span style="color: #0000FF;">=</span> <span style="color: #000000;">im_width</span><span style="color: #0000FF;">(</span><span style="color: #000000;">im</span><span style="color: #0000FF;">),</span>
<span style="color: #000000;">ysize</span> <span style="color: #0000FF;">=</span> <span style="color: #000000;">im_height</span><span style="color: #0000FF;">(</span><span style="color: #000000;">im</span><span style="color: #0000FF;">)</span>
<span style="color: #004080;">sequence</span> <span style="color: #000000;">canvas</span> <span style="color: #0000FF;">=</span> <span style="color: #7060A8;">repeat</span><span style="color: #0000FF;">(</span><span style="color: #7060A8;">repeat</span><span style="color: #0000FF;">(</span><span style="color: #000000;">255</span><span style="color: #0000FF;">,</span><span style="color: #000000;">width</span><span style="color: #0000FF;">),</span><span style="color: #000000;">height</span><span style="color: #0000FF;">)</span>
<span style="color: #004080;">atom</span> <span style="color: #000000;">rmax</span> <span style="color: #0000FF;">=</span> <span style="color: #000000;">hypot</span><span style="color: #0000FF;">(</span><span style="color: #000000;">xsize</span><span style="color: #0000FF;">,</span> <span style="color: #000000;">ysize</span><span style="color: #0000FF;">),</span>
<span style="color: #000000;">dr</span> <span style="color: #0000FF;">=</span> <span style="color: #000000;">2</span><span style="color: #0000FF;">*(</span><span style="color: #000000;">rmax</span> <span style="color: #0000FF;">/</span> <span style="color: #000000;">height</span><span style="color: #0000FF;">),</span>
<span style="color: #000000;">dth</span> <span style="color: #0000FF;">=</span> <span style="color: #0000FF;">(</span><span style="color: #004600;">PI</span> <span style="color: #0000FF;">/</span> <span style="color: #000000;">width</span><span style="color: #0000FF;">)</span>
<span style="color: #008080;">for</span> <span style="color: #000000;">y</span><span style="color: #0000FF;">=</span><span style="color: #000000;">0</span> <span style="color: #008080;">to</span> <span style="color: #000000;">ysize</span><span style="color: #0000FF;">-</span><span style="color: #000000;">1</span> <span style="color: #008080;">do</span>
<span style="color: #008080;">for</span> <span style="color: #000000;">x</span><span style="color: #0000FF;">=</span><span style="color: #000000;">0</span> <span style="color: #008080;">to</span> <span style="color: #000000;">xsize</span><span style="color: #0000FF;">-</span><span style="color: #000000;">1</span> <span style="color: #008080;">do</span>
<span style="color: #004080;">integer</span> <span style="color: #0000FF;">{</span><span style="color: #000000;">r</span><span style="color: #0000FF;">,</span><span style="color: #000000;">g</span><span style="color: #0000FF;">,</span><span style="color: #000000;">b</span><span style="color: #0000FF;">}</span> <span style="color: #0000FF;">=</span> <span style="color: #000000;">im_pixel</span><span style="color: #0000FF;">(</span><span style="color: #000000;">im</span><span style="color: #0000FF;">,</span> <span style="color: #000000;">x</span><span style="color: #0000FF;">,</span> <span style="color: #000000;">y</span><span style="color: #0000FF;">)</span>
<span style="color: #008080;">if</span> <span style="color: #000000;">r</span><span style="color: #0000FF;">!=</span><span style="color: #000000;">255</span> <span style="color: #008080;">then</span>
<span style="color: #008080;">for</span> <span style="color: #000000;">k</span><span style="color: #0000FF;">=</span><span style="color: #000000;">1</span> <span style="color: #008080;">to</span> <span style="color: #000000;">width</span> <span style="color: #008080;">do</span>
<span style="color: #004080;">atom</span> <span style="color: #000000;">th</span> <span style="color: #0000FF;">=</span> <span style="color: #000000;">dth</span><span style="color: #0000FF;">*(</span><span style="color: #000000;">k</span><span style="color: #0000FF;">-</span><span style="color: #000000;">1</span><span style="color: #0000FF;">),</span>
<span style="color: #000000;">r2</span> <span style="color: #0000FF;">=</span> <span style="color: #0000FF;">(</span><span style="color: #000000;">x</span><span style="color: #0000FF;">*</span><span style="color: #7060A8;">cos</span><span style="color: #0000FF;">(</span><span style="color: #000000;">th</span><span style="color: #0000FF;">)</span> <span style="color: #0000FF;">+</span> <span style="color: #000000;">y</span><span style="color: #0000FF;">*</span><span style="color: #7060A8;">sin</span><span style="color: #0000FF;">(</span><span style="color: #000000;">th</span><span style="color: #0000FF;">))</span>
<span style="color: #004080;">integer</span> <span style="color: #000000;">iry</span> <span style="color: #0000FF;">=</span> <span style="color: #0000FF;">(</span><span style="color: #000000;">height</span><span style="color: #0000FF;">/</span><span style="color: #000000;">2</span> <span style="color: #0000FF;">+</span> <span style="color: #7060A8;">floor</span><span style="color: #0000FF;">(</span><span style="color: #000000;">r2</span><span style="color: #0000FF;">/</span><span style="color: #000000;">dr</span> <span style="color: #0000FF;">+</span> <span style="color: #000000;">0.5</span><span style="color: #0000FF;">))+</span><span style="color: #000000;">1</span><span style="color: #0000FF;">,</span>
<span style="color: #000000;">cik</span> <span style="color: #0000FF;">=</span> <span style="color: #000000;">canvas</span><span style="color: #0000FF;">[</span><span style="color: #000000;">iry</span><span style="color: #0000FF;">][</span><span style="color: #000000;">k</span><span style="color: #0000FF;">]</span> <span style="color: #0000FF;">-</span> <span style="color: #000000;">1</span>
<span style="color: #008080;">if</span> <span style="color: #000000;">cik</span><span style="color: #0000FF;">>=</span><span style="color: #000000;">0</span> <span style="color: #008080;">then</span>
<span style="color: #000000;">canvas</span><span style="color: #0000FF;">[</span><span style="color: #000000;">iry</span><span style="color: #0000FF;">][</span><span style="color: #000000;">k</span><span style="color: #0000FF;">]</span> <span style="color: #0000FF;">=</span> <span style="color: #000000;">cik</span>
<span style="color: #008080;">end</span> <span style="color: #008080;">if</span>
<span style="color: #008080;">end</span> <span style="color: #008080;">for</span>
<span style="color: #008080;">end</span> <span style="color: #008080;">if</span>
<span style="color: #008080;">end</span> <span style="color: #008080;">for</span>
<span style="color: #008080;">end</span> <span style="color: #008080;">for</span>
<span style="color: #000000;">canvas</span> <span style="color: #0000FF;">=</span> <span style="color: #7060A8;">flatten</span><span style="color: #0000FF;">(</span><span style="color: #000000;">canvas</span><span style="color: #0000FF;">)</span> <span style="color: #000080;font-style:italic;">-- (needed by IupImage)</span>
<span style="color: #004080;">Ihandle</span> <span style="color: #000000;">new_img</span> <span style="color: #0000FF;">=</span> <span style="color: #7060A8;">IupImage</span><span style="color: #0000FF;">(</span><span style="color: #000000;">width</span><span style="color: #0000FF;">,</span> <span style="color: #000000;">height</span><span style="color: #0000FF;">,</span> <span style="color: #000000;">canvas</span><span style="color: #0000FF;">)</span>
<span style="color: #008080;">for</span> <span style="color: #000000;">c</span><span style="color: #0000FF;">=</span><span style="color: #000000;">0</span> <span style="color: #008080;">to</span> <span style="color: #000000;">255</span> <span style="color: #008080;">do</span>
<span style="color: #000000;">IupSetStrAttributeId</span><span style="color: #0000FF;">(</span><span style="color: #000000;">new_img</span><span style="color: #0000FF;">,</span><span style="color: #008000;">""</span><span style="color: #0000FF;">,</span><span style="color: #000000;">c</span><span style="color: #0000FF;">,</span><span style="color: #008000;">"%d %d %d"</span><span style="color: #0000FF;">,{</span><span style="color: #000000;">c</span><span style="color: #0000FF;">,</span><span style="color: #000000;">c</span><span style="color: #0000FF;">,</span><span style="color: #000000;">c</span><span style="color: #0000FF;">})</span>
<span style="color: #008080;">end</span> <span style="color: #008080;">for</span>
<span style="color: #008080;">return</span> <span style="color: #000000;">new_img</span>
<span style="color: #008080;">end</span> <span style="color: #008080;">function</span>
<span style="color: #7060A8;">IupOpen</span><span style="color: #0000FF;">()</span>
<span style="color: #004080;">atom</span> <span style="color: #000000;">pError</span> <span style="color: #0000FF;">=</span> <span style="color: #7060A8;">allocate</span><span style="color: #0000FF;">(</span><span style="color: #7060A8;">machine_word</span><span style="color: #0000FF;">())</span>
<span style="color: #000000;">imImage</span> <span style="color: #000000;">im1</span> <span style="color: #0000FF;">=</span> <span style="color: #000000;">imFileImageLoadBitmap</span><span style="color: #0000FF;">(</span><span style="color: #008000;">"Pentagon320.png"</span><span style="color: #0000FF;">,</span><span style="color: #000000;">0</span><span style="color: #0000FF;">,</span><span style="color: #000000;">pError</span><span style="color: #0000FF;">)</span>
<span style="color: #008080;">if</span> <span style="color: #000000;">im1</span><span style="color: #0000FF;">=</span><span style="color: #004600;">NULL</span> <span style="color: #008080;">then</span> <span style="color: #0000FF;">?</span><span style="color: #008000;">"error opening Pentagon320.png"</span> <span style="color: #7060A8;">abort</span><span style="color: #0000FF;">(</span><span style="color: #000000;">0</span><span style="color: #0000FF;">)</span> <span style="color: #008080;">end</span> <span style="color: #008080;">if</span>
<span style="color: #004080;">Ihandln</span> <span style="color: #000000;">image1</span> <span style="color: #0000FF;">=</span> <span style="color: #000000;">IupImageFromImImage</span><span style="color: #0000FF;">(</span><span style="color: #000000;">im1</span><span style="color: #0000FF;">),</span>
<span style="color: #000000;">image2</span> <span style="color: #0000FF;">=</span> <span style="color: #000000;">hough_transform</span><span style="color: #0000FF;">(</span><span style="color: #000000;">im1</span><span style="color: #0000FF;">),</span>
<span style="color: #000000;">label1</span> <span style="color: #0000FF;">=</span> <span style="color: #7060A8;">IupLabel</span><span style="color: #0000FF;">(),</span>
<span style="color: #000000;">label2</span> <span style="color: #0000FF;">=</span> <span style="color: #7060A8;">IupLabel</span><span style="color: #0000FF;">()</span>
<span style="color: #7060A8;">IupSetAttributeHandle</span><span style="color: #0000FF;">(</span><span style="color: #000000;">label1</span><span style="color: #0000FF;">,</span> <span style="color: #008000;">"IMAGE"</span><span style="color: #0000FF;">,</span> <span style="color: #000000;">image1</span><span style="color: #0000FF;">)</span>
<span style="color: #7060A8;">IupSetAttributeHandle</span><span style="color: #0000FF;">(</span><span style="color: #000000;">label2</span><span style="color: #0000FF;">,</span> <span style="color: #008000;">"IMAGE"</span><span style="color: #0000FF;">,</span> <span style="color: #000000;">image2</span><span style="color: #0000FF;">)</span>
<span style="color: #004080;">Ihandle</span> <span style="color: #000000;">dlg</span> <span style="color: #0000FF;">=</span> <span style="color: #7060A8;">IupDialog</span><span style="color: #0000FF;">(</span><span style="color: #7060A8;">IupHbox</span><span style="color: #0000FF;">({</span><span style="color: #000000;">label1</span><span style="color: #0000FF;">,</span> <span style="color: #000000;">label2</span><span style="color: #0000FF;">}))</span>
<span style="color: #7060A8;">IupSetAttribute</span><span style="color: #0000FF;">(</span><span style="color: #000000;">dlg</span><span style="color: #0000FF;">,</span> <span style="color: #008000;">"TITLE"</span><span style="color: #0000FF;">,</span> <span style="color: #008000;">"Hough transform"</span><span style="color: #0000FF;">)</span>
<span style="color: #7060A8;">IupShow</span><span style="color: #0000FF;">(</span><span style="color: #000000;">dlg</span><span style="color: #0000FF;">)</span>
<span style="color: #008080;">if</span> <span style="color: #7060A8;">platform</span><span style="color: #0000FF;">()!=</span><span style="color: #004600;">JS</span> <span style="color: #008080;">then</span> <span style="color: #000080;font-style:italic;">-- (no chance...)</span>
<span style="color: #7060A8;">IupMainLoop</span><span style="color: #0000FF;">()</span>
<span style="color: #7060A8;">IupClose</span><span style="color: #0000FF;">()</span>
<span style="color: #008080;">end</span> <span style="color: #008080;">if</span>
<!--</syntaxhighlight>-->
 
=={{header|Python}}==
{{libheader|PIL}}
This is the classical Hough transform as described in wikipedia. The code does not compute averages; it merely makes a point on the transformed image darker if a lot of points on the original image lie on the corresponding line. The output is almost identical to that of the Tcl code. The code works only with gray-scale images, but it is easy to extend to RGB.
<langsyntaxhighlight lang="python">
from math import hypot, pi, cos, sin
from PIL import Image
 
 
Line 707 ⟶ 852:
if __name__ == "__main__": test()
 
</syntaxhighlight>
</lang>
 
{{omit from|PARI/GP}}
 
=={{header|Racket}}==
* see [[Hough transform/Racket]]
 
=={{header|Raku}}==
(formerly Perl 6)
The <code>GD</code> module the output palette to 255 colors, so only transform darker pixels in the image.
{{trans|Perl}}
<syntaxhighlight lang="raku" line>use GD;
 
my $filename = 'pentagon.ppm';
my $in = open($filename, :r, :enc<iso-8859-1>);
my ($type, $dim, $depth) = $in.lines[^3];
my ($xsize,$ysize) = split ' ', $dim;
 
my ($width, $height) = 460, 360;
my $image = GD::Image.new($width, $height);
 
my @canvas = [255 xx $width] xx $height;
 
my $rmax = sqrt($xsize**2 + $ysize**2);
my $dr = 2 * $rmax / $height;
my $dth = π / $width;
 
my $pixel = 0;
my %cstore;
for $in.lines.ords -> $r, $g, $b {
$pixel++;
next if $r > 130;
 
my $x = $pixel % $xsize;
my $y = floor $pixel / $xsize;
 
(^$width).map: -> $k {
my $th = $dth*$k;
my $r = ($x*cos($th) + $y*sin($th));
my $iry = ($height/2 + ($r/$dr).round(1)).Int;
my $c = '#' ~ (@canvas[$iry][$k]--).base(16) x 3;
%cstore{$c} = $image.colorAllocate($c) if %cstore{$c}:!exists;
$image.pixel($k, $iry, %cstore{$c});
}
}
 
my $png_fh = $image.open("hough-transform.png", "wb");
$image.output($png_fh, GD_PNG);
$png_fh.close;</syntaxhighlight>
See [https://github.com/thundergnat/rc/blob/master/img/hough-transform.png Hough Transform] (offsite .png image)
 
=={{header|Ruby}}==
 
<syntaxhighlight lang="ruby">
<lang Ruby>
require 'mathn'
require 'rubygems'
Line 747 ⟶ 939:
end
out
end</syntaxhighlight>
end
 
</lang>
=={{header|Rust}}==
<syntaxhighlight lang="rust">
//! Contributed by Gavin Baker <gavinb@antonym.org>
//! Adapted from the Go version
 
use std::fs::File;
use std::io::{self, BufRead, BufReader, BufWriter, Read, Write};
use std::iter::repeat;
 
/// Simple 8-bit grayscale image
struct ImageGray8 {
width: usize,
height: usize,
data: Vec<u8>,
}
 
fn load_pgm(filename: &str) -> io::Result<ImageGray8> {
// Open file
let mut file = BufReader::new(File::open(filename)?);
 
// Read header
let mut magic_in = String::new();
let _ = file.read_line(&mut magic_in)?;
let mut width_in = String::new();
let _ = file.read_line(&mut width_in)?;
let mut height_in = String::new();
let _ = file.read_line(&mut height_in)?;
let mut maxval_in = String::new();
let _ = file.read_line(&mut maxval_in)?;
 
assert_eq!(magic_in, "P5\n");
assert_eq!(maxval_in, "255\n");
 
// Parse header
let width = width_in
.trim()
.parse::<usize>()
.map_err(|_| io::ErrorKind::InvalidData)?;
let height: usize = height_in
.trim()
.parse::<usize>()
.map_err(|_| io::ErrorKind::InvalidData)?;
 
println!("Reading pgm file {}: {} x {}", filename, width, height);
 
// Create image and allocate buffer
let mut img = ImageGray8 {
width,
height,
data: vec![],
};
 
// Read image data
let expected_bytes = width * height;
let bytes_read = file.read_to_end(&mut img.data)?;
if bytes_read != expected_bytes {
let kind = if bytes_read < expected_bytes {
io::ErrorKind::UnexpectedEof
} else {
io::ErrorKind::InvalidData
};
let msg = format!("expected {} bytes", expected_bytes);
return Err(io::Error::new(kind, msg));
}
 
Ok(img)
}
 
fn save_pgm(img: &ImageGray8, filename: &str) {
// Open file
let mut file = BufWriter::new(File::create(filename).unwrap());
 
// Write header
if let Err(e) = writeln!(&mut file, "P5\n{}\n{}\n255", img.width, img.height) {
println!("Failed to write header: {}", e);
}
 
println!(
"Writing pgm file {}: {} x {}",
filename, img.width, img.height
);
 
// Write binary image data
if let Err(e) = file.write_all(&(img.data[..])) {
println!("Failed to image data: {}", e);
}
}
 
#[allow(clippy::cast_precision_loss)]
#[allow(clippy::clippy::cast_possible_truncation)]
fn hough(image: &ImageGray8, out_width: usize, out_height: usize) -> ImageGray8 {
let in_width = image.width;
let in_height = image.height;
 
// Allocate accumulation buffer
let out_height = ((out_height / 2) * 2) as usize;
let mut accum = ImageGray8 {
width: out_width,
height: out_height,
data: repeat(255).take(out_width * out_height).collect(),
};
 
// Transform extents
let rmax = (in_width as f64).hypot(in_height as f64);
let dr = rmax / (out_height / 2) as f64;
let dth = std::f64::consts::PI / out_width as f64;
 
// Process input image in raster order
for y in 0..in_height {
for x in 0..in_width {
let in_idx = y * in_width + x;
let col = image.data[in_idx];
if col == 255 {
continue;
}
 
// Project into rho,theta space
for jtx in 0..out_width {
let th = dth * (jtx as f64);
let r = (x as f64) * (th.cos()) + (y as f64) * (th.sin());
 
let iry = out_height as i64 / 2 - (r / (dr as f64) + 0.5).floor() as i64;
#[allow(clippy::clippy::cast_sign_loss)]
let out_idx = (jtx as i64 + iry * out_width as i64) as usize;
let col = accum.data[out_idx];
if col > 0 {
accum.data[out_idx] = col - 1;
}
}
}
}
accum
}
 
fn main() -> io::Result<()> {
let image = load_pgm("resources/Pentagon.pgm")?;
let accum = hough(&image, 460, 360);
save_pgm(&accum, "hough.pgm");
Ok(())
}
 
</syntaxhighlight>
 
 
=={{header|Scala}}==
{{trans|Kotlin}}
<syntaxhighlight lang="scala">import java.awt.image._
import java.io.File
import javax.imageio._
 
object HoughTransform extends App {
override def main(args: Array[String]) {
val inputData = readDataFromImage(args(0))
val minContrast = if (args.length >= 4) 64 else args(4).toInt
inputData(args(2).toInt, args(3).toInt, minContrast).writeOutputImage(args(1))
}
 
private def readDataFromImage(filename: String) = {
val image = ImageIO.read(new File(filename))
val width = image.getWidth
val height = image.getHeight
val rgbData = image.getRGB(0, 0, width, height, null, 0, width)
val arrayData = new ArrayData(width, height)
for (y <- 0 until height; x <- 0 until width) {
var rgb = rgbData(y * width + x)
rgb = (((rgb & 0xFF0000) >>> 16) * 0.30 + ((rgb & 0xFF00) >>> 8) * 0.59 +
(rgb & 0xFF) * 0.11).toInt
arrayData(x, height - 1 - y) = rgb
}
arrayData
}
}
 
class ArrayData(val width: Int, val height: Int) {
def update(x: Int, y: Int, value: Int) {
dataArray(x)(y) = value
}
 
def apply(thetaAxisSize: Int, rAxisSize: Int, minContrast: Int) = {
val maxRadius = Math.ceil(Math.hypot(width, height)).toInt
val halfRAxisSize = rAxisSize >>> 1
val outputData = new ArrayData(thetaAxisSize, rAxisSize)
val sinTable = Array.ofDim[Double](thetaAxisSize)
val cosTable = sinTable.clone()
for (theta <- thetaAxisSize - 1 until -1 by -1) {
val thetaRadians = theta * Math.PI / thetaAxisSize
sinTable(theta) = Math.sin(thetaRadians)
cosTable(theta) = Math.cos(thetaRadians)
}
for (y <- height - 1 until -1 by -1; x <- width - 1 until -1 by -1)
if (contrast(x, y, minContrast))
for (theta <- thetaAxisSize - 1 until -1 by -1) {
val r = cosTable(theta) * x + sinTable(theta) * y
val rScaled = Math.round(r * halfRAxisSize / maxRadius).toInt + halfRAxisSize
outputData.dataArray(theta)(rScaled) += 1
}
 
outputData
}
 
def writeOutputImage(filename: String) {
var max = Int.MinValue
for (y <- 0 until height; x <- 0 until width) {
val v = dataArray(x)(y)
if (v > max) max = v
}
val image = new BufferedImage(width, height, BufferedImage.TYPE_INT_ARGB)
for (y <- 0 until height; x <- 0 until width) {
val n = Math.min(Math.round(dataArray(x)(y) * 255.0 / max).toInt, 255)
image.setRGB(x, height - 1 - y, (n << 16) | (n << 8) | 0x90 | -0x01000000)
}
ImageIO.write(image, "PNG", new File(filename))
}
 
private def contrast(x: Int, y: Int, minContrast: Int): Boolean = {
val centerValue = dataArray(x)(y)
for (i <- 8 until -1 by -1 if i != 4) {
val newx = x + (i % 3) - 1
val newy = y + (i / 3) - 1
if (newx >= 0 && newx < width && newy >= 0 && newy < height &&
Math.abs(dataArray(newx)(newy) - centerValue) >= minContrast)
return true
}
 
false
}
 
private val dataArray = Array.ofDim[Int](width, height)
}</syntaxhighlight>
 
=={{header|SequenceL}}==
{{trans|Java}}
'''Tail-Recursive SequenceL Code:'''<br>
<syntaxhighlight lang="sequencel">import <Utilities/Sequence.sl>;
import <Utilities/Math.sl>;
 
hough: int(2) * int * int * int -> int(2);
hough(image(2), thetaAxisSize, rAxisSize, minContrast) :=
let
initialResult[r,theta] := 0 foreach r within 1 ... rAxisSize, theta within 1 ... thetaAxisSize;
result := houghHelper(image, minContrast, 1, 1, initialResult);
max := vectorMax(vectorMax(result));
in
255 - min(round((result * 255 / max)), 255);
 
houghHelper(image(2), minContrast, x, y, result(2)) :=
let
thetaAxisSize := size(head(result));
rAxisSize := size(result);
width := size(head(image));
height := size(image);
maxRadius := ceiling(sqrt(width^2 + height^2));
halfRAxisSize := rAxisSize / 2;
rs[theta] := round((cos(theta) * x + sin(theta) * y) * halfRAxisSize / maxRadius) + halfRAxisSize
foreach theta within (0 ... (thetaAxisSize-1)) * pi / thetaAxisSize;
newResult[r,theta] := result[r,theta] + 1 when rs[theta] = r-1 else result[r,theta];
nextResult := result when not checkContrast(image, x, y, minContrast) else newResult;
nextX := 1 when x = width else x + 1;
nextY := y + 1 when x = width else y;
in
nextResult when x = width and y = height
else
houghHelper(image, minContrast, nextX, nextY, nextResult);
checkContrast(image(2), x, y, minContrast) :=
let
neighbors[i,j] := image[i,j] when i > 0 and i < size(image) and j > 0 and j < size(image[i])
foreach i within y-1 ... y+1,
j within x-1 ... x+1;
in
some(some(abs(image[y,x] - neighbors) >= minContrast));</syntaxhighlight>
 
'''C++ Driver Code:'''<br>
{{libheader|CImg}}
<syntaxhighlight lang="c">#include "SL_Generated.h"
#include "CImg.h"
 
using namespace cimg_library;
 
int main( int argc, char** argv )
{
string fileName = "Pentagon.bmp";
if(argc > 1) fileName = argv[1];
int thetaAxisSize = 640; if(argc > 2) thetaAxisSize = atoi(argv[2]);
int rAxisSize = 480; if(argc > 3) rAxisSize = atoi(argv[3]);
int minContrast = 64; if(argc > 4) minContrast = atoi(argv[4]);
int threads = 0; if(argc > 5) threads = atoi(argv[5]);
char titleBuffer[200];
SLTimer t;
 
CImg<int> image(fileName.c_str());
int imageDimensions[] = {image.height(), image.width(), 0};
Sequence<Sequence<int> > imageSeq((void*) image.data(), imageDimensions);
Sequence< Sequence<int> > result;
 
sl_init(threads);
 
t.start();
sl_hough(imageSeq, thetaAxisSize, rAxisSize, minContrast, threads, result);
t.stop();
CImg<int> resultImage(result[1].size(), result.size());
for(int y = 0; y < result.size(); y++)
for(int x = 0; x < result[y+1].size(); x++)
resultImage(x,result.size() - 1 - y) = result[y+1][x+1];
sprintf(titleBuffer, "SequenceL Hough Transformation: %d X %d Image to %d X %d Result | %d Cores | Processed in %f sec\0",
image.width(), image.height(), resultImage.width(), resultImage.height(), threads, t.getTime());
resultImage.display(titleBuffer);
 
sl_done();
return 0;
}</syntaxhighlight>
 
{{out}}
[http://i.imgur.com/McCuZP3.png Output Screenshot]
 
=={{header|Sidef}}==
{{trans|Python}}
<syntaxhighlight lang="ruby">require('Imager')
 
func hough(im, width=460, height=360) {
 
height = 2*floor(height / 2)
 
var xsize = im.getwidth
var ysize = im.getheight
 
var ht = %s|Imager|.new(xsize => width, ysize => height)
var canvas = height.of { width.of(255) }
 
ht.box(filled => true, color => 'white')
 
var rmax = hypot(xsize, ysize)
var dr = 2*(rmax / height)
var dth = (Num.pi / width)
 
for y,x in (^ysize ~X ^xsize) {
var col = im.getpixel(x => x, y => y)
var (r,g,b) = col.rgba
(r==255 && g==255 && b==255) && next
for k in ^width {
var th = dth*k
var r = (x*cos(th) + y*sin(th))
var iry = (height/2 + int(r/dr + 0.5))
ht.setpixel(x => k, y => iry, color => 3.of(--canvas[iry][k]))
}
}
 
return ht
}
 
var img = %s|Imager|.new(file => 'Pentagon.png')
var ht = hough(img)
ht.write(file => 'Hough transform.png')</syntaxhighlight>
 
=={{header|Tcl}}==
Line 754 ⟶ 1,308:
 
* See [[Example:Hough transform/Tcl]]
 
=={{header|Wren}}==
{{trans|Kotlin}}
{{libheader|DOME}}
<syntaxhighlight lang="wren">import "graphics" for Canvas, Color, ImageData
import "dome" for Window, Process
import "math" for Math
 
var Hypot = Fn.new { |x, y| (x*x + y*y).sqrt }
 
class ArrayData {
construct new(width, height) {
_width = width
_height = height
_dataArray = List.filled(width * height, 0)
}
 
width { _width }
height { _height }
 
[x, y] { _dataArray[y * _width + x] }
 
[x, y]=(v) { _dataArray[y * _width + x] = v }
 
transform(thetaAxisSize, rAxisSize, minContrast) {
var maxRadius = Math.ceil(Hypot.call(_width, _height))
var halfRAxisSize = rAxisSize >> 1
var outputData = ArrayData.new(thetaAxisSize, rAxisSize)
// x output ranges from 0 to pi
// y output ranges from -maxRadius to maxRadius
var sinTable = List.filled(thetaAxisSize, 0)
var cosTable = List.filled(thetaAxisSize, 0)
for (theta in thetaAxisSize - 1..0) {
var thetaRadians = theta * Num.pi / thetaAxisSize
sinTable[theta] = Math.sin(thetaRadians)
cosTable[theta] = Math.cos(thetaRadians)
}
for (y in _height - 1..0) {
for (x in _width - 1..0) {
if (contrast(x, y, minContrast)) {
for (theta in thetaAxisSize - 1..0) {
var r = cosTable[theta] * x + sinTable[theta] * y
var rScaled = Math.round(r * halfRAxisSize / maxRadius) + halfRAxisSize
outputData.accumulate(theta, rScaled, 1)
}
}
}
}
return outputData
}
 
accumulate(x, y, delta) { this[x, y] = this[x, y] + delta }
 
contrast(x, y, minContrast) {
var centerValue = this[x, y]
for (i in 8..0) {
if (i != 4) {
var newx = x + i % 3 - 1
var newy = y + (i / 3).truncate - 1
if (newx >= 0 && newx < width && newy >= 0 && newy < height &&
Math.abs(this[newx, newy] - centerValue) >= minContrast) return true
}
}
return false
}
 
max {
var max = _dataArray[0]
for (i in width * height - 1..1) {
if (_dataArray[i] > max) max = _dataArray[i]
}
return max
}
}
 
class HoughTransform {
construct new(inFile, outFile, width, height, minCont) {
Window.title = "Hough Transform"
Window.resize(width, height)
Canvas.resize(width, height)
_width = width
_height = height
_inFile = inFile
_outFile = outFile
_minCont = minCont
}
 
init() {
var dataArray = readInputFromImage(_inFile)
dataArray = dataArray.transform(_width, _height, _minCont)
writeOutputImage(_outFile, dataArray)
}
 
readInputFromImage(filename) {
var inputImage = ImageData.load(filename)
var width = inputImage.width
var height = inputImage.height
var rgbData = []
for (y in 0...height) {
for (x in 0...width) rgbData.add(inputImage.pget(x, y))
}
var arrayData = ArrayData.new(width, height)
// Flip y axis when reading image
for (y in 0...height) {
for (x in 0...width) {
var rgbValue = rgbData[y * width + x]
rgbValue = (rgbValue.r * 0.3 + rgbValue.g * 0.59 + rgbValue.b * 0.11).floor
arrayData[x, height - 1 - y] = rgbValue
}
}
return arrayData
}
 
writeOutputImage(filename, arrayData) {
var max = arrayData.max
var outputImage = ImageData.create(filename, arrayData.width, arrayData.height)
for (y in 0...arrayData.height) {
for (x in 0...arrayData.width) {
var n = Math.min(Math.round(arrayData[x, y] * 255 / max), 255)
var c = Color.new(n, n, 0x90)
outputImage.pset(x, arrayData.height - 1 - y, c)
}
}
outputImage.draw(0, 0)
outputImage.saveToFile(filename)
}
 
update() {}
 
draw(alpha) {}
}
 
var args = Process.args
System.print(args)
if (args.count != 7) Fiber.abort("There should be exactly 5 command line arguments.")
var inFile = args[2]
var outFile = args[3]
var width = Num.fromString(args[4])
var height = Num.fromString(args[5])
var minCont = Num.fromString(args[6])
var Game = HoughTransform.new(inFile, outFile, width, height, minCont)</syntaxhighlight>
 
{{out}}
<pre>
When called with: 'dome hough_transform.wren Pentagon.png Pentagon2.png 640 480 100' the resulting image is similar to that of the Java entry.
</pre>
 
=={{header|zkl}}==
Uses the PPM class from http://rosettacode.org/wiki/Bitmap/Bresenham%27s_line_algorithm#zkl
{{trans|D}}
<syntaxhighlight lang="zkl">const WHITE=0xffFFff, X=0x010101;
fcn houghTransform(image,hx=460,hy=360){
if(hy.isOdd) hy-=1; // hy argument must be even
out:=PPM(hx,hy,WHITE);
rMax:=image.w.toFloat().hypot(image.h);
dr,dTh:=rMax/(hy/2), (0.0).pi/hx;
 
foreach y,x in (image.h,image.w){
if(image[x,y]==WHITE) continue;
foreach iTh in (hx){
th,r:=dTh*iTh, th.cos()*x + th.sin()*y;
iry:=hy/2 + (r/dr + 0.5).floor(); // y==0 is top
if(out[iTh,iry]>0) out[iTh,iry]=out[iTh,iry] - X;
}
}
out
}</syntaxhighlight>
 
<syntaxhighlight lang="zkl">fcn readPNG2PPM(fileName){
p:=System.popen("convert \"%s\" ppm:-".fmt(fileName),"r");
img:=PPM.readPPM(p);
p.close();
img
}
houghTransform(readPNG2PPM("pentagon.png"))
.write(File("pentagon_hough.ppm","wb"));</syntaxhighlight>
{{out}}
The output image looks the same as in the Go solution.
 
http://www.zenkinetic.com/Images/RosettaCode/pentagon_hough.jpg
 
{{omit from|PARI/GP}}
 
[[Category:Geometry]]
9,482

edits