pymoo 0.6.1.5.dev0__cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl

This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.

Potentially problematic release.


This version of pymoo might be problematic. Click here for more details.

Files changed (328) hide show
  1. pymoo/__init__.py +3 -0
  2. pymoo/algorithms/__init__.py +0 -0
  3. pymoo/algorithms/base/__init__.py +0 -0
  4. pymoo/algorithms/base/bracket.py +38 -0
  5. pymoo/algorithms/base/genetic.py +109 -0
  6. pymoo/algorithms/base/line.py +62 -0
  7. pymoo/algorithms/base/local.py +39 -0
  8. pymoo/algorithms/base/meta.py +79 -0
  9. pymoo/algorithms/hyperparameters.py +89 -0
  10. pymoo/algorithms/moo/__init__.py +0 -0
  11. pymoo/algorithms/moo/age.py +310 -0
  12. pymoo/algorithms/moo/age2.py +194 -0
  13. pymoo/algorithms/moo/ctaea.py +298 -0
  14. pymoo/algorithms/moo/dnsga2.py +76 -0
  15. pymoo/algorithms/moo/kgb.py +446 -0
  16. pymoo/algorithms/moo/moead.py +183 -0
  17. pymoo/algorithms/moo/nsga2.py +113 -0
  18. pymoo/algorithms/moo/nsga3.py +358 -0
  19. pymoo/algorithms/moo/pinsga2.py +370 -0
  20. pymoo/algorithms/moo/rnsga2.py +188 -0
  21. pymoo/algorithms/moo/rnsga3.py +246 -0
  22. pymoo/algorithms/moo/rvea.py +214 -0
  23. pymoo/algorithms/moo/sms.py +195 -0
  24. pymoo/algorithms/moo/spea2.py +190 -0
  25. pymoo/algorithms/moo/unsga3.py +47 -0
  26. pymoo/algorithms/soo/__init__.py +0 -0
  27. pymoo/algorithms/soo/convex/__init__.py +0 -0
  28. pymoo/algorithms/soo/nonconvex/__init__.py +0 -0
  29. pymoo/algorithms/soo/nonconvex/brkga.py +161 -0
  30. pymoo/algorithms/soo/nonconvex/cmaes.py +554 -0
  31. pymoo/algorithms/soo/nonconvex/de.py +279 -0
  32. pymoo/algorithms/soo/nonconvex/direct.py +149 -0
  33. pymoo/algorithms/soo/nonconvex/es.py +203 -0
  34. pymoo/algorithms/soo/nonconvex/g3pcx.py +94 -0
  35. pymoo/algorithms/soo/nonconvex/ga.py +93 -0
  36. pymoo/algorithms/soo/nonconvex/ga_niching.py +223 -0
  37. pymoo/algorithms/soo/nonconvex/isres.py +74 -0
  38. pymoo/algorithms/soo/nonconvex/nelder.py +251 -0
  39. pymoo/algorithms/soo/nonconvex/optuna.py +80 -0
  40. pymoo/algorithms/soo/nonconvex/pattern.py +183 -0
  41. pymoo/algorithms/soo/nonconvex/pso.py +399 -0
  42. pymoo/algorithms/soo/nonconvex/pso_ep.py +297 -0
  43. pymoo/algorithms/soo/nonconvex/random_search.py +25 -0
  44. pymoo/algorithms/soo/nonconvex/sres.py +56 -0
  45. pymoo/algorithms/soo/univariate/__init__.py +0 -0
  46. pymoo/algorithms/soo/univariate/backtracking.py +59 -0
  47. pymoo/algorithms/soo/univariate/exp.py +46 -0
  48. pymoo/algorithms/soo/univariate/golden.py +65 -0
  49. pymoo/algorithms/soo/univariate/quadr_interp.py +81 -0
  50. pymoo/algorithms/soo/univariate/wolfe.py +163 -0
  51. pymoo/config.py +33 -0
  52. pymoo/constraints/__init__.py +3 -0
  53. pymoo/constraints/adaptive.py +62 -0
  54. pymoo/constraints/as_obj.py +56 -0
  55. pymoo/constraints/as_penalty.py +41 -0
  56. pymoo/constraints/eps.py +26 -0
  57. pymoo/constraints/from_bounds.py +36 -0
  58. pymoo/core/__init__.py +0 -0
  59. pymoo/core/algorithm.py +394 -0
  60. pymoo/core/callback.py +38 -0
  61. pymoo/core/crossover.py +77 -0
  62. pymoo/core/decision_making.py +102 -0
  63. pymoo/core/decomposition.py +76 -0
  64. pymoo/core/duplicate.py +163 -0
  65. pymoo/core/evaluator.py +116 -0
  66. pymoo/core/indicator.py +34 -0
  67. pymoo/core/individual.py +784 -0
  68. pymoo/core/infill.py +64 -0
  69. pymoo/core/initialization.py +42 -0
  70. pymoo/core/mating.py +39 -0
  71. pymoo/core/meta.py +21 -0
  72. pymoo/core/mixed.py +165 -0
  73. pymoo/core/mutation.py +44 -0
  74. pymoo/core/operator.py +40 -0
  75. pymoo/core/parameters.py +134 -0
  76. pymoo/core/plot.py +210 -0
  77. pymoo/core/population.py +180 -0
  78. pymoo/core/problem.py +460 -0
  79. pymoo/core/recorder.py +99 -0
  80. pymoo/core/repair.py +23 -0
  81. pymoo/core/replacement.py +96 -0
  82. pymoo/core/result.py +52 -0
  83. pymoo/core/sampling.py +43 -0
  84. pymoo/core/selection.py +61 -0
  85. pymoo/core/solution.py +10 -0
  86. pymoo/core/survival.py +103 -0
  87. pymoo/core/termination.py +70 -0
  88. pymoo/core/variable.py +399 -0
  89. pymoo/cython/__init__.py +0 -0
  90. pymoo/cython/calc_perpendicular_distance.cpython-312-x86_64-linux-gnu.so +0 -0
  91. pymoo/cython/calc_perpendicular_distance.pyx +67 -0
  92. pymoo/cython/decomposition.cpython-312-x86_64-linux-gnu.so +0 -0
  93. pymoo/cython/decomposition.pyx +165 -0
  94. pymoo/cython/hv.cpython-312-x86_64-linux-gnu.so +0 -0
  95. pymoo/cython/hv.pyx +18 -0
  96. pymoo/cython/info.cpython-312-x86_64-linux-gnu.so +0 -0
  97. pymoo/cython/info.pyx +5 -0
  98. pymoo/cython/mnn.cpython-312-x86_64-linux-gnu.so +0 -0
  99. pymoo/cython/mnn.pyx +273 -0
  100. pymoo/cython/non_dominated_sorting.cpython-312-x86_64-linux-gnu.so +0 -0
  101. pymoo/cython/non_dominated_sorting.pyx +645 -0
  102. pymoo/cython/pruning_cd.cpython-312-x86_64-linux-gnu.so +0 -0
  103. pymoo/cython/pruning_cd.pyx +197 -0
  104. pymoo/cython/stochastic_ranking.cpython-312-x86_64-linux-gnu.so +0 -0
  105. pymoo/cython/stochastic_ranking.pyx +49 -0
  106. pymoo/cython/utils.pxd +129 -0
  107. pymoo/cython/vendor/__init__.py +0 -0
  108. pymoo/cython/vendor/hypervolume.cpp +1621 -0
  109. pymoo/cython/vendor/hypervolume.h +63 -0
  110. pymoo/decomposition/__init__.py +0 -0
  111. pymoo/decomposition/aasf.py +24 -0
  112. pymoo/decomposition/asf.py +10 -0
  113. pymoo/decomposition/pbi.py +13 -0
  114. pymoo/decomposition/perp_dist.py +13 -0
  115. pymoo/decomposition/tchebicheff.py +11 -0
  116. pymoo/decomposition/util.py +13 -0
  117. pymoo/decomposition/weighted_sum.py +8 -0
  118. pymoo/docs.py +187 -0
  119. pymoo/experimental/__init__.py +0 -0
  120. pymoo/experimental/algorithms/__init__.py +0 -0
  121. pymoo/experimental/algorithms/gde3.py +57 -0
  122. pymoo/gradient/__init__.py +21 -0
  123. pymoo/gradient/automatic.py +57 -0
  124. pymoo/gradient/grad_autograd.py +105 -0
  125. pymoo/gradient/grad_complex.py +35 -0
  126. pymoo/gradient/grad_jax.py +51 -0
  127. pymoo/gradient/toolbox/__init__.py +6 -0
  128. pymoo/indicators/__init__.py +0 -0
  129. pymoo/indicators/distance_indicator.py +55 -0
  130. pymoo/indicators/gd.py +7 -0
  131. pymoo/indicators/gd_plus.py +7 -0
  132. pymoo/indicators/hv/__init__.py +63 -0
  133. pymoo/indicators/hv/exact.py +71 -0
  134. pymoo/indicators/hv/exact_2d.py +102 -0
  135. pymoo/indicators/hv/monte_carlo.py +74 -0
  136. pymoo/indicators/igd.py +7 -0
  137. pymoo/indicators/igd_plus.py +7 -0
  138. pymoo/indicators/kktpm.py +151 -0
  139. pymoo/indicators/migd.py +55 -0
  140. pymoo/indicators/rmetric.py +203 -0
  141. pymoo/indicators/spacing.py +52 -0
  142. pymoo/mcdm/__init__.py +0 -0
  143. pymoo/mcdm/compromise_programming.py +19 -0
  144. pymoo/mcdm/high_tradeoff.py +40 -0
  145. pymoo/mcdm/pseudo_weights.py +32 -0
  146. pymoo/operators/__init__.py +0 -0
  147. pymoo/operators/control.py +187 -0
  148. pymoo/operators/crossover/__init__.py +0 -0
  149. pymoo/operators/crossover/binx.py +45 -0
  150. pymoo/operators/crossover/dex.py +122 -0
  151. pymoo/operators/crossover/erx.py +162 -0
  152. pymoo/operators/crossover/expx.py +51 -0
  153. pymoo/operators/crossover/hux.py +37 -0
  154. pymoo/operators/crossover/nox.py +13 -0
  155. pymoo/operators/crossover/ox.py +84 -0
  156. pymoo/operators/crossover/pcx.py +82 -0
  157. pymoo/operators/crossover/pntx.py +49 -0
  158. pymoo/operators/crossover/sbx.py +125 -0
  159. pymoo/operators/crossover/spx.py +5 -0
  160. pymoo/operators/crossover/ux.py +20 -0
  161. pymoo/operators/mutation/__init__.py +0 -0
  162. pymoo/operators/mutation/bitflip.py +17 -0
  163. pymoo/operators/mutation/gauss.py +58 -0
  164. pymoo/operators/mutation/inversion.py +42 -0
  165. pymoo/operators/mutation/nom.py +7 -0
  166. pymoo/operators/mutation/pm.py +94 -0
  167. pymoo/operators/mutation/rm.py +23 -0
  168. pymoo/operators/repair/__init__.py +0 -0
  169. pymoo/operators/repair/bounce_back.py +32 -0
  170. pymoo/operators/repair/bounds_repair.py +95 -0
  171. pymoo/operators/repair/inverse_penalty.py +89 -0
  172. pymoo/operators/repair/rounding.py +18 -0
  173. pymoo/operators/repair/to_bound.py +31 -0
  174. pymoo/operators/repair/vtype.py +11 -0
  175. pymoo/operators/sampling/__init__.py +0 -0
  176. pymoo/operators/sampling/lhs.py +73 -0
  177. pymoo/operators/sampling/rnd.py +50 -0
  178. pymoo/operators/selection/__init__.py +0 -0
  179. pymoo/operators/selection/rnd.py +72 -0
  180. pymoo/operators/selection/tournament.py +76 -0
  181. pymoo/operators/survival/__init__.py +0 -0
  182. pymoo/operators/survival/rank_and_crowding/__init__.py +1 -0
  183. pymoo/operators/survival/rank_and_crowding/classes.py +209 -0
  184. pymoo/operators/survival/rank_and_crowding/metrics.py +208 -0
  185. pymoo/optimize.py +72 -0
  186. pymoo/problems/__init__.py +157 -0
  187. pymoo/problems/dyn.py +47 -0
  188. pymoo/problems/dynamic/__init__.py +0 -0
  189. pymoo/problems/dynamic/cec2015.py +108 -0
  190. pymoo/problems/dynamic/df.py +452 -0
  191. pymoo/problems/dynamic/misc.py +167 -0
  192. pymoo/problems/functional.py +48 -0
  193. pymoo/problems/many/__init__.py +5 -0
  194. pymoo/problems/many/cdtlz.py +159 -0
  195. pymoo/problems/many/dcdtlz.py +88 -0
  196. pymoo/problems/many/dtlz.py +264 -0
  197. pymoo/problems/many/wfg.py +550 -0
  198. pymoo/problems/multi/__init__.py +14 -0
  199. pymoo/problems/multi/bnh.py +34 -0
  200. pymoo/problems/multi/carside.py +48 -0
  201. pymoo/problems/multi/clutch.py +104 -0
  202. pymoo/problems/multi/csi.py +55 -0
  203. pymoo/problems/multi/ctp.py +198 -0
  204. pymoo/problems/multi/dascmop.py +213 -0
  205. pymoo/problems/multi/kursawe.py +25 -0
  206. pymoo/problems/multi/modact.py +68 -0
  207. pymoo/problems/multi/mw.py +400 -0
  208. pymoo/problems/multi/omnitest.py +48 -0
  209. pymoo/problems/multi/osy.py +32 -0
  210. pymoo/problems/multi/srn.py +28 -0
  211. pymoo/problems/multi/sympart.py +94 -0
  212. pymoo/problems/multi/tnk.py +24 -0
  213. pymoo/problems/multi/truss2d.py +83 -0
  214. pymoo/problems/multi/welded_beam.py +41 -0
  215. pymoo/problems/multi/wrm.py +36 -0
  216. pymoo/problems/multi/zdt.py +151 -0
  217. pymoo/problems/multi_to_single.py +22 -0
  218. pymoo/problems/single/__init__.py +12 -0
  219. pymoo/problems/single/ackley.py +24 -0
  220. pymoo/problems/single/cantilevered_beam.py +34 -0
  221. pymoo/problems/single/flowshop_scheduling.py +112 -0
  222. pymoo/problems/single/g.py +874 -0
  223. pymoo/problems/single/griewank.py +18 -0
  224. pymoo/problems/single/himmelblau.py +15 -0
  225. pymoo/problems/single/knapsack.py +48 -0
  226. pymoo/problems/single/mopta08.py +26 -0
  227. pymoo/problems/single/multimodal.py +20 -0
  228. pymoo/problems/single/pressure_vessel.py +30 -0
  229. pymoo/problems/single/rastrigin.py +20 -0
  230. pymoo/problems/single/rosenbrock.py +22 -0
  231. pymoo/problems/single/schwefel.py +18 -0
  232. pymoo/problems/single/simple.py +13 -0
  233. pymoo/problems/single/sphere.py +19 -0
  234. pymoo/problems/single/traveling_salesman.py +79 -0
  235. pymoo/problems/single/zakharov.py +19 -0
  236. pymoo/problems/static.py +14 -0
  237. pymoo/problems/util.py +42 -0
  238. pymoo/problems/zero_to_one.py +27 -0
  239. pymoo/termination/__init__.py +23 -0
  240. pymoo/termination/collection.py +12 -0
  241. pymoo/termination/cv.py +48 -0
  242. pymoo/termination/default.py +45 -0
  243. pymoo/termination/delta.py +64 -0
  244. pymoo/termination/fmin.py +16 -0
  245. pymoo/termination/ftol.py +144 -0
  246. pymoo/termination/indicator.py +49 -0
  247. pymoo/termination/max_eval.py +14 -0
  248. pymoo/termination/max_gen.py +15 -0
  249. pymoo/termination/max_time.py +20 -0
  250. pymoo/termination/robust.py +34 -0
  251. pymoo/termination/xtol.py +33 -0
  252. pymoo/util/__init__.py +0 -0
  253. pymoo/util/archive.py +150 -0
  254. pymoo/util/cache.py +29 -0
  255. pymoo/util/clearing.py +82 -0
  256. pymoo/util/display/__init__.py +0 -0
  257. pymoo/util/display/column.py +52 -0
  258. pymoo/util/display/display.py +34 -0
  259. pymoo/util/display/multi.py +96 -0
  260. pymoo/util/display/output.py +53 -0
  261. pymoo/util/display/progress.py +54 -0
  262. pymoo/util/display/single.py +67 -0
  263. pymoo/util/dominator.py +67 -0
  264. pymoo/util/function_loader.py +129 -0
  265. pymoo/util/hv.py +23 -0
  266. pymoo/util/matlab_engine.py +39 -0
  267. pymoo/util/misc.py +460 -0
  268. pymoo/util/mnn.py +70 -0
  269. pymoo/util/nds/__init__.py +0 -0
  270. pymoo/util/nds/dominance_degree_non_dominated_sort.py +159 -0
  271. pymoo/util/nds/efficient_non_dominated_sort.py +152 -0
  272. pymoo/util/nds/fast_non_dominated_sort.py +70 -0
  273. pymoo/util/nds/naive_non_dominated_sort.py +36 -0
  274. pymoo/util/nds/non_dominated_sorting.py +67 -0
  275. pymoo/util/nds/tree_based_non_dominated_sort.py +133 -0
  276. pymoo/util/normalization.py +312 -0
  277. pymoo/util/optimum.py +42 -0
  278. pymoo/util/plotting.py +177 -0
  279. pymoo/util/pruning_cd.py +89 -0
  280. pymoo/util/randomized_argsort.py +60 -0
  281. pymoo/util/ref_dirs/__init__.py +24 -0
  282. pymoo/util/ref_dirs/construction.py +88 -0
  283. pymoo/util/ref_dirs/das_dennis.py +52 -0
  284. pymoo/util/ref_dirs/energy.py +319 -0
  285. pymoo/util/ref_dirs/energy_layer.py +119 -0
  286. pymoo/util/ref_dirs/genetic_algorithm.py +63 -0
  287. pymoo/util/ref_dirs/incremental.py +68 -0
  288. pymoo/util/ref_dirs/misc.py +128 -0
  289. pymoo/util/ref_dirs/optimizer.py +59 -0
  290. pymoo/util/ref_dirs/performance.py +162 -0
  291. pymoo/util/ref_dirs/reduction.py +85 -0
  292. pymoo/util/ref_dirs/sample_and_map.py +24 -0
  293. pymoo/util/reference_direction.py +260 -0
  294. pymoo/util/remote.py +55 -0
  295. pymoo/util/roulette.py +27 -0
  296. pymoo/util/running_metric.py +128 -0
  297. pymoo/util/sliding_window.py +25 -0
  298. pymoo/util/stochastic_ranking.py +32 -0
  299. pymoo/util/value_functions.py +719 -0
  300. pymoo/util/vectors.py +40 -0
  301. pymoo/util/vf_dominator.py +99 -0
  302. pymoo/vendor/__init__.py +0 -0
  303. pymoo/vendor/cec2018.py +398 -0
  304. pymoo/vendor/gta.py +617 -0
  305. pymoo/vendor/hv.py +267 -0
  306. pymoo/vendor/vendor_cmaes.py +412 -0
  307. pymoo/vendor/vendor_coco.py +81 -0
  308. pymoo/vendor/vendor_scipy.py +232 -0
  309. pymoo/version.py +1 -0
  310. pymoo/visualization/__init__.py +8 -0
  311. pymoo/visualization/fitness_landscape.py +127 -0
  312. pymoo/visualization/heatmap.py +123 -0
  313. pymoo/visualization/pcp.py +120 -0
  314. pymoo/visualization/petal.py +91 -0
  315. pymoo/visualization/radar.py +108 -0
  316. pymoo/visualization/radviz.py +68 -0
  317. pymoo/visualization/scatter.py +150 -0
  318. pymoo/visualization/star_coordinate.py +75 -0
  319. pymoo/visualization/util.py +123 -0
  320. pymoo/visualization/video/__init__.py +0 -0
  321. pymoo/visualization/video/callback_video.py +82 -0
  322. pymoo/visualization/video/one_var_one_obj.py +57 -0
  323. pymoo/visualization/video/two_var_one_obj.py +62 -0
  324. pymoo-0.6.1.5.dev0.dist-info/METADATA +187 -0
  325. pymoo-0.6.1.5.dev0.dist-info/RECORD +328 -0
  326. pymoo-0.6.1.5.dev0.dist-info/WHEEL +6 -0
  327. pymoo-0.6.1.5.dev0.dist-info/licenses/LICENSE +191 -0
  328. pymoo-0.6.1.5.dev0.dist-info/top_level.txt +1 -0
