Skip to content

Commit c909da9

Browse files
pre-commit: Upgrade psf/black for stable style 2023 (TheAlgorithms#8110)
* pre-commit: Upgrade psf/black for stable style 2023 Updating https://github.com/psf/black ... updating 22.12.0 -> 23.1.0 for their `2023 stable style`. * https://github.com/psf/black/blob/main/CHANGES.md#2310 > This is the first [psf/black] release of 2023, and following our stability policy, it comes with a number of improvements to our stable style… Also, add https://github.com/tox-dev/pyproject-fmt and https://github.com/abravalheri/validate-pyproject to pre-commit. I only modified `.pre-commit-config.yaml` and all other files were modified by pre-commit.ci and psf/black. * [pre-commit.ci] auto fixes from pre-commit.com hooks for more information, see https://pre-commit.ci --------- Co-authored-by: pre-commit-ci[bot] <66853113+pre-commit-ci[bot]@users.noreply.github.com>
1 parent ed0a581 commit c909da9

File tree

97 files changed

+19
-154
lines changed

Some content is hidden

Large Commits have some content hidden by default. Use the searchbox below for content that may be hidden.

97 files changed

+19
-154
lines changed

.pre-commit-config.yaml

+11-1
Original file line numberDiff line numberDiff line change
@@ -15,7 +15,7 @@ repos:
1515
- id: auto-walrus
1616

1717
- repo: https://github.com/psf/black
18-
rev: 22.12.0
18+
rev: 23.1.0
1919
hooks:
2020
- id: black
2121

@@ -26,6 +26,16 @@ repos:
2626
args:
2727
- --profile=black
2828

29+
- repo: https://github.com/tox-dev/pyproject-fmt
30+
rev: "0.6.0"
31+
hooks:
32+
- id: pyproject-fmt
33+
34+
- repo: https://github.com/abravalheri/validate-pyproject
35+
rev: v0.12.1
36+
hooks:
37+
- id: validate-pyproject
38+
2939
- repo: https://github.com/asottile/pyupgrade
3040
rev: v3.3.1
3141
hooks:

arithmetic_analysis/newton_raphson_new.py

-1
Original file line numberDiff line numberDiff line change
@@ -59,7 +59,6 @@ def newton_raphson(
5959

6060
# Let's Execute
6161
if __name__ == "__main__":
62-
6362
# Find root of trigonometric function
6463
# Find value of pi
6564
print(f"The root of sin(x) = 0 is {newton_raphson('sin(x)', 2)}")

backtracking/n_queens_math.py

-1
Original file line numberDiff line numberDiff line change
@@ -107,7 +107,6 @@ def depth_first_search(
107107

108108
# We iterate each column in the row to find all possible results in each row
109109
for col in range(n):
110-
111110
# We apply that we learned previously. First we check that in the current board
112111
# (possible_board) there are not other same value because if there is it means
113112
# that there are a collision in vertical. Then we apply the two formulas we

blockchain/chinese_remainder_theorem.py

+1
Original file line numberDiff line numberDiff line change
@@ -53,6 +53,7 @@ def chinese_remainder_theorem(n1: int, r1: int, n2: int, r2: int) -> int:
5353

5454
# ----------SAME SOLUTION USING InvertModulo instead ExtendedEuclid----------------
5555

56+
5657
# This function find the inverses of a i.e., a^(-1)
5758
def invert_modulo(a: int, n: int) -> int:
5859
"""

ciphers/enigma_machine2.py

-1
Original file line numberDiff line numberDiff line change
@@ -230,7 +230,6 @@ def enigma(
230230
# encryption/decryption process --------------------------
231231
for symbol in text:
232232
if symbol in abc:
233-
234233
# 1st plugboard --------------------------
235234
if symbol in plugboard:
236235
symbol = plugboard[symbol]

ciphers/playfair_cipher.py

-1
Original file line numberDiff line numberDiff line change
@@ -39,7 +39,6 @@ def prepare_input(dirty: str) -> str:
3939

4040

4141
def generate_table(key: str) -> list[str]:
42-
4342
# I and J are used interchangeably to allow
4443
# us to use a 5x5 table (25 letters)
4544
alphabet = "ABCDEFGHIKLMNOPQRSTUVWXYZ"

ciphers/polybius.py

-1
Original file line numberDiff line numberDiff line change
@@ -19,7 +19,6 @@
1919

2020
class PolybiusCipher:
2121
def __init__(self) -> None:
22-
2322
self.SQUARE = np.array(SQUARE)
2423

2524
def letter_to_numbers(self, letter: str) -> np.ndarray:

ciphers/xor_cipher.py

-2
Original file line numberDiff line numberDiff line change
@@ -130,7 +130,6 @@ def encrypt_file(self, file: str, key: int = 0) -> bool:
130130
try:
131131
with open(file) as fin:
132132
with open("encrypt.out", "w+") as fout:
133-
134133
# actual encrypt-process
135134
for line in fin:
136135
fout.write(self.encrypt_string(line, key))
@@ -155,7 +154,6 @@ def decrypt_file(self, file: str, key: int) -> bool:
155154
try:
156155
with open(file) as fin:
157156
with open("decrypt.out", "w+") as fout:
158-
159157
# actual encrypt-process
160158
for line in fin:
161159
fout.write(self.decrypt_string(line, key))

compression/lz77.py

-1
Original file line numberDiff line numberDiff line change
@@ -89,7 +89,6 @@ def compress(self, text: str) -> list[Token]:
8989

9090
# while there are still characters in text to compress
9191
while text:
92-
9392
# find the next encoding phrase
9493
# - triplet with offset, length, indicator (the next encoding character)
9594
token = self._find_encoding_token(text, search_buffer)

computer_vision/cnn_classification.py

-1
Original file line numberDiff line numberDiff line change
@@ -28,7 +28,6 @@
2828
from tensorflow.keras import layers, models
2929

3030
if __name__ == "__main__":
31-
3231
# Initialising the CNN
3332
# (Sequential- Building the model layer by layer)
3433
classifier = models.Sequential()

computer_vision/harris_corner.py

-3
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,6 @@
99

1010
class HarrisCorner:
1111
def __init__(self, k: float, window_size: int):
12-
1312
"""
1413
k : is an empirically determined constant in [0.04,0.06]
1514
window_size : neighbourhoods considered
@@ -25,7 +24,6 @@ def __str__(self) -> str:
2524
return str(self.k)
2625

2726
def detect(self, img_path: str) -> tuple[cv2.Mat, list[list[int]]]:
28-
2927
"""
3028
Returns the image with corners identified
3129
img_path : path of the image
@@ -68,7 +66,6 @@ def detect(self, img_path: str) -> tuple[cv2.Mat, list[list[int]]]:
6866

6967

7068
if __name__ == "__main__":
71-
7269
edge_detect = HarrisCorner(0.04, 3)
7370
color_img, _ = edge_detect.detect("path_to_image")
7471
cv2.imwrite("detect.png", color_img)

conversions/decimal_to_binary.py

-1
Original file line numberDiff line numberDiff line change
@@ -2,7 +2,6 @@
22

33

44
def decimal_to_binary(num: int) -> str:
5-
65
"""
76
Convert an Integer Decimal Number to a Binary Number as str.
87
>>> decimal_to_binary(0)

conversions/molecular_chemistry.py

-1
Original file line numberDiff line numberDiff line change
@@ -86,7 +86,6 @@ def pressure_and_volume_to_temperature(
8686

8787

8888
if __name__ == "__main__":
89-
9089
import doctest
9190

9291
doctest.testmod()

conversions/roman_numerals.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -47,7 +47,7 @@ def int_to_roman(number: int) -> str:
4747
True
4848
"""
4949
result = []
50-
for (arabic, roman) in ROMAN:
50+
for arabic, roman in ROMAN:
5151
(factor, number) = divmod(number, arabic)
5252
result.append(roman * factor)
5353
if number == 0:

conversions/temperature_conversions.py

-1
Original file line numberDiff line numberDiff line change
@@ -380,7 +380,6 @@ def reaumur_to_rankine(reaumur: float, ndigits: int = 2) -> float:
380380

381381

382382
if __name__ == "__main__":
383-
384383
import doctest
385384

386385
doctest.testmod()

conversions/weight_conversion.py

-1
Original file line numberDiff line numberDiff line change
@@ -307,7 +307,6 @@ def weight_conversion(from_type: str, to_type: str, value: float) -> float:
307307

308308

309309
if __name__ == "__main__":
310-
311310
import doctest
312311

313312
doctest.testmod()

data_structures/binary_tree/binary_tree_traversals.py

-1
Original file line numberDiff line numberDiff line change
@@ -105,7 +105,6 @@ def populate_output(root: Node | None, level: int) -> None:
105105
if not root:
106106
return
107107
if level == 1:
108-
109108
output.append(root.data)
110109
elif level > 1:
111110
populate_output(root.left, level - 1)

data_structures/binary_tree/inorder_tree_traversal_2022.py

-1
Original file line numberDiff line numberDiff line change
@@ -58,7 +58,6 @@ def inorder(node: None | BinaryTreeNode) -> list[int]: # if node is None,return
5858

5959

6060
def make_tree() -> BinaryTreeNode | None:
61-
6261
root = insert(None, 15)
6362
insert(root, 10)
6463
insert(root, 25)

data_structures/hashing/double_hash.py

-1
Original file line numberDiff line numberDiff line change
@@ -24,7 +24,6 @@ def __init__(self, *args, **kwargs):
2424
super().__init__(*args, **kwargs)
2525

2626
def __hash_function_2(self, value, data):
27-
2827
next_prime_gt = (
2928
next_prime(value % self.size_table)
3029
if not is_prime(value % self.size_table)

data_structures/hashing/hash_table.py

-2
Original file line numberDiff line numberDiff line change
@@ -32,7 +32,6 @@ def hash_function(self, key):
3232
return key % self.size_table
3333

3434
def _step_by_step(self, step_ord):
35-
3635
print(f"step {step_ord}")
3736
print(list(range(len(self.values))))
3837
print(self.values)
@@ -53,7 +52,6 @@ def _collision_resolution(self, key, data=None):
5352
new_key = self.hash_function(key + 1)
5453

5554
while self.values[new_key] is not None and self.values[new_key] != key:
56-
5755
if self.values.count(None) > 0:
5856
new_key = self.hash_function(new_key + 1)
5957
else:

data_structures/heap/binomial_heap.py

-2
Original file line numberDiff line numberDiff line change
@@ -174,7 +174,6 @@ def merge_heaps(self, other):
174174
i.left_tree_size == i.parent.left_tree_size
175175
and i.left_tree_size != i.parent.parent.left_tree_size
176176
):
177-
178177
# Neighbouring Nodes
179178
previous_node = i.left
180179
next_node = i.parent.parent
@@ -233,7 +232,6 @@ def insert(self, val):
233232
and self.bottom_root.left_tree_size
234233
== self.bottom_root.parent.left_tree_size
235234
):
236-
237235
# Next node
238236
next_node = self.bottom_root.parent.parent
239237

data_structures/heap/skew_heap.py

-1
Original file line numberDiff line numberDiff line change
@@ -71,7 +71,6 @@ class SkewHeap(Generic[T]):
7171
"""
7272

7373
def __init__(self, data: Iterable[T] | None = ()) -> None:
74-
7574
"""
7675
>>> sh = SkewHeap([3, 1, 3, 7])
7776
>>> list(sh)

data_structures/linked_list/doubly_linked_list_two.py

-2
Original file line numberDiff line numberDiff line change
@@ -80,7 +80,6 @@ def get_tail_data(self):
8080
return None
8181

8282
def set_head(self, node: Node) -> None:
83-
8483
if self.head is None:
8584
self.head = node
8685
self.tail = node
@@ -143,7 +142,6 @@ def get_node(self, item: int) -> Node:
143142
raise Exception("Node not found")
144143

145144
def delete_value(self, value):
146-
147145
if (node := self.get_node(value)) is not None:
148146
if node == self.head:
149147
self.head = self.head.get_next()

data_structures/stacks/prefix_evaluation.py

-1
Original file line numberDiff line numberDiff line change
@@ -36,7 +36,6 @@ def evaluate(expression):
3636

3737
# iterate over the string in reverse order
3838
for c in expression.split()[::-1]:
39-
4039
# push operand to stack
4140
if is_operand(c):
4241
stack.append(int(c))

data_structures/stacks/stack_with_doubly_linked_list.py

-1
Original file line numberDiff line numberDiff line change
@@ -92,7 +92,6 @@ def print_stack(self) -> None:
9292

9393
# Code execution starts here
9494
if __name__ == "__main__":
95-
9695
# Start with the empty stack
9796
stack: Stack[int] = Stack()
9897

data_structures/stacks/stock_span_problem.py

-2
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,6 @@
99

1010

1111
def calculation_span(price, s):
12-
1312
n = len(price)
1413
# Create a stack and push index of fist element to it
1514
st = []
@@ -20,7 +19,6 @@ def calculation_span(price, s):
2019

2120
# Calculate span values for rest of the elements
2221
for i in range(1, n):
23-
2422
# Pop elements from stack while stack is not
2523
# empty and top of stack is smaller than price[i]
2624
while len(st) > 0 and price[st[0]] <= price[i]:

digital_image_processing/filters/bilateral_filter.py

-1
Original file line numberDiff line numberDiff line change
@@ -50,7 +50,6 @@ def bilateral_filter(
5050
size_x, size_y = img.shape
5151
for i in range(kernel_size // 2, size_x - kernel_size // 2):
5252
for j in range(kernel_size // 2, size_y - kernel_size // 2):
53-
5453
img_s = get_slice(img, i, j, kernel_size)
5554
img_i = img_s - img_s[kernel_size // 2, kernel_size // 2]
5655
img_ig = vec_gaussian(img_i, intensity_variance)

digital_image_processing/filters/local_binary_pattern.py

-1
Original file line numberDiff line numberDiff line change
@@ -61,7 +61,6 @@ def local_binary_value(image: np.ndarray, x_coordinate: int, y_coordinate: int)
6161

6262

6363
if __name__ == "__main__":
64-
6564
# Reading the image and converting it to grayscale.
6665
image = cv2.imread(
6766
"digital_image_processing/image_data/lena.jpg", cv2.IMREAD_GRAYSCALE

dynamic_programming/bitmask.py

-5
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313

1414
class AssignmentUsingBitmask:
1515
def __init__(self, task_performed, total):
16-
1716
self.total_tasks = total # total no of tasks (N)
1817

1918
# DP table will have a dimension of (2^M)*N
@@ -29,7 +28,6 @@ def __init__(self, task_performed, total):
2928
self.final_mask = (1 << len(task_performed)) - 1
3029

3130
def count_ways_until(self, mask, task_no):
32-
3331
# if mask == self.finalmask all persons are distributed tasks, return 1
3432
if mask == self.final_mask:
3533
return 1
@@ -49,7 +47,6 @@ def count_ways_until(self, mask, task_no):
4947
# assign for the remaining tasks.
5048
if task_no in self.task:
5149
for p in self.task[task_no]:
52-
5350
# if p is already given a task
5451
if mask & (1 << p):
5552
continue
@@ -64,7 +61,6 @@ def count_ways_until(self, mask, task_no):
6461
return self.dp[mask][task_no]
6562

6663
def count_no_of_ways(self, task_performed):
67-
6864
# Store the list of persons for each task
6965
for i in range(len(task_performed)):
7066
for j in task_performed[i]:
@@ -75,7 +71,6 @@ def count_no_of_ways(self, task_performed):
7571

7672

7773
if __name__ == "__main__":
78-
7974
total_tasks = 5 # total no of tasks (the value of N)
8075

8176
# the list of tasks that can be done by M persons.

dynamic_programming/iterating_through_submasks.py

-1
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,6 @@
99

1010

1111
def list_of_submasks(mask: int) -> list[int]:
12-
1312
"""
1413
Args:
1514
mask : number which shows mask ( always integer > 0, zero does not have any

electronics/coulombs_law.py

-1
Original file line numberDiff line numberDiff line change
@@ -8,7 +8,6 @@
88
def couloumbs_law(
99
force: float, charge1: float, charge2: float, distance: float
1010
) -> dict[str, float]:
11-
1211
"""
1312
Apply Coulomb's Law on any three given values. These can be force, charge1,
1413
charge2, or distance, and then in a Python dict return name/value pair of

fractals/julia_sets.py

-1
Original file line numberDiff line numberDiff line change
@@ -170,7 +170,6 @@ def ignore_overflow_warnings() -> None:
170170

171171

172172
if __name__ == "__main__":
173-
174173
z_0 = prepare_grid(window_size, nb_pixels)
175174

176175
ignore_overflow_warnings() # See file header for explanations

fractals/mandelbrot.py

-1
Original file line numberDiff line numberDiff line change
@@ -114,7 +114,6 @@ def get_image(
114114
# loop through the image-coordinates
115115
for image_x in range(image_width):
116116
for image_y in range(image_height):
117-
118117
# determine the figure-coordinates based on the image-coordinates
119118
figure_height = figure_width / image_width * image_height
120119
figure_x = figure_center_x + (image_x / image_width - 0.5) * figure_width

geodesy/lamberts_ellipsoidal_distance.py

-1
Original file line numberDiff line numberDiff line change
@@ -10,7 +10,6 @@
1010
def lamberts_ellipsoidal_distance(
1111
lat1: float, lon1: float, lat2: float, lon2: float
1212
) -> float:
13-
1413
"""
1514
Calculate the shortest distance along the surface of an ellipsoid between
1615
two points on the surface of earth given longitudes and latitudes

graphs/a_star.py

-1
Original file line numberDiff line numberDiff line change
@@ -16,7 +16,6 @@ def search(
1616
cost: int,
1717
heuristic: list[list[int]],
1818
) -> tuple[list[list[int]], list[list[int]]]:
19-
2019
closed = [
2120
[0 for col in range(len(grid[0]))] for row in range(len(grid))
2221
] # the reference grid

graphs/check_bipartite_graph_bfs.py

-1
Original file line numberDiff line numberDiff line change
@@ -20,7 +20,6 @@ def bfs():
2020
visited[u] = True
2121

2222
for neighbour in graph[u]:
23-
2423
if neighbour == u:
2524
return False
2625

0 commit comments

Comments
 (0)