Skip to content

Commit 3d39905

Browse files
Updated f2py section.
1 parent 0c3f912 commit 3d39905

27 files changed

+576
-76
lines changed

f2py/.vscode/settings.json

+4
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,4 @@
1+
{
2+
"fortran.fortls.disabled": true,
3+
"python.terminal.activateEnvInCurrentTerminal": true
4+
}

f2py/arr1.py

+3-8
Original file line numberDiff line numberDiff line change
@@ -2,15 +2,10 @@
22

33
import os
44
import numpy as np
5-
import fortran_utils as utils
5+
import mf_mixed
66

7-
# Add the path to the directory containing the Fortran runtime DLL to the system path
8-
9-
utils.f2py_setup()
10-
11-
if utils.f2py_compile("fortmod", ["arr1.f90"])!=0:
12-
print("Compilation failed")
13-
exit()
7+
mf_mixed.f2py_setup()
8+
mf_mixed.f2py_compile('fortmod', ['arr1.f90'])
149

1510
from fortmod import *
1611

f2py/arr2.py

+4-2
Original file line numberDiff line numberDiff line change
@@ -1,5 +1,7 @@
1-
import sys
2-
sys.path.append("./build")
1+
import mf_mixed
2+
3+
mf_mixed.f2py_setup()
4+
mf_mixed.f2py_compile('fortmod', ['arr2.f90'])
35

46
from numpy import *
57
from fortmod import *

f2py/filters.f90

+51
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,51 @@
1+
module filters
2+
use iso_c_binding
3+
4+
implicit none
5+
6+
contains
7+
8+
subroutine mean_filter(image, kernel_size, filtered_image)
9+
use, intrinsic :: iso_c_binding, only: c_double
10+
implicit none
11+
real(c_double), intent(in) :: image(:,:)
12+
integer, intent(in) :: kernel_size
13+
real(c_double), intent(inout) :: filtered_image(:,:)
14+
integer :: y, x, i, j, height, width, y_start, y_end, x_start, x_end
15+
real(c_double) :: sum_value, divisor
16+
integer :: window_size
17+
18+
height = size(image, 1)
19+
width = size(image, 2)
20+
21+
! Precompute divisor
22+
divisor = 1.0_c_double / (kernel_size * kernel_size)
23+
24+
!$OMP PARALLEL DO PRIVATE(x, i, j, sum_value, y_start, y_end, x_start, x_end, window_size) SCHEDULE(static)
25+
do y = 1, height
26+
do x = 1, width
27+
! Calculate window boundaries
28+
y_start = max(1, y - kernel_size/2)
29+
y_end = min(height, y + kernel_size/2)
30+
x_start = max(1, x - kernel_size/2)
31+
x_end = min(width, x + kernel_size/2)
32+
33+
! Calculate the sum value of the window
34+
sum_value = 0.0_c_double
35+
window_size = 0
36+
37+
do j = y_start, y_end
38+
do i = x_start, x_end
39+
sum_value = sum_value + image(j, i)
40+
window_size = window_size + 1
41+
end do
42+
end do
43+
44+
! Assign the mean value to the corresponding pixel in the filtered image
45+
filtered_image(y, x) = sum_value / window_size
46+
end do
47+
end do
48+
!$OMP END PARALLEL DO
49+
50+
end subroutine mean_filter
51+
end module filters

f2py/fortran_python.png

7.94 MB
Loading

f2py/fortran_utils.py

-13
This file was deleted.

f2py/image_processing.py

