resqpy 5.0.0__py3-none-any.whl → 5.1.1__py3-none-any.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.
resqpy/__init__.py CHANGED
@@ -28,6 +28,6 @@
28
28
 
29
29
  import logging
30
30
 
31
- __version__ = "5.0.0" # Set at build time
31
+ __version__ = "5.1.1" # Set at build time
32
32
  log = logging.getLogger(__name__)
33
33
  log.info(f"Imported resqpy version {__version__}")
@@ -880,7 +880,8 @@ def find_faces_to_represent_surface_regular_optimised(grid,
880
880
  return_properties = None,
881
881
  raw_bisector = False,
882
882
  n_batches = 20,
883
- packed_bisectors = False):
883
+ packed_bisectors = False,
884
+ patch_indices = None):
884
885
  """Returns a grid connection set containing those cell faces which are deemed to represent the surface.
885
886
 
886
887
  argumants:
@@ -916,11 +917,14 @@ def find_faces_to_represent_surface_regular_optimised(grid,
916
917
  threading allows some parallelism between the batches)
917
918
  packed_bisectors (bool, default False): if True and return properties include 'grid bisector' then
918
919
  non curtain bisectors are returned in packed form
920
+ patch_indices (numpy int array, optional): if present, an array over grid cells indicating which
921
+ patch of surface is applicable in terms of a bisector, for each cell
919
922
 
920
923
  returns:
921
924
  gcs or (gcs, gcs_props)
922
925
  where gcs is a new GridConnectionSet with a single feature, not yet written to hdf5 nor xml created;
923
- gcs_props is a dictionary mapping from requested return_properties string to numpy array
926
+ gcs_props is a dictionary mapping from requested return_properties string to numpy array (or tuple
927
+ of numpy array and curtain bool in the case of grid bisector)
924
928
 
925
929
  notes:
926
930
  this function is designed for aligned regular grids only;
@@ -929,7 +933,9 @@ def find_faces_to_represent_surface_regular_optimised(grid,
929
933
  no trimming of the surface is carried out here: for computational efficiency, it is recommended
930
934
  to trim first;
931
935
  organisational objects for the feature are created if needed;
932
- if the offset return property is requested, the implicit units will be the z units of the grid's crs
936
+ if the offset return property is requested, the implicit units will be the z units of the grid's crs;
937
+ if patch_indices is present and grid bisectors are being returned, a composite bisector array is returned
938
+ with elements set from individual bisectors for each patch of surface
933
939
  """
934
940
 
935
941
  assert isinstance(grid, grr.RegularGrid)