@@ -0,0 +1,197 @@
1
+ # distutils: language = c++
2
+ # cython: language_level=2, boundscheck=False, wraparound=False, cdivision=True
3
+
4
+ import numpy as np
5
+
6
+ from pymoo.cython.utils cimport c_get_drop, c_get_argmin, c_get_argmax, c_normalize_array
7
+
8
+ from libcpp cimport bool
9
+ from libcpp.vector cimport vector
10
+ from libcpp.set cimport set as cpp_set
11
+
12
+
13
+ cdef extern from "math.h":
14
+ double HUGE_VAL
15
+
16
+
17
+ # Python definition
18
+ def calc_pcd(double[:, :] X, int n_remove=0):
19
+
20
+ cdef:
21
+ int N, M, n
22
+ cpp_set[int] extremes
23
+ vector[int] extremes_min, extremes_max
24
+ int[:, :] I
25
+
26
+ N = X.shape[0]
27
+ M = X.shape[1]
28
+
29
+ if n_remove <= (N - M):
30
+ if n_remove < 0:
31
+ n_remove = 0
32
+ else:
33
+ pass
34
+ else:
35
+ n_remove = N - M
36
+
37
+ extremes_min = c_get_argmin(X)
38
+ extremes_max = c_get_argmax(X)
39
+
40
+ extremes = cpp_set[int]()
41
+
42
+ for n in extremes_min:
43
+ extremes.insert(n)
44
+
45
+ for n in extremes_max:
46
+ extremes.insert(n)
47
+
48
+ _I = np.argsort(X, axis=0, kind='mergesort').astype(np.intc)
49
+ I = _I[:, :]
50
+
51
+ X = c_normalize_array(X, extremes_max, extremes_min)
52
+
53
+ return c_calc_pcd(X, I, n_remove, N, M, extremes)
54
+
55
+
56
+ # Returns crowding metrics with recursive elimination
57
+ cdef c_calc_pcd(double[:, :] X, int[:, :] I, int n_remove, int N, int M, cpp_set[int] extremes):
58
+
59
+ cdef:
60
+ int n, n_removed, k
61
+ cpp_set[int] calc_items
62
+ cpp_set[int] H
63
+ double[:, :] D
64
+ double[:] d
65
+
66
+ # Define items to calculate distances
67
+ calc_items = cpp_set[int]()
68
+ for n in range(N):
69
+ calc_items.insert(n)
70
+ for n in extremes:
71
+ calc_items.erase(n)
72
+
73
+ # Define remaining items to evaluate
74
+ H = cpp_set[int]()
75
+ for n in range(N):
76
+ H.insert(n)
77
+
78
+ # Initialize
79
+ n_removed = 0
80
+
81
+ # Initialize neighbors and distances
82
+ _D = np.full((N, M), HUGE_VAL, dtype=np.double)
83
+ dd = np.full((N,), HUGE_VAL, dtype=np.double)
84
+
85
+ D = _D[:, :]
86
+ d = dd[:]
87
+
88
+ # Fill in neighbors and distance matrix
89
+ c_calc_pcd_iter(
90
+ X,
91
+ I,
92
+ D,
93
+ N, M,
94
+ calc_items,
95
+ )
96
+
97
+ # Obtain distance metrics
98
+ c_calc_d(d, D, calc_items, M)
99
+
100
+ # While n_remove not acheived
101
+ while n_removed < (n_remove - 1):
102
+
103
+ # Obtain element to drop
104
+ k = c_get_drop(d, H)
105
+ H.erase(k)
106
+
107
+ # Update index
108
+ n_removed = n_removed + 1
109
+
110
+ # Get items to be recalculated
111
+ calc_items = c_get_calc_items(I, k, M, N)
112
+ for n in extremes:
113
+ calc_items.erase(n)
114
+
115
+ # Fill in neighbors and distance matrix
116
+ c_calc_pcd_iter(
117
+ X,
118
+ I,
119
+ D,
120
+ N, M,
121
+ calc_items,
122
+ )
123
+
124
+ # Obtain distance metrics
125
+ c_calc_d(d, D, calc_items, M)
126
+
127
+ return dd
128
+
129
+
130
+ # Iterate
131
+ cdef c_calc_pcd_iter(
132
+ double[:, :] X,
133
+ int[:, :] I,
134
+ double[:, :] D,
135
+ int N, int M,
136
+ cpp_set[int] calc_items,
137
+ ):
138
+
139
+ cdef:
140
+ int i, m, n, l, u
141
+
142
+ # Iterate over items to calculate
143
+ for i in calc_items:
144
+
145
+ # Iterate over elements in X
146
+ for m in range(M):
147
+
148
+ for n in range(N):
149
+
150
+ if i == I[n, m]:
151
+
152
+ l = I[n - 1, m]
153
+ u = I[n + 1, m]
154
+
155
+ D[i, m] = (X[u, m] - X[l, m]) / M
156
+
157
+
158
+ # Calculate crowding metric
159
+ cdef c_calc_d(double[:] d, double[:, :] D, cpp_set[int] calc_items, int M):
160
+
161
+ cdef:
162
+ int i, m
163
+
164
+ for i in calc_items:
165
+
166
+ d[i] = 0
167
+ for m in range(M):
168
+ d[i] = d[i] + D[i, m]
169
+
170
+
171
+ # Returns indexes of items to be recalculated after removal
172
+ cdef cpp_set[int] c_get_calc_items(
173
+ int[:, :] I,
174
+ int k, int M, int N
175
+ ):
176
+
177
+ cdef:
178
+ int n, m
179
+ cpp_set[int] calc_items
180
+
181
+ calc_items = cpp_set[int]()
182
+
183
+ # Iterate over all elements in I
184
+ for m in range(M):
185
+
186
+ for n in range(N):
187
+
188
+ if I[n, m] == k:
189
+
190
+ # Add to set of items to be recalculated
191
+ calc_items.insert(I[n - 1, m])
192
+ calc_items.insert(I[n + 1, m])
193
+
194
+ # Remove element from sorted array
195
+ I[n:-1, m] = I[n + 1:, m]
196
+
197
+ return calc_items
@@ -0,0 +1,49 @@
1
+ # distutils: language = c++
2
+ # cython: language_level=2, boundscheck=False, wraparound=False, cdivision=True
3
+
4
+
5
+ import numpy as np
6
+
7
+
8
+ def stochastic_ranking(double[:] f, double[:] phi, double pr, long[:] I=None):
9
+ if I is None:
10
+ I = np.arange(len(f))
11
+ return np.array(c_stochastic_ranking(f, phi, pr, I))
12
+
13
+
14
+
15
+ def c_stochastic_ranking(double[:] f, double[:] phi, double pr, long[:] I):
16
+ cdef int _lambda, i, j, at_least_one_swap
17
+ cdef double u
18
+
19
+ _lambda = len(f)
20
+
21
+ for i in range(_lambda):
22
+
23
+ at_least_one_swap = 0
24
+
25
+ for j in range(_lambda - 1):
26
+
27
+ u = np.random.random()
28
+
29
+ if u < pr or (phi[I[j]] == 0 and phi[I[j + 1]] == 0):
30
+ if f[I[j]] > f[I[j + 1]]:
31
+ c_swap(I, j, j + 1)
32
+ at_least_one_swap = 1
33
+ else:
34
+ if phi[I[j]] > phi[I[j + 1]]:
35
+ c_swap(I, j, j + 1)
36
+ at_least_one_swap = 1
37
+
38
+ if at_least_one_swap == 0:
39
+ break
40
+
41
+ return I
42
+
43
+
44
+ cdef c_swap(long[:] x, int a, int b):
45
+ cdef int tmp
46
+ tmp = x[a]
47
+ x[a] = x[b]
48
+ x[b] = tmp
49
+
pymoo/cython/utils.pxd ADDED
@@ -0,0 +1,129 @@
1
+ # distutils: language = c++
2
+ # cython: language_level=2, boundscheck=False, wraparound=False, cdivision=True
3
+
4
+ import numpy as np
5
+
6
+ from libcpp cimport bool
7
+ from libcpp.vector cimport vector
8
+ from libcpp.set cimport set as cpp_set
9
+
10
+
11
+ cdef extern from "math.h":
12
+ double HUGE_VAL
13
+
14
+
15
+ # Returns elements to remove based on crowding metric d and heap of remaining elements H
16
+ cdef inline int c_get_drop(double[:] d, cpp_set[int] H):
17
+
18
+ cdef:
19
+ int i, min_i
20
+ double min_d
21
+
22
+ min_d = HUGE_VAL
23
+ min_i = 0
24
+
25
+ for i in H:
26
+
27
+ if d[i] <= min_d:
28
+ min_d = d[i]
29
+ min_i = i
30
+
31
+ return min_i
32
+
33
+
34
+ # Returns vector of positions of minimum values along axis 0 of a 2d memoryview
35
+ cdef inline vector[int] c_get_argmin(double[:, :] X):
36
+
37
+ cdef:
38
+ int N, M, min_i, n, m
39
+ double min_val
40
+ vector[int] indexes
41
+
42
+ N = X.shape[0]
43
+ M = X.shape[1]
44
+
45
+ indexes = vector[int]()
46
+
47
+ for m in range(M):
48
+
49
+ min_i = 0
50
+ min_val = X[0, m]
51
+
52
+ for n in range(N):
53
+
54
+ if X[n, m] < min_val:
55
+
56
+ min_i = n
57
+ min_val = X[n, m]
58
+
59
+ indexes.push_back(min_i)
60
+
61
+ return indexes
62
+
63
+
64
+ # Returns vector of positions of maximum values along axis 0 of a 2d memoryview
65
+ cdef inline vector[int] c_get_argmax(double[:, :] X):
66
+
67
+ cdef:
68
+ int N, M, max_i, n, m
69
+ double max_val
70
+ vector[int] indexes
71
+
72
+ N = X.shape[0]
73
+ M = X.shape[1]
74
+
75
+ indexes = vector[int]()
76
+
77
+ for m in range(M):
78
+
79
+ max_i = 0
80
+ max_val = X[0, m]
81
+
82
+ for n in range(N):
83
+
84
+ if X[n, m] > max_val:
85
+
86
+ max_i = n
87
+ max_val = X[n, m]
88
+
89
+ indexes.push_back(max_i)
90
+
91
+ return indexes
92
+
93
+
94
+ # Performs normalization of a 2d memoryview
95
+ cdef inline double[:, :] c_normalize_array(double[:, :] X, vector[int] extremes_max, vector[int] extremes_min):
96
+
97
+ cdef:
98
+ int N = X.shape[0]
99
+ int M = X.shape[1]
100
+ int n, m, l, u
101
+ double l_val, u_val, diff_val
102
+ vector[double] min_vals, max_vals
103
+
104
+ min_vals = vector[double]()
105
+ max_vals = vector[double]()
106
+
107
+ m = 0
108
+ for u in extremes_max:
109
+ u_val = X[u, m]
110
+ max_vals.push_back(u_val)
111
+ m = m + 1
112
+
113
+ m = 0
114
+ for l in extremes_min:
115
+ l_val = X[l, m]
116
+ min_vals.push_back(l_val)
117
+ m = m + 1
118
+
119
+ for m in range(M):
120
+
121
+ diff_val = max_vals[m] - min_vals[m]
122
+ if diff_val == 0.0:
123
+ diff_val = 1.0
124
+
125
+ for n in range(N):
126
+
127
+ X[n, m] = (X[n, m] - min_vals[m]) / diff_val
128
+
129
+ return X
File without changes