+104
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,104 @@
1+
import os
2+
import time
3+
import cv2
4+
import sys
5+
import numpy as np
6+
import matplotlib.pyplot as plt
7+
8+
import mf_mixed
9+
10+
11+
12+
import numpy as np
13+
from numpy.lib.stride_tricks import as_strided
14+
15+
def blur_filter_vectorized(image, kernel_size=3):
16+
# Create the kernel
17+
kernel = np.ones((kernel_size, kernel_size)) / (kernel_size ** 2)
18+
19+
# Get dimensions
20+
i_height, i_width = image.shape
21+
k_height, k_width = kernel.shape
22+
23+
# Pad the image
24+
pad_height = k_height // 2
25+
pad_width = k_width // 2
26+
padded_image = np.pad(image, ((pad_height, pad_height), (pad_width, pad_width)), mode='edge')
27+
28+
# Create a view of the padded image with sliding windows
29+
windows = as_strided(padded_image,
30+
shape=(i_height, i_width, k_height, k_width),
31+
strides=padded_image.strides + padded_image.strides)
32+
33+
# Perform the convolution
34+
return np.einsum('ijkl,kl->ij', windows, kernel)
35+
36+
37+
if __name__ == "__main__":
38+
39+
mf_mixed.f2py_setup()
40+
mf_mixed.f2py_compile('filters', ['filters.f90'])
41+
42+
from filters import * # Import the Fortran module
43+
44+
# Load the image in grayscale mode
45+
46+
print("Loading image...")
47+
image = cv2.imread('fortran_python.png', cv2.IMREAD_GRAYSCALE)
48+
print(image.dtype)
49+
50+
print("Creating fortran array...")
51+
image_f = np.zeros_like(image, order='F', dtype=float)
52+
image_f[:] = image
53+
54+
# Define the kernel size for the mean filter
55+
56+
kernel_size = 7
57+
58+
# Apply the mean filter to the image
59+
60+
print("Applying mean filter (python)...")
61+
62+
t0 = time.time()
63+
filtered_image1 = blur_filter_vectorized(image_f, kernel_size)
64+
t1 = time.time()
65+
66+
print("Time (python): ", t1 - t0)
67+
68+
print("Applying mean filter (fortran)...")
69+
filtered_image2 = np.zeros_like(image_f, order='F', dtype=float)
70+
71+
n_samples = 100
72+
73+
t0 = time.time()
74+
for i in range(n_samples):
75+
filters.mean_filter(image_f, kernel_size, filtered_image2)
76+
t1 = time.time()
77+
78+
print("Time (fortran): ", (t1 - t0) / n_samples)
79+
80+
print("Applying mean filter (cv2)...")
81+
82+
t0 = time.time()
83+
for i in range(1):
84+
filtered_image3 = cv2.blur(image_f, (kernel_size, kernel_size))
85+
t1 = time.time()
86+
87+
print("Time (python cv2): ", t1 - t0)
88+
89+
plt.figure()
90+
plt.title('Python')
91+
plt.imshow(filtered_image1, cmap='gray')
92+
plt.figure()
93+
plt.title('Fortran')
94+
plt.imshow(filtered_image2, cmap='gray')
95+
plt.figure()
96+
plt.title('OpenCV')
97+
plt.imshow(filtered_image3, cmap='gray')
98+
plt.show()
99+
100+
# Display the original and filtered images
101+
#cv2.imshow('Original Image', image)
102+
#cv2.imshow('Mean Filtered Image', filtered_image)
103+
#cv2.waitKey(0)
104+
#cv2.destroyAllWindows()

f2py/mf_mixed.py

+21
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,21 @@
1+
# -*- coding: utf-8 -*-
2+
3+
import os
4+
5+
# ---- 1. Replace the following path with corresponding path in your system ----
6+
f2py_mingw_path = "C:\\Qt\\Tools\\mingw1120_64\\bin"
7+
8+
# ---- 2. Replace the following flags with corresponding flags in your system ----
9+
#f2py_opt_flags = '-Wall -Wextra -Wimplicit-interface -fPIC -O3 -march=native -ffast-math -funroll-loops -fopenmp'
10+
f2py_opt_flags = '-Wall -Wextra -Wimplicit-interface -fPIC -O3 -march=native -ffast-math -funroll-loops -fopenmp -ffree-line-length-none'
11+
#f2py_opt_flags = '-Wall -Wextra -Wimplicit-interface -O3 -march=native'
12+
f2py_link_flags = '-lgomp'
13+
14+
def f2py_setup():
15+
if os.name == 'nt':
16+
os.add_dll_directory(f2py_mingw_path)
17+
18+
def f2py_compile(f2py_module_name, f2py_source_files):
19+
source_files_string = ' '.join(f2py_source_files)
20+
print(f'Running: f2py -m {f2py_module_name} -c {source_files_string} --f90flags="{f2py_opt_flags}" {f2py_link_flags}')
21+
return os.system(f'f2py -m {f2py_module_name} -c {source_files_string} --f90flags="{f2py_opt_flags}" {f2py_link_flags}')

f2py/simple.py

+5-2
Original file line numberDiff line numberDiff line change
@@ -1,5 +1,8 @@
1-
import sys
2-
sys.path.append("./build")
1+
2+
import mf_mixed
3+
4+
mf_mixed.f2py_setup()
5+
mf_mixed.f2py_compile('fortmod', ['simple.f90'])
36

47
from numpy import *
58
from fortmod import *

f2py/test.py

+7-5
Original file line numberDiff line numberDiff line change
@@ -1,19 +1,21 @@
1-
import sys
2-
sys.path.append("./build")
1+
import mf_mixed
2+
3+
mf_mixed.f2py_setup()
4+
mf_mixed.f2py_compile('fortmod', ['matrix.f90'])
35

46
from numpy import *
57
from fortmod import *
68

7-
print matrix_multiply2.__doc__
9+
print(matrix.matrix_multiply2.__doc__)
810