@@ -959,7 +965,10 @@ def find_faces_to_represent_surface_regular_optimised(grid,
959
965
  return_flange_bool = "flange bool" in return_properties
960
966
  if return_flange_bool:
961
967
  return_triangles = True
962
-
968
+ patchwork = return_bisector and patch_indices is not None
969
+ if patchwork:
970
+ return_triangles = True # triangle numbers are used to infer patch index
971
+ assert patch_indices.shape == tuple(grid.extent_kji)
963
972
  if title is None:
964
973
  title = name
965
974
 
@@ -1165,7 +1174,7 @@ def find_faces_to_represent_surface_regular_optimised(grid,
1165
1174
  k_faces_kji0 = k_faces_kji0,
1166
1175
  j_faces_kji0 = j_faces_kji0,
1167
1176
  i_faces_kji0 = i_faces_kji0,
1168
- remove_duplicates = True,
1177
+ remove_duplicates = not patchwork,
1169
1178
  k_properties = k_props,
1170
1179
  j_properties = j_props,
1171
1180
  i_properties = i_props,
@@ -1176,6 +1185,7 @@ def find_faces_to_represent_surface_regular_optimised(grid,
1176
1185
  # log.debug('finished coversion to gcs')
1177
1186
 
1178
1187
  # NB. following assumes faces have been added to gcs in a particular order!
1188
+ all_tris = None
1179
1189
  if return_triangles:
1180
1190
  # log.debug('preparing triangles array')
1181
1191
  k_triangles = np.empty((0,), dtype = np.int32) if k_props is None else k_props.pop(0)
@@ -1186,6 +1196,7 @@ def find_faces_to_represent_surface_regular_optimised(grid,
1186
1196
  assert all_tris.shape == (gcs.count,)
1187
1197
 
1188
1198
  # NB. following assumes faces have been added to gcs in a particular order!
1199
+ all_depths = None
1189
1200
  if return_depths:
1190
1201
  # log.debug('preparing depths array')
1191
1202
  k_depths = np.empty((0,), dtype = np.float64) if k_props is None else k_props.pop(0)
@@ -1196,6 +1207,7 @@ def find_faces_to_represent_surface_regular_optimised(grid,
1196
1207
  assert all_depths.shape == (gcs.count,)
1197
1208
 
1198
1209
  # NB. following assumes faces have been added to gcs in a particular order!
1210
+ all_offsets = None
1199
1211
  if return_offsets:
1200
1212
  # log.debug('preparing offsets array')
1201
1213
  k_offsets = np.empty((0,), dtype = np.float64) if k_props is None else k_props[0]
@@ -1205,6 +1217,7 @@ def find_faces_to_represent_surface_regular_optimised(grid,
1205
1217
  # log.debug(f'gcs count: {gcs.count}; all offsets shape: {all_offsets.shape}')
1206
1218
  assert all_offsets.shape == (gcs.count,)
1207
1219
 
1220
+ all_flange = None
1208
1221
  if return_flange_bool:
1209
1222
  # log.debug('preparing flange array')
1210
1223
  flange_bool_uuid = surface.model.uuid(title = "flange bool",
@@ -1217,8 +1230,9 @@ def find_faces_to_represent_surface_regular_optimised(grid,
1217
1230
  assert all_flange.shape == (gcs.count,)
1218
1231
 
1219
1232
  # note: following is a grid cells property, not a gcs property
1233
+ bisector = None
1220
1234
  if return_bisector:
1221
- if is_curtain:
1235
+ if is_curtain and not patchwork:
1222
1236
  log.debug("preparing columns bisector")
1223
1237
  if j_faces_kji0 is None:
1224
1238
  j_faces_ji0 = np.empty((0, 2), dtype = np.int32)
@@ -1230,8 +1244,51 @@ def find_faces_to_represent_surface_regular_optimised(grid,
1230
1244
  i_faces_ji0 = i_faces_kji0[:, 1:]
1231
1245
  bisector = column_bisector_from_face_indices((grid.nj, grid.ni), j_faces_ji0, i_faces_ji0)
1232
1246
  # log.debug('finished preparing columns bisector')
1247
+ elif patchwork:
1248
+ n_patches = surface.number_of_patches()
1249
+ nkf = len(k_faces_kji0)
1250
+ njf = len(j_faces_kji0)
1251
+ nif = len(i_faces_kji0)
1252
+ # fetch patch indices for triangle hits
1253
+ assert all_tris is not None and len(all_tris) == nkf + njf + nif
1254
+ patch_indices_k = surface.patch_indices_for_triangle_indices(all_tris[:nkf])
1255
+ patch_indices_j = surface.patch_indices_for_triangle_indices(all_tris[nkf:nkf + njf])
1256
+ patch_indices_i = surface.patch_indices_for_triangle_indices(all_tris[nkf + njf:])
1257
+ # add extra dimension to bisector array (at axis 0) for patches
1258
+ pb_shape = tuple([n_patches] + list(grid.extent_kji))
1259
+ if packed_bisectors:
1260
+ bisector = np.ones(_shape_packed(grid.extent_kji), dtype = np.uint8)
1261
+ else:
1262
+ bisector = np.ones(tuple(grid.extent_kji), dtype = np.bool_)
1263
+ # populate 4D bisector with an axis zero slice for each patch
1264
+ for patch in range(n_patches):
1265
+ mask = (patch_indices == patch)
1266
+ if np.count_nonzero(mask) == 0:
1267
+ log.warning(f'patch {patch} of surface {surface.title} is not applicable to any cells in grid')
1268
+ continue
1269
+ if packed_bisectors:
1270
+ mask = np.packbits(mask, axis = -1)
1271
+ patch_bisector, is_curtain = \
1272
+ packed_bisector_from_face_indices(tuple(grid.extent_kji),
1273
+ k_faces_kji0[(patch_indices_k == patch).astype(bool)],
1274
+ j_faces_kji0[(patch_indices_j == patch).astype(bool)],
1275
+ i_faces_kji0[(patch_indices_i == patch).astype(bool)],
1276
+ raw_bisector)
1277
+ bisector = np.bitwise_or(np.bitwise_and(mask, patch_bisector), bisector)
1278
+ else:
1279
+ patch_bisector, is_curtain = \
1280
+ bisector_from_face_indices(tuple(grid.extent_kji),
1281
+ k_faces_kji0[(patch_indices_k == patch).astype(bool)],
1282
+ j_faces_kji0[(patch_indices_j == patch).astype(bool)],
1283
+ i_faces_kji0[(patch_indices_i == patch).astype(bool)],
1284
+ raw_bisector)
1285
+ bisector[mask] = patch_bisector[mask]
1286
+ if is_curtain:
1287
+ # TODO: downgrade following to debug once downstream functionality tested
1288
+ log.warning(f'ignoring curtain nature of bisector for patch {patch} of surface: {surface.title}')
1289
+ is_curtain = False
1233
1290
  else:
1234
- log.debug("preparing cells bisector")
1291
+ log.debug("preparing singlular cells bisector")
1235
1292
  if ((k_faces_kji0 is None or len(k_faces_kji0) == 0) and
1236
1293
  (j_faces_kji0 is None or len(j_faces_kji0) == 0) and (i_faces_kji0 is None or len(i_faces_kji0) == 0)):
1237
1294
  bisector = np.ones((grid.nj, grid.ni), dtype = bool)
@@ -1249,6 +1306,7 @@ def find_faces_to_represent_surface_regular_optimised(grid,
1249
1306
  bisector = bisector[0] # reduce to a columns property
1250
1307
 
1251
1308
  # note: following is a grid cells property, not a gcs property
1309
+ shadow = None
1252
1310
  if return_shadow:
1253
1311
  log.debug("preparing cells shadow")
1254
1312
  shadow = shadow_from_face_indices(tuple(grid.extent_kji), k_faces_kji0)
@@ -1261,7 +1319,7 @@ def find_faces_to_represent_surface_regular_optimised(grid,
1261
1319
  # if returning properties, construct dictionary
1262
1320
  if return_properties:
1263
1321
  props_dict = {}
1264
- if return_triangles:
1322
+ if 'triangle' in return_properties:
1265
1323
  props_dict["triangle"] = all_tris
1266
1324
  if return_depths:
1267
1325
  props_dict["depth"] = all_depths
@@ -1363,7 +1421,7 @@ def bisector_from_faces( # type: ignore
1363
1421
  - the face sets must form a single 'sealed' cut of the grid (eg. not waving in and out of the grid)
1364
1422
  - any 'boxed in' parts of the grid (completely enclosed by bisecting faces) will be consistently
1365
1423
  assigned to either the True or False part
1366
- - this function is DEPRECATED, pending proving of newer indices based approach
1424
+ - this function is DEPRECATED, use newer indices based approach instead: bisector_from_face_indices()
1367
1425
  """
1368
1426
  warnings.warn('DEPRECATED: grid_surface.bisector_from_faces() function; use bisector_from_face_indices() instead')
1369
1427
  assert len(grid_extent_kji) == 3
@@ -1408,10 +1466,13 @@ def bisector_from_faces( # type: ignore
1408
1466
  # check all array elements are not the same
1409
1467
  true_count = np.count_nonzero(array)
1410
1468
  cell_count = array.size
1411
- assert (0 < true_count < cell_count), "face set for surface is leaky or empty (surface does not intersect grid)"
1412
-
1413
- # negate the array if it minimises the mean k and determine if the surface is a curtain
1414
- is_curtain = _shallow_or_curtain(array, true_count, raw_bisector)
1469
+ if 0 < true_count < cell_count:
1470
+ # negate the array if it minimises the mean k and determine if the surface is a curtain
1471
+ is_curtain = _shallow_or_curtain(array, true_count, raw_bisector)
1472
+ else:
1473
+ assert raw_bisector, 'face set for surface is leaky or empty (surface does not intersect grid)'
1474
+ log.error('face set for surface is leaky or empty (surface does not intersect grid)')
1475
+ is_curtain = False
1415
1476
 
1416
1477
  return array, is_curtain
1417
1478
 
@@ -1482,10 +1543,13 @@ def bisector_from_face_indices( # type: ignore
1482
1543
  # check all array elements are not the same
1483
1544
  true_count = np.count_nonzero(array)
1484
1545
  cell_count = array.size
1485
- assert (0 < true_count < cell_count), "face set for surface is leaky or empty (surface does not intersect grid)"
1486
-
1487
- # negate the array if it minimises the mean k and determine if the surface is a curtain
1488
- is_curtain = _shallow_or_curtain(array, true_count, raw_bisector)
1546
+ if 0 < true_count < cell_count:
1547
+ # negate the array if it minimises the mean k and determine if the surface is a curtain
1548
+ is_curtain = _shallow_or_curtain(array, true_count, raw_bisector)
1549
+ else:
1550
+ assert raw_bisector, 'face set for surface is leaky or empty (surface does not intersect grid)'
1551
+ log.error('face set for surface is leaky or empty (surface does not intersect grid)')
1552
+ is_curtain = False
1489
1553
 
1490
1554
  return array, is_curtain
1491
1555
 
@@ -1572,12 +1636,14 @@ def packed_bisector_from_face_indices( # type: ignore
1572
1636
  else:
1573
1637
  true_count = _bitwise_count_njit(array) # note: will usually include some padding bits, so not so true!
1574
1638
  cell_count = np.prod(grid_extent_kji)
1575
- assert (0 < true_count < cell_count), "face set for surface is leaky or empty (surface does not intersect grid)"
1576
-
1577
- # negate the array if it minimises the mean k and determine if the surface is a curtain
1578
- is_curtain = _packed_shallow_or_curtain_temp_bitwise_count(array, true_count, raw_bisector)
1579
- # todo: switch to numpy bitwise_count when numba supports it and resqpy has dropped older numpy versions
1580
- # is_curtain = _packed_shallow_or_curtain(array, true_count, raw_bisector)
1639
+ if 0 < true_count < cell_count:
1640
+ # negate the array if it minimises the mean k and determine if the surface is a curtain
1641
+ # TODO: switch to _packed_shallow_or_curtain_temp_bitwise_count() when numba supports np.bitwise_count()
1642
+ is_curtain = _packed_shallow_or_curtain_temp_bitwise_count(array, true_count, raw_bisector)
1643
+ else:
1644
+ assert raw_bisector, 'face set for surface is leaky or empty (surface does not intersect grid)'
1645
+ log.error('face set for surface is leaky or empty (surface does not intersect grid)')
1646
+ is_curtain = False
1581
1647
 
1582
1648
  return array, is_curtain
1583
1649
 
@@ -2227,12 +2293,12 @@ def get_boundary_from_indices( # type: ignore
2227
2293
  k_faces_kji0: Union[np.ndarray, None], j_faces_kji0: Union[np.ndarray, None],
2228
2294
  i_faces_kji0: Union[np.ndarray, None], grid_extent_kji: Tuple[int, int, int]) -> np.ndarray:
2229
2295
  """Return python protocol box containing indices"""
2230
- k_min_kji0 = None if k_faces_kji0 is None else np.min(k_faces_kji0, axis = 0)
2231
- k_max_kji0 = None if k_faces_kji0 is None else np.max(k_faces_kji0, axis = 0)
2232
- j_min_kji0 = None if j_faces_kji0 is None else np.min(j_faces_kji0, axis = 0)
2233
- j_max_kji0 = None if j_faces_kji0 is None else np.max(j_faces_kji0, axis = 0)
2234
- i_min_kji0 = None if i_faces_kji0 is None else np.min(i_faces_kji0, axis = 0)
2235
- i_max_kji0 = None if i_faces_kji0 is None else np.max(i_faces_kji0, axis = 0)
2296
+ k_min_kji0 = None if (k_faces_kji0 is None or k_faces_kji0.size == 0) else np.min(k_faces_kji0, axis = 0)
2297
+ k_max_kji0 = None if (k_faces_kji0 is None or k_faces_kji0.size == 0) else np.max(k_faces_kji0, axis = 0)
2298
+ j_min_kji0 = None if (j_faces_kji0 is None or j_faces_kji0.size == 0) else np.min(j_faces_kji0, axis = 0)
2299
+ j_max_kji0 = None if (j_faces_kji0 is None or j_faces_kji0.size == 0) else np.max(j_faces_kji0, axis = 0)
2300
+ i_min_kji0 = None if (i_faces_kji0 is None or i_faces_kji0.size == 0) else np.min(i_faces_kji0, axis = 0)
2301
+ i_max_kji0 = None if (i_faces_kji0 is None or i_faces_kji0.size == 0) else np.max(i_faces_kji0, axis = 0)
2236
2302
  box = np.empty((2, 3), dtype = np.int32)
2237
2303
  box[0, :] = grid_extent_kji
2238
2304
  box[1, :] = -1
resqpy/model/_forestry.py CHANGED
@@ -686,17 +686,23 @@ def _copy_referenced_parts(model, other_model, realization, consolidate, force,
686
686
  resident_uuid_int = model.consolidation.map[ref_uuid_int]
687
687
  assert resident_uuid_int is not None
688
688
  # find referring node for ref_uuid_int and modify its reference to resident_uuid_int
689
- if reference_node_dict is None:
689
+ if reference_node_dict is None: # now mapping uuid int to list of nodes
690
690
  ref_nodes = rqet.list_obj_references(root_node)
691
691
  reference_node_dict = {}
692
692
  for ref_node in ref_nodes:
693
693
  uuid_node = rqet.find_tag(ref_node, 'UUID')
694
694
  uuid_int = bu.uuid_from_string(uuid_node.text).int
695
- reference_node_dict[uuid_int] = uuid_node
696
- uuid_node = reference_node_dict[ref_uuid_int]
697
- uuid_node.text = str(bu.uuid_from_int(resident_uuid_int))
698
- reference_node_dict.pop(ref_uuid_int)
699
- reference_node_dict[resident_uuid_int] = uuid_node
695
+ if uuid_int in reference_node_dict:
696
+ reference_node_dict[uuid_int].append(uuid_node)
697
+ else:
698
+ reference_node_dict[uuid_int] = [uuid_node]
699
+ uuid_node_list = reference_node_dict.pop(ref_uuid_int)
700
+ for uuid_node in uuid_node_list:
701
+ uuid_node.text = str(bu.uuid_from_int(resident_uuid_int))
702
+ if resident_uuid_int in reference_node_dict:
703
+ reference_node_dict[resident_uuid_int] += uuid_node_list
704
+ else:
705
+ reference_node_dict[resident_uuid_int] = uuid_node_list
700
706
 
701
707
 
702
708
  def _copy_relationships_for_present_targets(model, other_model, consolidate, force, resident_uuid, root_node):
resqpy/model/_model.py CHANGED
@@ -2100,6 +2100,11 @@ class Model():
2100
2100
  if other_model is self:
2101
2101
  return part
2102
2102
  assert part is not None
2103
+ # check whether already existing in this model
2104
+ if part in self.parts_forest.keys():
2105
+ return part
2106
+ if m_c._type_of_part(other_model, part) == 'obj_EpcExternalPartReference':
2107
+ return None
2103
2108
  if realization is not None:
2104
2109
  assert isinstance(realization, int) and realization >= 0
2105
2110
  if force:
@@ -2110,13 +2115,6 @@ class Model():
2110
2115
  self_h5_file_name = self.h5_file_name(file_must_exist = False)
2111
2116
  hdf5_copy_needed = not os.path.samefile(self_h5_file_name, other_h5_file_name)
2112
2117
 
2113
- # check whether already existing in this model
2114
- if part in self.parts_forest.keys():
2115
- return part
2116
-
2117
- if m_c._type_of_part(other_model, part) == 'obj_EpcExternalPartReference':
2118
- return None
2119
-
2120
2118
  return m_f._copy_part_from_other_model(self,
2121
2119
  other_model,
2122
2120
  part,
@@ -4,8 +4,10 @@ import logging
4
4
 
5
5
  log = logging.getLogger(__name__)
6
6
 
7
+ import os
7
8
  import numpy as np
8
9
  import uuid
10
+ import ast
9
11
  from typing import Tuple, Union, List, Optional, Callable
10
12
  from pathlib import Path
11
13
  from uuid import UUID
@@ -18,33 +20,38 @@ import resqpy.surface as rqs
18
20
  import resqpy.olio.uuid as bu
19
21
 
20
22
 
21
- def find_faces_to_represent_surface_regular_wrapper(index: int,
22
- parent_tmp_dir: str,
23
- use_index_as_realisation: bool,
24
- grid_epc: str,
25
- grid_uuid: Union[UUID, str],
26
- surface_epc: str,
27
- surface_uuid: Union[UUID, str],
28
- name: str,
29
- title: Optional[str] = None,
30
- agitate: bool = False,
31
- random_agitation: bool = False,
32
- feature_type: str = 'fault',
33
- trimmed: bool = False,
34
- is_curtain = False,
35
- extend_fault_representation: bool = False,
36
- flange_inner_ring = False,
37
- saucer_parameter = None,
38
- retriangulate: bool = False,
39
- related_uuid = None,
40
- progress_fn: Optional[Callable] = None,
41
- extra_metadata = None,
42
- return_properties: Optional[List[str]] = None,
43
- raw_bisector: bool = False,
44
- use_pack: bool = False,
45
- flange_radius = None,
46
- reorient = True,
47
- n_threads = 20) -> Tuple[int, bool, str, List[Union[UUID, str]]]:
23
+ def find_faces_to_represent_surface_regular_wrapper(
24
+ index: int,
25
+ parent_tmp_dir: str,
26
+ use_index_as_realisation: bool,
27
+ grid_epc: str,
28
+ grid_uuid: Union[UUID, str],
29
+ surface_epc: str,
30
+ surface_uuid: Union[UUID, str],
31
+ name: str,
32
+ title: Optional[str] = None,
33
+ agitate: bool = False,
34
+ random_agitation: bool = False,
35
+ feature_type: str = 'fault',
36
+ trimmed: bool = False,
37
+ is_curtain = False,
38
+ extend_fault_representation: bool = False,
39
+ flange_inner_ring: bool = False,
40
+ saucer_parameter: Optional[float] = None,
41
+ retriangulate: bool = False,
42
+ related_uuid: Optional[Union[UUID, str]] = None,
43
+ progress_fn: Optional[Callable] = None,
44
+ extra_metadata = None,
45
+ return_properties: Optional[List[str]] = None,
46
+ raw_bisector: bool = False,
47
+ use_pack: bool = False,
48
+ flange_radius: Optional[float] = None,
49
+ reorient: bool = True,
50
+ n_threads: int = 20,
51
+ patchwork: bool = False,
52
+ grid_patching_property_uuid: Optional[Union[UUID, str]] = None,
53
+ surface_patching_property_uuid: Optional[Union[UUID, str]] = None) -> \
54
+ Tuple[int, bool, str, List[Union[UUID, str]]]:
48
55
  """Multiprocessing wrapper function of find_faces_to_represent_surface_regular_optimised.
49
56
 
50
57
  arguments:
@@ -98,8 +105,17 @@ def find_faces_to_represent_surface_regular_wrapper(index: int,
98
105
  flange_radius (float, optional): the radial distance to use for outer flange extension points; if None,
99
106
  a large value will be calculated from the grid size; units are xy units of grid crs
100
107
  reorient (bool, default True): if True, the points are reoriented to minimise the
101
- z range prior to retriangulation (ie. z axis is approximate normal to plane of points), to enhace the triangulation
108
+ z range prior to retriangulation (ie. z axis is approximate normal to plane of points), to enhace the triangulation
102
109
  n_threads (int, default 20): the number of parallel threads to use in numba points in triangles function
110
+ patchwork (bool, default False): if True and grid bisector is included in return properties, a compostite
111
+ bisector is generated, based on individual ones for each patch of the surface; the following two
112
+ arguments must be set if patchwork is True
113
+ grid_patching_property_uuid (uuid, optional): required if patchwork is True, the uuid of a discrete or
114
+ categorical cells property on the grid which will be used to determine which patch of the surface is
115
+ relevant to a cell
116
+ surface_patching_property_uuid (uuid, optional): required if patchwork is True, the uuid of a discrete or
117
+ categorical property on the patches of the surface, identifying the value of the grid patching property
118
+ that each patch relates to
103
119
 
104
120
  returns:
105
121
  Tuple containing:
@@ -109,18 +125,15 @@ def find_faces_to_represent_surface_regular_wrapper(index: int,
109
125
  - uuid_list (List[str]): list of UUIDs of relevant objects
110
126
 
111
127
  notes:
112
- Use this function as argument to the multiprocessing function; it will create a new model that is saved
113
- in a temporary epc file and returns the required values, which are used in the multiprocessing function to
114
- recombine all the objects into a single epc file;
115
- the saucer_parameter is interpreted in one of two ways: (1) +ve fractoinal values between zero and one
116
- are the fractional distance from the centre of the points to its rim at which to sample the surface for
117
- extrapolation and thereby modify the recumbent z of flange points; 0 will usually give shallower and
118
- smoother saucer; larger values (must be less than one) will lead to stronger and more erratic saucer
119
- shape in flange; (2) other values between -90.0 and 90.0 are interpreted as an angle to apply out of
120
- the plane of the original points, to give a simple (and less computationally demanding) saucer shape;
121
- +ve angles result in the shift being in the direction of the -ve z hemisphere; -ve angles result in
122
- the shift being in the +ve z hemisphere; in either case the direction of the shift is perpendicular
123
- to the average plane of the original points
128
+ - use this function as argument to the multiprocessing function; it will create a new model that is saved
129
+ in a temporary epc file and returns the required values, which are used in the multiprocessing function to
130
+ recombine all the objects into a single epc file
131
+ - the saucer_parameter is between -90.0 and 90.0 and is interpreted as an angle to apply out of
132
+ the plane of the original points, to give a simple saucer shape;
133
+ +ve angles result in the shift being in the direction of the -ve z hemisphere; -ve angles result in
134
+ the shift being in the +ve z hemisphere; in either case the direction of the shift is perpendicular
135
+ to the average plane of the original points
136
+ - patchwork is not compatible with re-triangulation
124
137
  """
125
138
  tmp_dir = Path(parent_tmp_dir) / f"{uuid.uuid4()}"
126
139
  tmp_dir.mkdir(parents = True, exist_ok = True)
@@ -148,12 +161,20 @@ def find_faces_to_represent_surface_regular_wrapper(index: int,
148
161
  if flange_radius is None:
149
162
  flange_radius = 5.0 * np.sum(np.array(grid.extent_kji, dtype = float) * np.array(grid.aligned_dxyz()))
150
163
  s_model = rq.Model(surface_epc, quiet = True)
151
- model.copy_uuid_from_other_model(s_model, uuid = str(surface_uuid))
164
+ surface_uuid = str(surface_uuid)
165
+ model.copy_uuid_from_other_model(s_model, uuid = surface_uuid)
166
+ if surface_patching_property_uuid is not None:
167
+ model.copy_uuid_from_other_model(s_model, uuid = surface_patching_property_uuid)
168
+ uuid_list.append(surface_patching_property_uuid)
152
169
  repr_type = model.type_of_part(model.part(uuid = surface_uuid), strip_obj = True)
153
170
  assert repr_type in ['TriangulatedSetRepresentation', 'PointSetRepresentation']
171
+ assert repr_type == 'TriangulatedSetRepresentation' or not patchwork, \
172
+ 'patchwork only implemented for triangulated set surfaces'
173
+
154
174
  extended = False
155
175
  retriangulated = False
156
176
  flange_bool = None
177
+
157
178
  if repr_type == 'PointSetRepresentation':
158
179
  # trim pointset to grid xyz box
159
180
  pset = rqs.PointSet(model, uuid = surface_uuid)
@@ -193,19 +214,26 @@ def find_faces_to_represent_surface_regular_wrapper(index: int,
193
214
  inherit_interpretation_relationship(model, surface_uuid, surf.uuid)
194
215
  surface_uuid = surf.uuid
195
216
 
196
- surface = rqs.Surface(parent_model = model, uuid = str(surface_uuid))
217
+ surface = rqs.Surface(parent_model = model, uuid = surface_uuid)
197
218
  surf_title = surface.title
198
219
  assert surf_title
199
220
  surface.change_crs(grid.crs)
221
+ normal_vector = None
222
+ if reorient:
223
+ normal_vector = surface.normal()
224
+ if patchwork: # disable trimming as whole patches could be trimmed out, changing the patch indexing from that expected
225
+ trimmed = True
200
226
  if not trimmed and surface.triangle_count() > 100:
201
227
  if not surf_title.endswith('trimmed'):
202
228
  surf_title += ' trimmed'
203
229
  trimmed_surf = rqs.Surface(model, crs_uuid = grid.crs.uuid, title = surf_title)
204
230
  # trimmed_surf.set_to_trimmed_surface(surf, xyz_box = xyz_box, xy_polygon = parent_seg.polygon)
205
231
  trimmed_surf.set_to_trimmed_surface(surface, xyz_box = grid.xyz_box(local = True))
232
+ trimmed_surf.extra_metadata = surface.extra_metadata
206
233
  surface = trimmed_surf
207
234
  trimmed = True
208
235
  if (extend_fault_representation and not extended) or (retriangulate and not retriangulated):
236
+ assert not patchwork, 'extension or re-triangulation are not compatible with patchwork'
209
237
  _, p = surface.triangles_and_points()
210
238
  pset = rqs.PointSet(model, points_array = p, crs_uuid = grid.crs.uuid, title = surf_title)
211
239
  if extend_fault_representation and not surf_title.endswith('extended'):
@@ -218,7 +246,8 @@ def find_faces_to_represent_surface_regular_wrapper(index: int,
218
246
  flange_inner_ring = flange_inner_ring,
219
247
  saucer_parameter = saucer_parameter,
220
248
  flange_radial_distance = flange_radius,
221
- make_clockwise = False)
249
+ make_clockwise = False,
250
+ normal_vector = normal_vector)
222
251
  del pset
223
252
  extended = extend_fault_representation
224
253
  retriangulated = True
@@ -242,7 +271,23 @@ def find_faces_to_represent_surface_regular_wrapper(index: int,
242
271
  discrete = True,
243
272
  dtype = np.uint8)
244
273
  uuid_list.append(flange_p.uuid)
245
- uuid_list.append(surface_uuid)
274
+
275
+ if not patchwork:
276
+ uuid_list.append(surface_uuid)
277
+
278
+ patch_indices = None
279
+ if patchwork: # generate a patch indices array over grid cells based on supplied patching properties
280
+ assert grid_patching_property_uuid is not None and surface_patching_property_uuid is not None
281
+ g_patching_array = rqp.Property(g_model, uuid = grid_patching_property_uuid).array_ref()
282
+ assert g_patching_array.shape == tuple(grid.extent_kji)
283
+ s_patches_array = rqp.Property(model, uuid = surface_patching_property_uuid).array_ref()
284
+ patch_count = surface.number_of_patches()
285
+ assert s_patches_array.shape == (patch_count,)
286
+ p_dtype = (np.int8 if s_patches_array.shape[0] < 128 else np.int32)
287
+ patch_indices = np.full(g_patching_array.shape, -1, dtype = p_dtype)
288
+ for patch in range(patch_count):
289
+ gp = s_patches_array[patch]
290
+ patch_indices[(g_patching_array == gp).astype(bool)] = patch
246
291
 
247
292
  returns = rqgs.find_faces_to_represent_surface_regular_optimised(grid,
248
293
  surface,
@@ -256,7 +301,8 @@ def find_faces_to_represent_surface_regular_wrapper(index: int,
256
301
  return_properties,
257
302
  raw_bisector = raw_bisector,
258
303
  n_batches = n_threads,
259
- packed_bisectors = use_pack)
304
+ packed_bisectors = use_pack,
305
+ patch_indices = patch_indices)
260
306
 
261
307
  success = False
262
308
 
@@ -286,6 +332,7 @@ def find_faces_to_represent_surface_regular_wrapper(index: int,
286
332
 
287
333
  if success and return_properties is not None and len(return_properties):
288
334
  log.debug(f'{name} requested properties: {return_properties}')
335
+ assert isinstance(returns, tuple)
289
336
  properties = returns[1]
290
337
  realisation = index if use_index_as_realisation else None
291
338
  property_collection = rqp.PropertyCollection(support = gcs)
@@ -346,6 +393,7 @@ def find_faces_to_represent_surface_regular_wrapper(index: int,
346
393
  if grid_pc is None:
347
394
  grid_pc = rqp.PropertyCollection()
348
395
  grid_pc.set_support(support = grid)
396
+ assert array.ndim == (2 if is_curtain else 3)
349
397
  grid_pc.add_cached_array_to_imported_list(array,
350
398
  f"from find_faces function for {surface.title}",
351
399
  f'{surface.title} {p_name}',
@@ -48,7 +48,7 @@ def _dt_scipy(points: np.ndarray) -> Tuple[np.ndarray, np.ndarray]:
48
48
 
49
49
 
50
50
  def _dt_simple(po, plot_fn = None, progress_fn = None, container_size_factor = None):
51
- # returns Delauney triangulation of po and list of hull point indices, using a simple algorithm
51
+ # returns Delaunay triangulation of po and list of hull point indices, using a simple algorithm
52
52
 
53
53
  def flip(ei):
54
54
  nonlocal fm, e, t, te, p, nt, p_i, ne
@@ -234,7 +234,7 @@ def _dt_simple(po, plot_fn = None, progress_fn = None, container_size_factor = N
234
234
 
235
235
 
236
236
  def dt(p, algorithm = "scipy", plot_fn = None, progress_fn = None, container_size_factor = 100.0, return_hull = False):
237
- """Returns the Delauney Triangulation of 2D point set p.
237
+ """Returns the Delaunay Triangulation of 2D point set p.
238
238
 
239
239
  arguments:
240
240
  p (numpy float array of shape (N, 2): the x,y coordinates of the points
@@ -253,7 +253,7 @@ def dt(p, algorithm = "scipy", plot_fn = None, progress_fn = None, container_siz
253
253
 
254
254
  returns:
255
255
  numpy int array of shape (M, 3) - being the indices into the first axis of p of the 3 points
256
- per triangle in the Delauney Triangulation - and if return_hull is True, another int array
256
+ per triangle in the Delaunay Triangulation - and if return_hull is True, another int array
257
257
  of shape (B,) - being indices into p of the clockwise ordered points on the boundary of
258
258
  the triangulation
259
259
 
@@ -261,7 +261,7 @@ def dt(p, algorithm = "scipy", plot_fn = None, progress_fn = None, container_siz
261
261
  the plot_fn, progress_fn and container_size_factor arguments are only used by the 'simple' algorithm;
262
262
  if points p are 3D, the projection onto the xy plane is used for the triangulation
263
263
  """
264
- assert p.ndim == 2 and p.shape[1] >= 2, 'bad points shape for 2D Delauney Triangulation'
264
+ assert p.ndim == 2 and p.shape[1] >= 2, 'bad points shape for 2D Delaunay Triangulation'
265
265
 
266
266
  if not algorithm:
267
267
  algorithm = 'scipy'
@@ -274,7 +274,7 @@ def dt(p, algorithm = "scipy", plot_fn = None, progress_fn = None, container_siz
274
274
  progress_fn = progress_fn,
275
275
  container_size_factor = container_size_factor)
276
276
  else:
277
- raise Exception(f'unrecognised Delauney Triangulation algorithm name: {algorithm}')
277
+ raise Exception(f'unrecognised Delaunay Triangulation algorithm name: {algorithm}')
278
278
 
279
279
  assert tri.ndim == 2 and tri.shape[1] == 3
280
280
 
@@ -304,11 +304,11 @@ def ccc(p1, p2, p3):
304
304
 
305
305
 
306
306
  def voronoi(p, t, b, aoi: rql.Polyline):
307
- """Returns dual Voronoi diagram for a Delauney triangulation.
307
+ """Returns dual Voronoi diagram for a Delaunay triangulation.
308
308
 
309
309
  arguments:
310
- p (numpy float array of shape (N, 2)): seed points used in the Delauney triangulation
311
- t (numpy int array of shape (M, 3)): the Delauney triangulation of p as returned by dt()
310
+ p (numpy float array of shape (N, 2)): seed points used in the Delaunay triangulation
311
+ t (numpy int array of shape (M, 3)): the Delaunay triangulation of p as returned by dt()
312
312
  b (numpy int array of shape (B,)): clockwise sorted list of indices into p of the boundary
313
313
  points of the triangulation t
314
314
  aoi (lines.Polyline): area of interest; a closed clockwise polyline that must strictly contain
@@ -329,7 +329,7 @@ def voronoi(p, t, b, aoi: rql.Polyline):
329
329
 
330
330
  # this code assumes that the Voronoi polygon for a seed point visits the circumcentres of
331
331
  # all the triangles that make use of the point – currently understood to be always the case
332
- # for a Delauney triangulation
332
+ # for a Delaunay triangulation
333
333
 
334
334
  def __aoi_intervening_nodes(aoi_count, c_count, seg_a, seg_c):
335
335
  nodes = []
@@ -582,7 +582,7 @@ def voronoi(p, t, b, aoi: rql.Polyline):
582
582
 
583
583
  # check for concavities in hull
584
584
  if not hull.is_convex():
585
- log.warning('Delauney triangulation is not convex; Voronoi diagram construction might fail')
585
+ log.warning('Delaunay triangulation is not convex; Voronoi diagram construction might fail')
586
586
 
587
587
  # compute circumcircle centres
588
588
  c = np.zeros((t.shape[0], 2))
@@ -750,7 +750,7 @@ def reorient(points, rough = True, max_dip = None, use_linalg = True, sample = 5
750
750
  notes:
751
751
  the original points array is not modified by this function;
752
752
  implicit xy & z units for points are assumed to be the same;
753
- the function may typically be called prior to the Delauney triangulation, which uses an xy projection to
753
+ the function may typically be called prior to the Delaunay triangulation, which uses an xy projection to
754
754
  determine the triangulation;
755
755
  the numpy linear algebra option seems to be memory intensive, not recommended;
756
756
  downsampling will occur (for normal vector determination) when the number of points exceeds double that
@@ -868,10 +868,11 @@ def surrounding_xy_ring(p,
868
868
  being an angle to determine a z offset for the ring(s); a +ve angle results in a -ve z shift
869
869
 
870
870
  returns:
871
- numpy float array of shape (N, 3) being xyz points in surrounding ring(s); z is set constant to
872
- mean value of z in p (optionally adjussted based on saucer_angle);
873
- N is count if inner_ring is False, 3 * count if True
874
- radius used for ring of additional points
871
+ (numpy float array, float) pair:
872
+ - numpy float array of shape (N, 3) being xyz points in surrounding ring(s); z is set constant to
873
+ mean value of z in p (optionally adjussted based on saucer_angle);
874
+ N is count if inner_ring is False, 3 * count if True
875
+ - radius used for ring of additional points
875
876
  """
876
877
 
877
878
  def make_ring(count, centre, radius, saucer_angle):
@@ -509,6 +509,8 @@ def _supporting_shape_surface(support, indexable_element):
509
509
  shape_list = [support.triangle_count()]
510
510
  elif indexable_element == 'nodes':
511
511
  shape_list = [support.node_count()]
512
+ elif indexable_element == 'patches':
513
+ shape_list = [len(support.patch_list)]
512
514
  return shape_list
513
515
 
514
516
 
@@ -125,6 +125,75 @@ class Surface(rqsb.BaseSurface):
125
125
  self.set_from_tsurf_file(tsurf_file)
126
126
  self._load_normal_vector_from_extra_metadata()
127
127
 
128
+ @classmethod
129
+ def from_list_of_patches(cls, model, patch_list, title, crs_uuid = None, extra_metadata = None):
130
+ """Create a Surface from a prepared list of TriangulatedPatch objects.
131
+
132
+ arguments:
133
+ - model (Model): the model to which the surface will be associated
134
+ - patch_list (list of TriangulatedPatch): the list of patches to be combined to form the surface
135
+ - title (str): the citation title for the new surface
136
+ - crs_uuid (uuid, optional): the uuid of a crs in model which the points are deemed to be in
137
+ - extra_metadata (dict of (str: str), optional): extra metadata to add to the new surface
138
+
139
+ returns:
140
+ - new Surface comprised of a patch for each entry in the patch list
141
+
142
+ notes:
143
+ - the triangulated patch objects are used directly in the surface
144
+ - the patches should not have had their hdf5 data written yet
145
+ - the patch index values will be set, with any previous values ignored
146
+ - the patches will be hijacked to the target model if their model is different
147
+ - each patch will have its points converted in situ into the surface crs
148
+ - if the crs_uuid argument is None, the crs_uuid is taken from the first patch
149
+ """
150
+ assert len(patch_list) > 0, 'attempting to create Surface from empty patch list'
151
+ if crs_uuid is None:
152
+ crs_uuid = patch_list[0].crs_uuid
153
+ if model.uuid(uuid = crs_uuid) is None:
154
+ model.copy_uuid_from_other_model(patch_list[0].model, crs_uuid)
155
+ surf = cls(model, title = title, crs_uuid = crs_uuid, extra_metadata = extra_metadata)
156
+ surf.patch_list = patch_list
157
+ surf.crs_uuid = crs_uuid
158
+ crs = rqc.Crs(model, uuid = crs_uuid)
159
+ for i, patch in enumerate(surf.patch_list):
160
+ assert patch.points is not None, f'points missing in patch {i} when making surface {title}'
161
+ patch.index = i
162
+ patch._set_t_type()
163
+ if not bu.matching_uuids(patch.crs_uuid, crs_uuid):
164
+ p_crs = rqc.Crs(patch.model, uuid = patch.crs_uuid)
165
+ p_crs.convert_array_to(crs, patch.points)
166
+ patch.model = model
167
+ return surf
168
+
169
+ @classmethod
170
+ def from_list_of_patches_of_triangles_and_points(cls, model, t_p_list, title, crs_uuid, extra_metadata = None):
171
+ """Create a Surface from a prepared list of pairs of (triangles, points).
172
+
173
+ arguments:
174
+ - model (Model): the model to which the surface will be associated
175
+ - t_p_list (list of (numpy int array, numpy float array)): the list of patches of triangles and points;
176
+ the int arrays have shape (N, 3) being the triangle vertex indices of points; the float array has
177
+ shape (M, 3) being the xyx values for the points, in the crs identified by crs_uuid
178
+ - title (str): the citation title for the new surface
179
+ - crs_uuid (uuid): the uuid of a crs in model which the points are deemed to be in
180
+ - extra_metadata (dict of (str: str), optional): extra metadata to add to the new surface
181
+
182
+ returns:
183
+ - new Surface comprised of a patch for each entry in the list of pairs of triangles and points data
184
+
185
+ note:
186
+ - each entry in the t_p_list will have its own patch in the resulting surface, indexed in order of list
187
+ """
188
+ assert t_p_list, f'no triangles and points pairs in list when generating surface: {title}'
189
+ assert crs_uuid is not None
190
+ patch_list = []
191
+ for i, (t, p) in enumerate(t_p_list):
192
+ patch = rqs.TriangulatedPatch(model, patch_index = i, crs_uuid = crs_uuid)
193
+ patch.set_from_triangles_and_points(t, p)
194
+ patch_list.append(patch)
195
+ return cls.from_list_of_patches(model, patch_list, title, crs_uuid = crs_uuid, extra_metadata = extra_metadata)
196
+
128
197
  @classmethod
129
198
  def from_tri_mesh(cls, tri_mesh, exclude_nans = False):
130
199
  """Create a Surface from a TriMesh.
@@ -319,6 +388,39 @@ class Surface(rqsb.BaseSurface):
319
388
  ValueError(f'patch index {patch} out of range for surface with {len(self.patch_list)} patches')
320
389
  return self.patch_list[patch].triangles_and_points(copy = copy)
321
390
 
391
+ def patch_index_for_triangle_index(self, triangle_index):
392
+ """Returns the patch index for a triangle index (as applicable to triangles_and_points() triangles)."""
393
+ if triangle_index is None or triangle_index < 0:
394
+ return None
395
+ self.extract_patches(self.root)
396
+ if not self.patch_list:
397
+ return None
398
+ for i, patch in enumerate(self.patch_list):
399
+ triangle_index -= patch.triangle_count
400
+ if triangle_index < 0:
401
+ return i
402
+ return None
403
+
404
+ def patch_indices_for_triangle_indices(self, triangle_indices, lazy = True):
405
+ """Returns array of patch indices for array of triangle indices (as applicable to triangles_and_points() triangles)."""
406
+ self.extract_patches(self.root)
407
+ if not self.patch_list:
408
+ return np.full(triangle_indices.shape, -1, dtype = np.int8)
409
+ patch_count = len(self.patch_list)
410
+ dtype = (np.int8 if patch_count < 127 else np.int32)
411
+ if lazy and patch_count == 1:
412
+ return np.zeros(triangle_indices.shape, dtype = np.int8)
413
+ patch_limits = np.zeros(patch_count, dtype = np.int32)
414
+ t_count = 0
415
+ for p_i in range(patch_count):
416
+ t_count += self.patch_list[p_i].triangle_count
417
+ patch_limits[p_i] = t_count
418
+ patches = np.empty(triangle_indices.shape, dtype = dtype)
419
+ patches[:] = np.digitize(triangle_indices, patch_limits, right = False)
420
+ if not lazy:
421
+ patches[np.logical_or(triangle_indices < 0, patches == patch_count)] = -1
422
+ return patches
423
+
322
424
  def decache_triangles_and_points(self):
323
425
  """Removes the cached composite triangles and points arrays."""
324
426
  self.points = None
@@ -369,23 +471,41 @@ class Surface(rqsb.BaseSurface):
369
471
  def change_crs(self, required_crs):
370
472
  """Changes the crs of the surface, also sets a new uuid if crs changed.
371
473
 
372
- note:
474
+ notes:
373
475
  this method is usually used to change the coordinate system for a temporary resqpy object;
374
- to add as a new part, call write_hdf5() and create_xml() methods
476
+ to add as a new part, call write_hdf5() and create_xml() methods;
477
+ patches are maintained by this method;
478
+ normal vector extra metadata item is updated if present; rotation matrix is removed
375
479
  """
376
480
 
377
481
  old_crs = rqc.Crs(self.model, uuid = self.crs_uuid)
378
482
  self.crs_uuid = required_crs.uuid
379
- if required_crs == old_crs or not self.patch_list:
483
+ if bu.matching_uuids(required_crs.uuid, old_crs.uuid) or not self.patch_list:
380
484
  log.debug(f'no crs change needed for {self.title}')
381
485
  return
486
+ equivalent_crs = (required_crs == old_crs)
382
487
  log.debug(f'crs change needed for {self.title} from {old_crs.title} to {required_crs.title}')
383
488
  for patch in self.patch_list:
384
- patch.triangles_and_points()
385
- required_crs.convert_array_from(old_crs, patch.points)
489
+ assert bu.matching_uuids(patch.crs_uuid, old_crs.uuid)
490
+ if not equivalent_crs:
491
+ patch.triangles_and_points()
492
+ required_crs.convert_array_from(old_crs, patch.points)
386
493
  patch.crs_uuid = self.crs_uuid
387
494
  self.triangles = None # clear cached arrays for surface
388
495
  self.points = None
496
+ if not equivalent_crs:
497
+ if self.extra_metadata.pop('rotation matrix', None) is not None:
498
+ log.warning(f'discarding rotation matrix extra metadata during crs change of: {self.title}')
499
+ self._load_normal_vector_from_extra_metadata()
500
+ if self.normal_vector is not None:
501
+ if required_crs.z_inc_down != old_crs.z_inc_down:
502
+ self.normal_vector[2] = -self.normal_vector[2]
503
+ theta = (wam.convert(required_crs.rotation, required_crs.rotation_units, 'dega') -
504
+ wam.convert(old_crs.rotation, old_crs.rotation_units, 'dega'))
505
+ if not maths.isclose(theta, 0.0):
506
+ self.normal_vector = vec.rotate_vector(vec.rotation_matrix_3d_axial(2, theta), self.normal_vector)
507
+ self.extra_metadata['normal vector'] = str(
508
+ f'{self.normal_vector[0]},{self.normal_vector[1]},{self.normal_vector[2]}')
389
509
  self.uuid = bu.new_uuid() # hope this doesn't cause problems
390
510
  assert self.root is None
391
511
 
@@ -580,7 +700,8 @@ class Surface(rqsb.BaseSurface):
580
700
  flange_radial_distance = None,
581
701
  flange_inner_ring = False,
582
702
  saucer_parameter = None,
583
- make_clockwise = False):
703
+ make_clockwise = False,
704
+ normal_vector = None):
584
705
  """Populate this (empty) Surface object with a Delaunay triangulation of points in a PointSet object.
585
706
 
586
707
  arguments:
@@ -589,9 +710,10 @@ class Surface(rqsb.BaseSurface):
589
710
  convex; reduce to 1.0 to allow slightly more concavities; increase to 100.0 or more for very little
590
711
  chance of even a slight concavity
591
712
  reorient (bool, default False): if True, a copy of the points is made and reoriented to minimise the
592
- z range (ie. z axis is approximate normal to plane of points), to enhace the triangulation
713
+ z range (ie. z axis is approximate normal to plane of points), to enhace the triangulation; if a
714
+ normal_vector is supplied, the reorientation is based on that instead of minimising z
593
715
  reorient_max_dip (float, optional): if present, the reorientation of perspective off vertical is
594
- limited to this angle in degrees
716
+ limited to this angle in degrees; ignored if normal_vector is specified
595
717
  extend_with_flange (bool, default False): if True, a ring of points is added around the outside of the
596
718
  points before the triangulation, effectively extending the surface with a flange
597
719
  flange_point_count (int, default 11): the number of points to generate in the flange ring; ignored if
@@ -609,10 +731,12 @@ class Surface(rqsb.BaseSurface):
609
731
  make_clockwise (bool, default False): if True, the returned triangles will all be clockwise when
610
732
  viewed in the direction -ve to +ve z axis; if reorient is also True, the clockwise aspect is
611
733
  enforced in the reoriented space
734
+ normal_vector (triple float, optional): if present and reorienting, the normal vector to use for reorientation;
735
+ if None, the reorientation is made so as to minimise the z range
612
736
 
613
737
  returns:
614
738
  if extend_with_flange is True, numpy bool array with a value per triangle indicating flange triangles;
615
- if extent_with_flange is False, None
739
+ if extend_with_flange is False, None
616
740
 
617
741
  notes:
618
742
  if extend_with_flange is True, then a boolean array is created for the surface, with a value per triangle,
@@ -623,7 +747,8 @@ class Surface(rqsb.BaseSurface):
623
747
  the saucer_parameter must be between -90.0 and 90.0, and is interpreted as an angle to apply out of
624
748
  the plane of the original points, to give a simple saucer shape; +ve angles result in the shift being in
625
749
  the direction of the -ve z hemisphere; -ve angles result in the shift being in the +ve z hemisphere; in
626
- either case the direction of the shift is perpendicular to the average plane of the original points
750
+ either case the direction of the shift is perpendicular to the average plane of the original points;
751
+ normal_vector, if supplied, should be in the crs of the point set
627
752
  """
628
753
 
629
754
  simple_saucer_angle = None
@@ -648,8 +773,24 @@ class Surface(rqsb.BaseSurface):
648
773
  else:
649
774
  unit_adjusted_p = p.copy()
650
775
  wam.convert_lengths(unit_adjusted_p[:, 2], crs.z_units, crs.xy_units)
776
+ # note: normal vector should already be for a crs with common xy & z units
651
777
  # reorient the points to the fault normal vector
652
- p_xy, self.normal_vector, reorient_matrix = triangulate.reorient(unit_adjusted_p, max_dip = reorient_max_dip)
778
+ if normal_vector is None:
779
+ p_xy, self.normal_vector, reorient_matrix = triangulate.reorient(unit_adjusted_p,
780
+ max_dip = reorient_max_dip)
781
+ else:
782
+ assert len(normal_vector) == 3
783
+ self.normal_vector = np.array(normal_vector, dtype = np.float64)
784
+ if self.normal_vector[2] < 0.0:
785
+ self.normal_vector = -self.normal_vector
786
+ incl = vec.inclination(normal_vector)
787
+ if maths.isclose(incl, 0.0):
788
+ reorient_matrix = vec.no_rotation_matrix()
789
+ p_xy = unit_adjusted_p
790
+ else:
791
+ azi = vec.azimuth(normal_vector)
792
+ reorient_matrix = vec.tilt_3d_matrix(azi, incl)
793
+ p_xy = vec.rotate_array(reorient_matrix, unit_adjusted_p)
653
794
  if extend_with_flange:
654
795
  flange_points, radius = triangulate.surrounding_xy_ring(p_xy,
655
796
  count = flange_point_count,
@@ -707,7 +848,8 @@ class Surface(rqsb.BaseSurface):
707
848
  flange_inner_ring = False,
708
849
  saucer_parameter = None,
709
850
  make_clockwise = False,
710
- retriangulate = False):
851
+ retriangulate = False,
852
+ normal_vector = None):
711
853
  """Returns a new Surface object where the original surface has been extended with a flange with a Delaunay triangulation of points in a PointSet object.
712
854
 
713
855
  arguments:
@@ -715,9 +857,10 @@ class Surface(rqsb.BaseSurface):
715
857
  convex; reduce to 1.0 to allow slightly more concavities; increase to 100.0 or more for very little
716
858
  chance of even a slight concavity
717
859
  reorient (bool, default False): if True, a copy of the points is made and reoriented to minimise the
718
- z range (ie. z axis is approximate normal to plane of points), to enhace the triangulation
860
+ z range (ie. z axis is approximate normal to plane of points), to enhace the triangulation; if
861
+ normal_vector is supplied that is used to determine the reorientation instead of minimising z
719
862
  reorient_max_dip (float, optional): if present, the reorientation of perspective off vertical is
720
- limited to this angle in degrees
863
+ limited to this angle in degrees; ignored if normal_vector is specified
721
864
  flange_point_count (int, default 11): the number of points to generate in the flange ring; ignored if
722
865
  retriangulate is False
723
866
  flange_radial_factor (float, default 10.0): distance of flange points from centre of points, as a
@@ -738,6 +881,8 @@ class Surface(rqsb.BaseSurface):
738
881
  the existing points. If False, the surface will be generated by adding flange points and triangles directly
739
882
  from the original surface edges, and will no retriangulate the input surface. If False the surface must not
740
883
  contain tears
884
+ normal_vector (triple float, optional): if present and reorienting, the normal vector to use for reorientation;
885
+ if None, the reorientation is made so as to minimise the z range
741
886
 
742
887
  returns:
743
888
  a new surface, and a boolean array of length N, where N is the number of triangles on the surface. This boolean
@@ -757,7 +902,8 @@ class Surface(rqsb.BaseSurface):
757
902
  the plane of the original points, to give a simple (and less computationally demanding) saucer shape;
758
903
  +ve angles result in the shift being in the direction of the -ve z hemisphere; -ve angles result in
759
904
  the shift being in the +ve z hemisphere; in either case the direction of the shift is perpendicular
760
- to the average plane of the original points
905
+ to the average plane of the original points;
906
+ normal_vector, if supplied, should be in the crs of this surface
761
907
  """
762
908
  prev_t, prev_p = self.triangles_and_points()
763
909
  point_set = rqs.PointSet(self.model, crs_uuid = self.crs_uuid, title = self.title, points_array = prev_p)
@@ -766,7 +912,7 @@ class Surface(rqsb.BaseSurface):
766
912
  return out_surf, out_surf.set_from_point_set(point_set, convexity_parameter, reorient, reorient_max_dip,
767
913
  True, flange_point_count, flange_radial_factor,
768
914
  flange_radial_distance, flange_inner_ring, saucer_parameter,
769
- make_clockwise)
915
+ make_clockwise, normal_vector)
770
916
  else:
771
917
  simple_saucer_angle = None
772
918
  if saucer_parameter is not None and (saucer_parameter > 1.0 or saucer_parameter < 0.0):
@@ -916,9 +1062,10 @@ class Surface(rqsb.BaseSurface):
916
1062
  notes:
917
1063
  the result becomes more meaningless the less planar the surface is;
918
1064
  even for a parfectly planar surface, the result is approximate;
919
- true normal vector is found when xy & z units differ
1065
+ true normal vector is found when xy & z units differ, ie. for consistent units
920
1066
  """
921
1067
 
1068
+ self._load_normal_vector_from_extra_metadata()
922
1069
  if self.normal_vector is None:
923
1070
  p = self.unit_adjusted_points()
924
1071
  _, self.normal_vector, _ = triangulate.reorient(p)
@@ -1346,12 +1493,16 @@ class Surface(rqsb.BaseSurface):
1346
1493
  return resampled
1347
1494
 
1348
1495
  def resample_surface_unique_edges(self):
1349
- """Returns a new surface, with the same model, title and crs as the original surface, but with additional refined points along original surface tears and edges.
1496
+ """Returns a new surface, with the same model, title and crs as the original, but with additional refined points along tears and edges.
1350
1497
 
1351
- Each edge forming a tear or outer edge in the surface will have 3 additional points added, with 2 additional points on each edge of the original triangle. The output surface is re-triangulated using these new points (tears will be filled)
1498
+ Each edge forming a tear or outer edge in the surface will have 3 additional points added, with 2 additional points
1499
+ on each edge of the original triangle. The output surface is re-triangulated using these new points (tears will be filled)
1352
1500
 
1353
- returns:
1354
- resqpy.surface.Surface object with extra_metadata ('unique edges resampled from surface': uuid), where uuid is for the original surface uuid
1501
+ returns:
1502
+ new Surface object with extra_metadata ('unique edges resampled from surface': uuid), where uuid is for the original surface uuid
1503
+
1504
+ note:
1505
+ this method involves a tr-triangulation
1355
1506
  """
1356
1507
  _, op = self.triangles_and_points()
1357
1508
  ref = self.resampled_surface() # resample the original surface
@@ -1422,7 +1573,8 @@ class Surface(rqsb.BaseSurface):
1422
1573
  self.title = 'surface'
1423
1574
 
1424
1575
  em = None
1425
- if self.normal_vector is not None:
1576
+ if self.normal_vector is not None and (self.extra_metadata is None or
1577
+ 'normal vector' not in self.extra_metadata):
1426
1578
  assert len(self.normal_vector) == 3
1427
1579
  em = {'normal vector': f'{self.normal_vector[0]},{self.normal_vector[1]},{self.normal_vector[2]}'}
1428
1580
 
@@ -219,6 +219,7 @@ class TriMesh(rqs.Mesh):
219
219
  base edge towards point 2; f1 is component towards point 1; f0 is component towards point 0;
220
220
  the trilinear coordinates sum to one and can be used as weights to interpolate z values at points
221
221
  """
222
+ assert xy_array.ndim > 1 and 2 <= xy_array.shape[-1] <= 3
222
223
  x = xy_array[..., 0].copy()
223
224
  y = xy_array[..., 1].copy()
224
225
  if self.origin is not None:
@@ -236,7 +237,7 @@ class TriMesh(rqs.Mesh):
236
237
  mask = np.logical_or(mask, np.logical_or(i < 0, i >= self.ni - 1))
237
238
  fx = ip - i.astype(float)
238
239
  i *= 2
239
- am = np.where(fx > 1.0 - fy)
240
+ am = (fx > 1.0 - fy).astype(bool)
240
241
  i[am] += 1
241
242
  fx[am] -= 1.0 - fy[am]
242
243
  fy[am] = 1.0 - fy[am]
@@ -275,6 +276,7 @@ class TriMesh(rqs.Mesh):
275
276
  of three vertices of triangles containing xy points; float triplets contain corresponding weights (summing to
276
277
  one per triangle) which can be used to interpolate z values at points xy_array
277
278
  """
279
+ assert xy_array.ndim > 1 and 2 <= xy_array.shape[-1] <= 3
278
280
  tji, tc = self.tji_tc_for_xy_array(xy_array)
279
281
  ji = self.tri_nodes_for_tji_array(tji)
280
282
  return (ji, tc)
@@ -1,6 +1,6 @@
1
- Metadata-Version: 2.1
1
+ Metadata-Version: 2.3
2
2
  Name: resqpy
3
- Version: 5.0.0
3
+ Version: 5.1.1
4
4
  Summary: Python API for working with RESQML models
5
5
  Home-page: https://github.com/bp/resqpy
6
6
  License: MIT
@@ -1,4 +1,4 @@
1
- resqpy/__init__.py,sha256=7QLJBGZRJzBFqxailgyyliMgfPLS0xUKGDr9BfDS-Oc,555
1
+ resqpy/__init__.py,sha256=p9tTrsC5HfUexwsU8YYBIHq3nslCgVVqUH-tiqKHF7w,555
2
2
  resqpy/crs.py,sha256=R7DfcTP5xGv5pu9Y8RHA2WVM9DjBCSVMoHcz4RmQ7Yw,27646
3
3
  resqpy/derived_model/__init__.py,sha256=NFvMSOKI3cxmH7lAbddV43JjoUj-r2G7ExEfOqinD1I,1982
4
4
  resqpy/derived_model/_add_edges_per_column_property_array.py,sha256=cpW3gwp6MSYIrtvFmCjoJXcyUsgGuCDbgmwlJCJebUs,6410
@@ -47,7 +47,7 @@ resqpy/grid/_write_nexus_corp.py,sha256=yEVfiObsedEAXX6UG6ZTf56kZnQVkd3lLqE2NpL-
47
47
  resqpy/grid/_xyz.py,sha256=RLQWOdM_DRoCj4JypwB5gUJ78HTdk5JnZHSeAzuU634,13087
48
48
  resqpy/grid_surface/__init__.py,sha256=IlPwm6G7P_Vg_w7JHqSs-d_oxk2QmFtWGTk_vvr1qm8,2911
49
49
  resqpy/grid_surface/_blocked_well_populate.py,sha256=Lme1AR-nLWOUlNnmHMVThk6jEg_lAZxWWtL82Yksppw,35867
50
- resqpy/grid_surface/_find_faces.py,sha256=NBr0DF7rfBnPY5KtHJNp4oXW6N870mTGYXdu_jg04Yk,107108
50
+ resqpy/grid_surface/_find_faces.py,sha256=YogiM8SIDZGtDIuA8Hyd8DOt3Po47CKHP7luE_jz93I,111556
51
51
  resqpy/grid_surface/_grid_skin.py,sha256=D0cjHkcuT5KCKb-8EZfXgh0GgJj3kzOBS2wVNXg4bfY,26056
52
52
  resqpy/grid_surface/_grid_surface.py,sha256=l2NJo7Kiucolbb_TlLPC7NGdksg_JahkihfsrJVq99w,14379
53
53
  resqpy/grid_surface/_trajectory_intersects.py,sha256=Och9cZYU9Y7ofovhPzsLyIblRUl2xj9_5nHH3fMZp-A,22498
@@ -59,16 +59,16 @@ resqpy/lines/_polyline_set.py,sha256=3K3z_G9l_3mfjLdCL-YVscyj1FA6DHh1uj9rXPtWFOY
59
59
  resqpy/model/__init__.py,sha256=hbxO-IpCOH_82TZqj6e1FjrWxO0tZu2gj2HCN9x-Svw,378
60
60
  resqpy/model/_catalogue.py,sha256=duvZlNlTPjAfXyqae0J9lMSEx_8-WIcrw2MYxnNEg_Q,30487
61
61
  resqpy/model/_context.py,sha256=0tLBVMcuuIj3i87Ig8lhFMLHE5GHgEA2PEl1NjKaohc,2840
62
- resqpy/model/_forestry.py,sha256=QYE3P9uSsh77J6ghcgp2cBQP6UKrs8edF-m05sqgboo,34518
62
+ resqpy/model/_forestry.py,sha256=42dMwqdvxdRYYwqVSC4ky2iDp9hmqUEEtX2mxMVMLeA,34884
63
63
  resqpy/model/_grids.py,sha256=d7hRQRmni5pJrm1CY31D2icJV1XDar7xTmUexq_eVGY,3371
64
64
  resqpy/model/_hdf5.py,sha256=-dq2r3HzBKf0F43kwPy--MZOOjQZlDS4RJ6nG3VOeSs,14448
65
- resqpy/model/_model.py,sha256=YEcDgjs4l0lZ059UdV9v4y7FdFs4tS81moFzOteKhvY,106328
65
+ resqpy/model/_model.py,sha256=ZhOkZ-n8k1cKBQODcDzASwq_JrBhmYcdIwOAVk7g9q4,106326
66
66
  resqpy/model/_xml.py,sha256=TiZKHZezMdcjRvHSa-HzzrYe9kyDdd8L4hacNV0bjEg,24402
67
67
  resqpy/multi_processing/__init__.py,sha256=ZRudHfN9aaZjxvat7t8BZr6mwMi9baiCNjczwwT0WjI,909
68
68
  resqpy/multi_processing/_multiprocessing.py,sha256=bnCKfSC1tWwvZmZ7BZqCyje0C93m6q7HZPxNpx8xoxA,7301
69
69
  resqpy/multi_processing/wrappers/__init__.py,sha256=7vjuTWdHnp3rN9Ud8ljpDnt1NbBAyhA08lv-sQ9Kf3o,72
70
70
  resqpy/multi_processing/wrappers/blocked_well_mp.py,sha256=_2fEsSmJVQCnbQIjTHqmnNEugfhN1KvX-o4ZbvtChdI,5952
71
- resqpy/multi_processing/wrappers/grid_surface_mp.py,sha256=mpv-EgtlRA5XIINdGU6UgnDTD_MhsrXAfqvMU6iBT6Y,25568
71
+ resqpy/multi_processing/wrappers/grid_surface_mp.py,sha256=SkobxBOU-xnojll-TewNoiuVQA9IrG2DXGg8fq7IL14,27083
72
72
  resqpy/multi_processing/wrappers/mesh_mp.py,sha256=0VYoqtgBFfrlyYB6kkjbdrRQ5FKe6t5pHJO3wD9b8Fc,5793
73
73
  resqpy/olio/__init__.py,sha256=j2breqKYVufhw5k8qS2uZwB3tUKT7FhdZ23ninS75YA,84
74
74
  resqpy/olio/ab_toolbox.py,sha256=bZlAhOJVS0HvIYBW0Lg68re17N8eltoQhIUh0xuUyVc,2147
@@ -94,7 +94,7 @@ resqpy/olio/simple_lines.py,sha256=qaR11W5UPgRmtMeFQ-pXg0jOvkJZ_XPzSUpAXqeYtlc,1
94
94
  resqpy/olio/time.py,sha256=LtoSIf1A6wunHSpDgKsSGEr0rbcSQyy35TgJvY37PrI,760
95
95
  resqpy/olio/trademark.py,sha256=p_EWvUUnfalOA0RC94fSWMDgdGY9-FdZuGtAjg3wNcY,822
96
96
  resqpy/olio/transmission.py,sha256=auz_12TKtSPy6Fv3wmKn5lXPRAEnn2tYVyTQfsj37xU,61869
97
- resqpy/olio/triangulation.py,sha256=9G9GIBdhoRRRRzZwn-HV3dIJWF6idC7XVkxl6L9v_ic,45989
97
+ resqpy/olio/triangulation.py,sha256=sBNP4MhSpY2bv6BYIn7890stqetkK5dag9pYNFiUs2g,46037
98
98
  resqpy/olio/uuid.py,sha256=JRMi-RZNeGm8tGNloIwTATzNtdj29lBQDV9OILboPRI,7324
99
99
  resqpy/olio/vdb.py,sha256=lQYuK1kr1Wnucq2EoKgT6lrR7vloCemnCKZktzBcLUc,45231
100
100
  resqpy/olio/vector_utilities.py,sha256=B354cr9-nqqPcb3SAx1jD9Uk51sjkV95xToAiF3-WHA,61127
@@ -129,7 +129,7 @@ resqpy/organize/wellbore_interpretation.py,sha256=jRAHq90tR2dCQSXsZicujXhSVHOEPo
129
129
  resqpy/property/__init__.py,sha256=gRnzjdn6bxCQStfHL5qMOs43okVRW168TjqU0C9oL2g,2360
130
130
  resqpy/property/_collection_add_part.py,sha256=uM64TWqJ0aBUwP1u1OJNTUhKLGlmOQj14fGPLG-2pRs,17156
131
131
  resqpy/property/_collection_create_xml.py,sha256=p9GASodhg4vQqDDvCOHScto_Qtz_nDADGtvZY92Dcu8,13001
132
- resqpy/property/_collection_get_attributes.py,sha256=whWG3O3fIXi2TetUKQWC4JPjrKI9tPrYmw0d51HkJgY,32609
132
+ resqpy/property/_collection_get_attributes.py,sha256=9uHH9TW0Rty7BMclLqQivr6-uglKSjFZkpWdq47OgAo,32697
133
133
  resqpy/property/_collection_support.py,sha256=77_DG-0pzhMWdG_mNDiGfihXD7Pp-CvDSGCV8ZlDjj4,5889
134
134
  resqpy/property/_property.py,sha256=JcG7h6k4cJ4l3WC_VCsvoqHM3FBxrnUuxbIK2Ono1M0,24426
135
135
  resqpy/property/attribute_property_set.py,sha256=gATFe-vI00GrgaJNMHSKbM0xmlxIsO5DT1qRSU9snYI,12295
@@ -162,8 +162,8 @@ resqpy/surface/_base_surface.py,sha256=LsWrDrbuuaEVRgf2Dlbc-6ZvGQpjtrKuxF7Jjebvl
162
162
  resqpy/surface/_combined_surface.py,sha256=8TnNbSywjej6tW_vRr5zoVgBbvnadCaqWk6WyHWHTYQ,3082
163
163
  resqpy/surface/_mesh.py,sha256=yEFldNWT2g8MCGcU4mTeWzDrLHHGLLGLIle1gAjJ_lg,42352
164
164
  resqpy/surface/_pointset.py,sha256=niTkBik9hAvqrY8340K1TRG7mg4FMQbbp12WZiiXPMs,27416
165
- resqpy/surface/_surface.py,sha256=6Gq90nRWCuIoZ6S9XvOysXV7Z-lNbZsnz3Z45ZPqMwc,85155
166
- resqpy/surface/_tri_mesh.py,sha256=EmV4FhyjuusQFruW1SseufbnHF5YFoJ6Uvb07UJbH6s,26609
165
+ resqpy/surface/_surface.py,sha256=w57Us5G7MYGXqTHE-VWFKgJ0M1sF5mHNJtMUV1mhUr8,94081
166
+ resqpy/surface/_tri_mesh.py,sha256=f2BiGYNj5v8CgmWJKEZ7aKp1WX9iWX4myETCjVQ5dCA,26746
167
167
  resqpy/surface/_tri_mesh_stencil.py,sha256=eXt_HIKvsXGsjQ7nm_NbozR6ProQxPbeO52r79j80ig,16087
168
168
  resqpy/surface/_triangulated_patch.py,sha256=FKn_Irzp4aLFkkN_-tx1MLMKjEAiOLE8636sOA481TQ,26802
169
169
  resqpy/time_series/__init__.py,sha256=jiB3HJUWe47OOJTVmRJ4Gh5vm-XdMaMXmD52kAGr2zY,1074
@@ -193,7 +193,7 @@ resqpy/well/_wellbore_marker_frame.py,sha256=xvYH2_2Ie3a18LReFymbUrZboOx7Rhv5DOD
193
193
  resqpy/well/blocked_well_frame.py,sha256=Rx8jwkCjchseDZaTttPkA1-f6l7W6vRGrxWtDHlEPx8,22560
194
194
  resqpy/well/well_object_funcs.py,sha256=1O4EVPuTn-kN3uT_V4TbSwehnMUMY0TX36XOUgasTcc,24689
195
195
  resqpy/well/well_utils.py,sha256=-g_pg2v5XD9g4SQz9sk7KK-x2xEQZHzWehCQqiEGo6M,7627
196
- resqpy-5.0.0.dist-info/LICENSE,sha256=2duHPIkKQyESMdQ4hKjL8CYEsYRHXaYxt0YQkzsUYE4,1059
197
- resqpy-5.0.0.dist-info/METADATA,sha256=ZE6vaH5k2arTksxYGev-YVR-JKV4SRm0-XWRrYJyuHk,4026
198
- resqpy-5.0.0.dist-info/WHEEL,sha256=Nq82e9rUAnEjt98J6MlVmMCZb-t9cYE2Ir1kpBmnWfs,88
199
- resqpy-5.0.0.dist-info/RECORD,,
196
+ resqpy-5.1.1.dist-info/LICENSE,sha256=2duHPIkKQyESMdQ4hKjL8CYEsYRHXaYxt0YQkzsUYE4,1059
197
+ resqpy-5.1.1.dist-info/METADATA,sha256=Cj9yg05wIMxdty_mNIuSG2kY_6NoHMvaRSoDM6C_7gs,4026
198
+ resqpy-5.1.1.dist-info/WHEEL,sha256=RaoafKOydTQ7I_I3JTrPCg6kUmTgtm4BornzOqyEfJ8,88
199
+ resqpy-5.1.1.dist-info/RECORD,,
@@ -1,4 +1,4 @@
1
1
  Wheel-Version: 1.0
2
- Generator: poetry-core 1.9.1
2
+ Generator: poetry-core 2.0.0
3
3
  Root-Is-Purelib: true
4
4
  Tag: py3-none-any