911
A = ones((10,10), 'float32', order='F') * 10.0
1012
B = ones((10,10), 'float32', order='F') * 20.0
1113
C = zeros((10,10), 'float32', order='F')
1214

1315
print("id of C before multiply =",id(C))
1416

15-
matrix_multiply2(A, B, C)
17+
matrix.matrix_multiply2(A, B, C)
1618

1719
print("id of C after multiply =",id(C))
1820

19-
print C
21+
print(C)

fortran/test/myfirst.f90

+7
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,7 @@
1+
program myfirst
2+
3+
implicit none
4+
5+
print*, 'Hello, Fortran'
6+
7+
end program myfirst

oop/graphics_example_start.py

+36-22
Original file line numberDiff line numberDiff line change
@@ -29,9 +29,11 @@ def __init__(self, x=0.0, y=0.0):
2929
super().__init__()
3030
self.x = x
3131
self.y = y
32-
3332
self.vx = 0.0
34-
self.vy = 0.0
33+
self.vy = 0.
34+
self.stroke_color = [255, 0, 0]
35+
36+
self.stroke_width = 2
3537

3638
def update(self, dt):
3739
self.x += self.vx*dt
@@ -41,38 +43,43 @@ def on_draw(self):
4143
sketch.point(self.x, self.y)
4244

4345
class RoundParticle(Particle):
44-
def __init__(self, x=0.0, y=0.0, r=1.0):
46+
def __init__(self, x=0.0, y=0.0, r=50.0):
4547
super().__init__(x, y)
4648
self.r = r
4749

4850
def on_draw(self):
4951
sketch.ellipse(self.x, self.y, self.r*2, self.r*2)
5052

53+
class SquareParticle(Particle):
54+
def __init__(self, x=0.0, y=0.0, w=50.0, h=50.0):
55+
super().__init__(x, y)
56+
self.w = w
57+
self.h = h
58+
self.r = w/2
59+
60+
def on_draw(self):
61+
sketch.rect(self.x, self.y, self.w, self.h)
62+
5163
class BoxBoundary:
5264
def __init__(self):
5365
self.xmin = 0.0
5466
self.xmax = 600.0
5567
self.ymin = 0.0
5668
self.ymax = 600.0
5769

58-
def is_inside(self, p):
59-
return (p.x - p.r > self.xmin) and (p.x + p.r < self.xmax) and (p.y - p.r > self.ymin) and (p.y + p.r < self.ymin)
60-
6170
def check(self, p):
62-
if not self.is_inside(p):
63-
if (p.x - p.r) < self.xmin:
64-
p.vx = -p.vx
65-
p.x = self.xmin + p.r
66-
if (p.x + p.r) > self.xmax:
67-
p.vx = -p.vx
68-
p.x = self.xmax - p.r
69-
if (p.y - p.r) < self.ymin:
70-
p.vy = -p.vy
71-
p.y = self.ymin + p.r
72-
if (p.y + p.r) > self.ymax:
73-
p.vy = -p.vy
74-
p.y = self.ymax - p.r
75-
71+
if p.x - p.r < self.xmin:
72+
p.x = self.xmin + p.r
73+
p.vx = -p.vx
74+
elif p.x + p.r > self.xmax:
75+
p.x = self.xmax - p.r
76+
p.vx = -p.vx
77+
if p.y - p.r < self.ymin:
78+
p.y = self.ymin + p.r
79+
p.vy = -p.vy
80+
elif p.y + p.r > self.ymax:
81+
p.y = self.ymax - p.r
82+
p.vy = -p.vy
7683

7784
class ParticleSketch(Sketch):
7885

@@ -84,21 +91,28 @@ def setup(self):
8491
self.ellipse_mode(self.CENTER)
8592

8693
self.particles = []
94+
8795
self.boundary = BoxBoundary()
8896

8997
for i in range(100):
90-
p = RoundParticle(self.random(0,600), self.random(0,600), self.random(30, 70))
98+
if self.random(1) < 0.5:
99+
p = SquareParticle(self.random(0,600), self.random(0, 600), self.random(30, 70), self.random(30, 70))
100+
else:
101+
p = RoundParticle(self.random(0,600), self.random(0, 600), self.random(30, 70))
102+
91103
p.vx = self.random(-60.0, 60.0)
92104
p.vy = self.random(-60.0, 60.0)
93105
p.fill_color = [self.random(255), self.random(255), self.random(255)]
94106
p.fill_alpha = self.random(50, 255)
107+
95108
self.particles.append(p)
96109

110+
97111
def draw(self):
98112
self.background(40)
99113

100114
for p in self.particles:
101-
p.update(1.0/60.0)
115+
p.update(1/60)
102116
self.boundary.check(p)
103117
p.draw()
104118

0 commit comments

Comments
 (0)