resqpy 4.18.11__py3-none-any.whl → 5.0.0__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 +1 -1
- resqpy/grid/__init__.py +2 -3
- resqpy/grid/_grid.py +1 -7
- resqpy/grid_surface/_find_faces.py +3 -0
- resqpy/lines/_polyline.py +24 -33
- resqpy/model/_model.py +4 -2
- resqpy/multi_processing/wrappers/grid_surface_mp.py +1 -1
- resqpy/olio/triangulation.py +4 -3
- resqpy/olio/volume.py +0 -20
- resqpy/property/__init__.py +3 -2
- resqpy/rq_import/_grid_from_cp.py +2 -2
- resqpy/surface/_surface.py +223 -47
- resqpy/time_series/_any_time_series.py +5 -4
- resqpy/well/_blocked_well.py +1916 -1910
- resqpy/well/_md_datum.py +11 -21
- resqpy/well/_wellbore_frame.py +10 -2
- resqpy/well/well_utils.py +33 -0
- {resqpy-4.18.11.dist-info → resqpy-5.0.0.dist-info}/METADATA +7 -7
- {resqpy-4.18.11.dist-info → resqpy-5.0.0.dist-info}/RECORD +21 -22
- resqpy/grid/_moved_functions.py +0 -15
- {resqpy-4.18.11.dist-info → resqpy-5.0.0.dist-info}/LICENSE +0 -0
- {resqpy-4.18.11.dist-info → resqpy-5.0.0.dist-info}/WHEEL +0 -0
resqpy/__init__.py
CHANGED
resqpy/grid/__init__.py
CHANGED
@@ -1,14 +1,13 @@
|
|
1
1
|
"""The Grid Module."""
|
2
2
|
|
3
3
|
__all__ = [
|
4
|
-
'Grid', 'RegularGrid', 'extract_grid_parent', '
|
5
|
-
'
|
4
|
+
'Grid', 'RegularGrid', 'extract_grid_parent', 'find_cell_for_x_sect_xz', 'grid_flavour', 'is_regular_grid',
|
5
|
+
'any_grid'
|
6
6
|
]
|
7
7
|
|
8
8
|
from ._grid import Grid
|
9
9
|
from ._regular_grid import RegularGrid
|
10
10
|
from ._grid_types import grid_flavour, is_regular_grid, any_grid
|
11
|
-
from ._moved_functions import establish_zone_property_kind
|
12
11
|
from ._extract_functions import extract_grid_parent, extent_kji_from_root
|
13
12
|
from ._points_functions import find_cell_for_x_sect_xz
|
14
13
|
|
resqpy/grid/_grid.py
CHANGED
@@ -680,13 +680,7 @@ class Grid(BaseResqpy):
|
|
680
680
|
return _create_grid_xml(self, ijk, ext_uuid, add_as_part, add_relationships, write_active, write_geometry,
|
681
681
|
use_lattice, use_parametric_lines)
|
682
682
|
|
683
|
-
|
684
|
-
"""Deprecated: please use `unsplit_x_section_points` instead."""
|
685
|
-
warnings.warn('Deprecated: please use `unsplit_x_section_points` instead.', DeprecationWarning)
|
686
|
-
|
687
|
-
return unsplit_x_section_points(self, axis, ref_slice0 = ref_slice0, plus_face = plus_face, masked = masked)
|
688
|
-
|
689
|
-
# The implementations of the below functions have been moved to separate modules.
|
683
|
+
# the implementations of the functions below have been moved to separate modules
|
690
684
|
|
691
685
|
def cell_geometry_is_defined(self, cell_kji0 = None, cell_geometry_is_defined_root = None, cache_array = True):
|
692
686
|
"""Returns True if the geometry of the specified cell is defined.
|
@@ -558,6 +558,8 @@ def find_faces_to_represent_surface_regular_dense_optimised(grid,
|
|
558
558
|
to a grid connection set; use the non-dense version of the function for a reduced memory footprint;
|
559
559
|
this function is DEPRECATED pending proving of newer find_faces_to_represent_surface_regular_optimised()
|
560
560
|
"""
|
561
|
+
warnings.warn('DEPRECATED: grid_surface.find_faces_to_represent_surface_regular_dense_optimised() function; ' +
|
562
|
+
'use find_faces_to_represent_surface_regular_optimised() instead')
|
561
563
|
|
562
564
|
assert isinstance(grid, grr.RegularGrid)
|
563
565
|
assert grid.is_aligned
|
@@ -1363,6 +1365,7 @@ def bisector_from_faces( # type: ignore
|
|
1363
1365
|
assigned to either the True or False part
|
1364
1366
|
- this function is DEPRECATED, pending proving of newer indices based approach
|
1365
1367
|
"""
|
1368
|
+
warnings.warn('DEPRECATED: grid_surface.bisector_from_faces() function; use bisector_from_face_indices() instead')
|
1366
1369
|
assert len(grid_extent_kji) == 3
|
1367
1370
|
|
1368
1371
|
# find the surface boundary (includes a buffer slice where surface does not reach edge of grid)
|
resqpy/lines/_polyline.py
CHANGED
@@ -25,25 +25,22 @@ class Polyline(rql_c._BasePolyline):
|
|
25
25
|
|
26
26
|
resqml_type = 'PolylineRepresentation'
|
27
27
|
|
28
|
-
def __init__(
|
29
|
-
|
30
|
-
|
31
|
-
|
32
|
-
|
33
|
-
|
34
|
-
|
35
|
-
|
36
|
-
|
37
|
-
|
38
|
-
originator = None,
|
39
|
-
extra_metadata = None):
|
28
|
+
def __init__(self,
|
29
|
+
parent_model,
|
30
|
+
uuid = None,
|
31
|
+
set_coord = None,
|
32
|
+
set_crs = None,
|
33
|
+
is_closed = None,
|
34
|
+
title = None,
|
35
|
+
rep_int_root = None,
|
36
|
+
originator = None,
|
37
|
+
extra_metadata = None):
|
40
38
|
"""Initialises a new polyline object.
|
41
39
|
|
42
40
|
arguments:
|
43
41
|
parent_model (model.Model object): the model which the new PolylineRepresentation belongs to
|
44
42
|
uuid (uuid.UUID, optional): the uuid of an existing RESQML PolylineRepresentation from which
|
45
43
|
to initialise the resqpy Polyline
|
46
|
-
set_bool (boolean, optional): DEPRECATED: synonym for is_closed argument
|
47
44
|
set_coord (numpy float array, optional): an ordered set of xyz values used to define a new polyline;
|
48
45
|
last dimension of array must have extent 3; ignored if uuid is not None
|
49
46
|
set_crs (uuid.UUID, optional): the uuid of a crs to be used when initialising from coordinates;
|
@@ -65,10 +62,6 @@ class Polyline(rql_c._BasePolyline):
|
|
65
62
|
"""
|
66
63
|
|
67
64
|
self.model = parent_model
|
68
|
-
if set_bool is not None:
|
69
|
-
warnings.warn('DEPRECATED: use is_closed argument instead of set_bool, in Polyline initialisation')
|
70
|
-
if is_closed is None:
|
71
|
-
is_closed = set_bool
|
72
65
|
self.isclosed = is_closed
|
73
66
|
self.nodepatch = None
|
74
67
|
self.crs_uuid = set_crs
|
@@ -466,22 +459,20 @@ class Polyline(rql_c._BasePolyline):
|
|
466
459
|
if cache and self.centre is not None:
|
467
460
|
return self.centre
|
468
461
|
assert mode in ['weighted', 'sampled']
|
469
|
-
if mode
|
470
|
-
|
471
|
-
|
472
|
-
|
473
|
-
|
474
|
-
seg_count
|
475
|
-
|
476
|
-
|
477
|
-
|
478
|
-
|
479
|
-
|
480
|
-
|
481
|
-
|
482
|
-
|
483
|
-
sum += (p1 + p2) * vu.naive_length(p2 - p1)
|
484
|
-
centre = sum / (2.0 * self.full_length(in_xy = in_xy))
|
462
|
+
if mode != 'weighted': # ignore any other mode, ie. sampled
|
463
|
+
warnings.warn('DEPRECATED: weighted mode is only mode now supported for Polyline.balanced_centre()')
|
464
|
+
sum = np.zeros(3)
|
465
|
+
seg_count = len(self.coordinates) - 1
|
466
|
+
if self.isclosed:
|
467
|
+
seg_count += 1
|
468
|
+
d = 2 if in_xy else 3
|
469
|
+
p1 = np.zeros(3)
|
470
|
+
p2 = np.zeros(3)
|
471
|
+
for seg_index in range(seg_count):
|
472
|
+
successor = (seg_index + 1) % len(self.coordinates)
|
473
|
+
p1[:d], p2[:d] = self.coordinates[seg_index, :d], self.coordinates[successor, :d]
|
474
|
+
sum += (p1 + p2) * vu.naive_length(p2 - p1)
|
475
|
+
centre = sum / (2.0 * self.full_length(in_xy = in_xy))
|
485
476
|
if cache:
|
486
477
|
self.centre = centre
|
487
478
|
return centre
|
resqpy/model/_model.py
CHANGED
@@ -1340,7 +1340,8 @@ class Model():
|
|
1340
1340
|
an hdf5 file name is cached once determined for a given ext uuid; to clear the cache,
|
1341
1341
|
call the h5_clear_filename_cache() method
|
1342
1342
|
"""
|
1343
|
-
|
1343
|
+
if isinstance(override, bool):
|
1344
|
+
warnings.warn('DEPRECATED: boolean override argument to Model.h5_file_name(); use string instead')
|
1344
1345
|
return m_h._h5_file_name(self, uuid = uuid, override = override, file_must_exist = file_must_exist)
|
1345
1346
|
|
1346
1347
|
def h5_access(self, uuid = None, mode = 'r', override = 'default', file_path = None):
|
@@ -1366,7 +1367,8 @@ class Model():
|
|
1366
1367
|
an exception will be raised if the hdf5 file cannot be opened; note that sometimes another
|
1367
1368
|
piece of code accessing the file might cause a 'resource unavailable' exception
|
1368
1369
|
"""
|
1369
|
-
|
1370
|
+
if isinstance(override, bool):
|
1371
|
+
warnings.warn('DEPRECATED: boolean override argument to Model.h5_access(); use string instead')
|
1370
1372
|
return m_h._h5_access(self, uuid = uuid, mode = mode, override = override, file_path = file_path)
|
1371
1373
|
|
1372
1374
|
def h5_release(self):
|
@@ -213,7 +213,7 @@ def find_faces_to_represent_surface_regular_wrapper(index: int,
|
|
213
213
|
surface = rqs.Surface(model, crs_uuid = grid.crs.uuid, title = surf_title)
|
214
214
|
flange_bool = surface.set_from_point_set(pset,
|
215
215
|
convexity_parameter = 2.0,
|
216
|
-
reorient =
|
216
|
+
reorient = reorient,
|
217
217
|
extend_with_flange = extend_fault_representation,
|
218
218
|
flange_inner_ring = flange_inner_ring,
|
219
219
|
saucer_parameter = saucer_parameter,
|
resqpy/olio/triangulation.py
CHANGED
@@ -25,7 +25,7 @@ import resqpy.olio.vector_utilities as vec
|
|
25
25
|
|
26
26
|
def _dt_scipy(points: np.ndarray) -> Tuple[np.ndarray, np.ndarray]:
|
27
27
|
"""Calculates the Delaunay triangulation for an array of points and the convex hull indices.
|
28
|
-
|
28
|
+
|
29
29
|
arguments:
|
30
30
|
points (np.ndarray): coordinates of the points to triangulate; array has shape
|
31
31
|
(npoints, ndim)
|
@@ -871,6 +871,7 @@ def surrounding_xy_ring(p,
|
|
871
871
|
numpy float array of shape (N, 3) being xyz points in surrounding ring(s); z is set constant to
|
872
872
|
mean value of z in p (optionally adjussted based on saucer_angle);
|
873
873
|
N is count if inner_ring is False, 3 * count if True
|
874
|
+
radius used for ring of additional points
|
874
875
|
"""
|
875
876
|
|
876
877
|
def make_ring(count, centre, radius, saucer_angle):
|
@@ -898,8 +899,8 @@ def surrounding_xy_ring(p,
|
|
898
899
|
inner_radius = p_radius * 1.1
|
899
900
|
assert radius > inner_radius
|
900
901
|
in_ring = make_ring(2 * count, centre, inner_radius, saucer_angle)
|
901
|
-
return np.concatenate((in_ring, ring), axis = 0)
|
902
|
-
return ring
|
902
|
+
return np.concatenate((in_ring, ring), axis = 0), radius
|
903
|
+
return ring, radius
|
903
904
|
|
904
905
|
|
905
906
|
def edges(t):
|
resqpy/olio/volume.py
CHANGED
@@ -77,26 +77,6 @@ def tetra_cell_volume(cp, centre = None, off_hand = False):
|
|
77
77
|
return v / 6.0
|
78
78
|
|
79
79
|
|
80
|
-
def tetra_volumes_slow(cp, centres = None, off_hand = False):
|
81
|
-
"""Returns volume array for all hexahedral cells assuming bilinear faces, using loop over cells."""
|
82
|
-
|
83
|
-
# NB: deprecated, superceded by much faster function below
|
84
|
-
# todo: handle NaNs
|
85
|
-
# Pagoda style corner point data
|
86
|
-
assert cp.ndim == 7
|
87
|
-
|
88
|
-
flat = cp.reshape(-1, 2, 2, 2, 3)
|
89
|
-
cells = flat.shape[0]
|
90
|
-
if centres is None:
|
91
|
-
centres = np.mean(flat, axis = (1, 2, 3))
|
92
|
-
else:
|
93
|
-
centres = centres.reshape((-1, 3))
|
94
|
-
volumes = np.zeros(cells)
|
95
|
-
for cell in range(cells):
|
96
|
-
volumes[cell] = tetra_cell_volume(flat[cell], centre = centres[cell], off_hand = off_hand)
|
97
|
-
return volumes.reshape(cp.shape[0:3])
|
98
|
-
|
99
|
-
|
100
80
|
def tetra_volumes(cp, centres = None, off_hand = False):
|
101
81
|
"""Returns volume array for all hexahedral cells assuming bilinear faces, using numpy operations.
|
102
82
|
|
resqpy/property/__init__.py
CHANGED
@@ -8,7 +8,8 @@ __all__ = [
|
|
8
8
|
'reformat_column_edges_from_resqml_format', 'same_property_kind', 'selective_version_of_collection',
|
9
9
|
'supported_local_property_kind_list', 'supported_property_kind_list', 'supported_facet_type_list',
|
10
10
|
'expected_facet_type_dict', 'create_transmisibility_multiplier_property_kind',
|
11
|
-
'property_kind_and_facet_from_keyword', 'guess_uom', 'property_parts', 'property_part', 'make_aps_key'
|
11
|
+
'property_kind_and_facet_from_keyword', 'guess_uom', 'property_parts', 'property_part', 'make_aps_key',
|
12
|
+
'establish_zone_property_kind'
|
12
13
|
]
|
13
14
|
|
14
15
|
from .property_common import property_collection_for_keyword, \
|
@@ -27,7 +28,7 @@ from .property_common import property_collection_for_keyword, \
|
|
27
28
|
guess_uom, \
|
28
29
|
property_parts, \
|
29
30
|
property_part
|
30
|
-
from .property_kind import PropertyKind, create_transmisibility_multiplier_property_kind
|
31
|
+
from .property_kind import PropertyKind, create_transmisibility_multiplier_property_kind, establish_zone_property_kind
|
31
32
|
from .string_lookup import StringLookup
|
32
33
|
from .property_collection import PropertyCollection
|
33
34
|
from .attribute_property_set import AttributePropertySet, ApsProperty, make_aps_key
|
@@ -511,8 +511,8 @@ class _GridFromCp:
|
|
511
511
|
assert len(where_defined) == 3 and len(where_defined[0]) > 0, 'no extant cell geometries'
|
512
512
|
sample_kji0 = (where_defined[0][0], where_defined[1][0], where_defined[2][0])
|
513
513
|
sample_cp = self.__cp_array[sample_kji0]
|
514
|
-
self.__cell_ijk_lefthanded =
|
515
|
-
|
514
|
+
self.__cell_ijk_lefthanded = \
|
515
|
+
(vec.clockwise(sample_cp[0, 0, 0], sample_cp[0, 1, 0], sample_cp[0, 0, 1]) >= 0.0)
|
516
516
|
if not self.grid.k_direction_is_down:
|
517
517
|
self.__cell_ijk_lefthanded = not self.__cell_ijk_lefthanded
|
518
518
|
if self.__crs.is_right_handed_xyz():
|
resqpy/surface/_surface.py
CHANGED
@@ -8,6 +8,7 @@ import logging
|
|
8
8
|
log = logging.getLogger(__name__)
|
9
9
|
|
10
10
|
import numpy as np
|
11
|
+
import math as maths
|
11
12
|
|
12
13
|
import resqpy.crs as rqc
|
13
14
|
import resqpy.lines as rql
|
@@ -47,7 +48,7 @@ class Surface(rqsb.BaseSurface):
|
|
47
48
|
originator = None,
|
48
49
|
extra_metadata = {}):
|
49
50
|
"""Create an empty Surface object (RESQML TriangulatedSetRepresentation).
|
50
|
-
|
51
|
+
|
51
52
|
Optionally populates from xml, point set or mesh.
|
52
53
|
|
53
54
|
arguments:
|
@@ -619,23 +620,17 @@ class Surface(rqsb.BaseSurface):
|
|
619
620
|
suitable for adding as a property for the surface, with indexable element 'faces';
|
620
621
|
when flange extension occurs, the radius is the greater of the values determined from the radial factor
|
621
622
|
and radial distance arguments;
|
622
|
-
the saucer_parameter
|
623
|
-
|
624
|
-
|
625
|
-
|
626
|
-
shape in flange; (2) other values between -90.0 and 90.0 are interpreted as an angle to apply out of
|
627
|
-
the plane of the original points, to give a simple (and less computationally demanding) saucer shape;
|
628
|
-
+ve angles result in the shift being in the direction of the -ve z hemisphere; -ve angles result in
|
629
|
-
the shift being in the +ve z hemisphere; in either case the direction of the shift is perpendicular
|
630
|
-
to the average plane of the original points
|
623
|
+
the saucer_parameter must be between -90.0 and 90.0, and is interpreted as an angle to apply out of
|
624
|
+
the plane of the original points, to give a simple saucer shape; +ve angles result in the shift being in
|
625
|
+
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
|
631
627
|
"""
|
632
628
|
|
633
629
|
simple_saucer_angle = None
|
634
|
-
if saucer_parameter is not None
|
630
|
+
if saucer_parameter is not None:
|
635
631
|
assert -90.0 < saucer_parameter < 90.0, f'simple saucer angle parameter must be less than 90 degrees; too big: {saucer_parameter}'
|
636
632
|
simple_saucer_angle = saucer_parameter
|
637
633
|
saucer_parameter = None
|
638
|
-
assert saucer_parameter is None or 0.0 <= saucer_parameter < 1.0
|
639
634
|
crs = rqc.Crs(self.model, uuid = point_set.crs_uuid)
|
640
635
|
p = point_set.full_array_ref()
|
641
636
|
assert p.ndim >= 2
|
@@ -648,37 +643,28 @@ class Surface(rqsb.BaseSurface):
|
|
648
643
|
f'removing {len(p) - np.count_nonzero(row_mask)} NaN points from point set {point_set.title} prior to surface triangulation'
|
649
644
|
)
|
650
645
|
p = p[row_mask, :]
|
651
|
-
if crs.xy_units == crs.z_units
|
646
|
+
if crs.xy_units == crs.z_units:
|
652
647
|
unit_adjusted_p = p
|
653
648
|
else:
|
654
649
|
unit_adjusted_p = p.copy()
|
655
650
|
wam.convert_lengths(unit_adjusted_p[:, 2], crs.z_units, crs.xy_units)
|
656
|
-
|
657
|
-
|
658
|
-
max_dip = reorient_max_dip)
|
659
|
-
else:
|
660
|
-
p_xy = unit_adjusted_p
|
651
|
+
# 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)
|
661
653
|
if extend_with_flange:
|
662
|
-
|
663
|
-
|
664
|
-
|
665
|
-
|
666
|
-
|
667
|
-
|
668
|
-
|
669
|
-
radial_distance = flange_radial_distance,
|
670
|
-
inner_ring = flange_inner_ring,
|
671
|
-
saucer_angle = simple_saucer_angle)
|
672
|
-
p_xy_e = np.concatenate((p_xy, flange_points), axis = 0)
|
654
|
+
flange_points, radius = triangulate.surrounding_xy_ring(p_xy,
|
655
|
+
count = flange_point_count,
|
656
|
+
radial_factor = flange_radial_factor,
|
657
|
+
radial_distance = flange_radial_distance,
|
658
|
+
inner_ring = flange_inner_ring,
|
659
|
+
saucer_angle = 0.0)
|
660
|
+
flange_points_reverse_oriented = vec.rotate_array(reorient_matrix.T, flange_points)
|
673
661
|
if reorient:
|
674
|
-
|
675
|
-
flange_points_reverse_oriented = vec.rotate_array(reorient_matrix.T, flange_points)
|
676
|
-
p_e = np.concatenate((unit_adjusted_p, flange_points_reverse_oriented), axis = 0)
|
662
|
+
p_xy_e = np.concatenate((p_xy, flange_points), axis = 0)
|
677
663
|
else:
|
678
|
-
|
664
|
+
p_xy_e = np.concatenate((unit_adjusted_p, flange_points_reverse_oriented), axis = 0)
|
665
|
+
|
679
666
|
else:
|
680
|
-
p_xy_e =
|
681
|
-
p_e = unit_adjusted_p
|
667
|
+
p_xy_e = unit_adjusted_p
|
682
668
|
flange_array = None
|
683
669
|
log.debug('number of points going into dt: ' + str(len(p_xy_e)))
|
684
670
|
success = False
|
@@ -693,19 +679,209 @@ class Surface(rqsb.BaseSurface):
|
|
693
679
|
t = triangulate.dt(p_xy_e[:, :2], container_size_factor = convexity_parameter * 1.1)
|
694
680
|
log.debug('number of triangles: ' + str(len(t)))
|
695
681
|
if make_clockwise:
|
696
|
-
triangulate.make_all_clockwise_xy(t,
|
682
|
+
triangulate.make_all_clockwise_xy(t, p_xy_e) # modifies t in situ
|
697
683
|
if extend_with_flange:
|
698
684
|
flange_array = np.zeros(len(t), dtype = bool)
|
699
685
|
flange_array[:] = np.where(np.any(t >= len(p), axis = 1), True, False)
|
700
|
-
if
|
701
|
-
|
702
|
-
|
703
|
-
|
704
|
-
|
686
|
+
if simple_saucer_angle is not None:
|
687
|
+
assert abs(simple_saucer_angle) < 90.0
|
688
|
+
z_shift = radius * maths.tan(vec.radians_from_degrees(simple_saucer_angle))
|
689
|
+
flange_points[:, 2] -= z_shift
|
690
|
+
flange_points_reverse_oriented = vec.rotate_array(reorient_matrix.T, flange_points)
|
691
|
+
if crs.xy_units != crs.z_units:
|
692
|
+
wam.convert_lengths(flange_points_reverse_oriented[:, 2], crs.xy_units, crs.z_units)
|
693
|
+
p_e = np.concatenate((p, flange_points_reverse_oriented))
|
694
|
+
else:
|
695
|
+
p_e = p
|
705
696
|
self.crs_uuid = point_set.crs_uuid
|
706
697
|
self.set_from_triangles_and_points(t, p_e)
|
707
698
|
return flange_array
|
708
699
|
|
700
|
+
def extend_surface_with_flange(self,
|
701
|
+
convexity_parameter = 5.0,
|
702
|
+
reorient = False,
|
703
|
+
reorient_max_dip = None,
|
704
|
+
flange_point_count = 11,
|
705
|
+
flange_radial_factor = 10.0,
|
706
|
+
flange_radial_distance = None,
|
707
|
+
flange_inner_ring = False,
|
708
|
+
saucer_parameter = None,
|
709
|
+
make_clockwise = False,
|
710
|
+
retriangulate = False):
|
711
|
+
"""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
|
+
|
713
|
+
arguments:
|
714
|
+
convexity_parameter (float, default 5.0): controls how likely the resulting triangulation is to be
|
715
|
+
convex; reduce to 1.0 to allow slightly more concavities; increase to 100.0 or more for very little
|
716
|
+
chance of even a slight concavity
|
717
|
+
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
|
719
|
+
reorient_max_dip (float, optional): if present, the reorientation of perspective off vertical is
|
720
|
+
limited to this angle in degrees
|
721
|
+
flange_point_count (int, default 11): the number of points to generate in the flange ring; ignored if
|
722
|
+
retriangulate is False
|
723
|
+
flange_radial_factor (float, default 10.0): distance of flange points from centre of points, as a
|
724
|
+
factor of the maximum radial distance of the points themselves; ignored if extend_with_flange is False
|
725
|
+
flange_radial_distance (float, optional): if present, the minimum absolute distance of flange points from
|
726
|
+
centre of points; units are those of the crs
|
727
|
+
flange_inner_ring (bool, default False): if True, an inner ring of points, with double flange point counr,
|
728
|
+
is created at a radius just outside that of the furthest flung original point; this improves
|
729
|
+
triangulation of the extended point set when the original has a non-convex hull. Ignored if retriangulate
|
730
|
+
is False
|
731
|
+
saucer_parameter (float, optional): if present, and extend_with_flange is True, then a parameter
|
732
|
+
controlling the shift of flange points in a perpendicular direction away from the fault plane;
|
733
|
+
see notes for how this parameter is interpreted
|
734
|
+
make_clockwise (bool, default False): if True, the returned triangles will all be clockwise when
|
735
|
+
viewed in the direction -ve to +ve z axis; if reorient is also True, the clockwise aspect is
|
736
|
+
enforced in the reoriented space
|
737
|
+
retriangulate (bool, default False): if True, the surface will be generated with a retriangulation of
|
738
|
+
the existing points. If False, the surface will be generated by adding flange points and triangles directly
|
739
|
+
from the original surface edges, and will no retriangulate the input surface. If False the surface must not
|
740
|
+
contain tears
|
741
|
+
|
742
|
+
returns:
|
743
|
+
a new surface, and a boolean array of length N, where N is the number of triangles on the surface. This boolean
|
744
|
+
array is False on original triangle points, and True for extended flange triangles
|
745
|
+
|
746
|
+
notes:
|
747
|
+
a boolean array is created for the surface, with a value per triangle, set to False (zero) for non-flange
|
748
|
+
triangles and True (one) for flange triangles; this array is suitable for adding as a property for the
|
749
|
+
surface, with indexable element 'faces';
|
750
|
+
when flange extension occurs, the radius is the greater of the values determined from the radial factor
|
751
|
+
and radial distance arguments;
|
752
|
+
the saucer_parameter is interpreted in one of two ways: (1) +ve fractoinal values between zero and one
|
753
|
+
are the fractional distance from the centre of the points to its rim at which to sample the surface for
|
754
|
+
extrapolation and thereby modify the recumbent z of flange points; 0 will usually give shallower and
|
755
|
+
smoother saucer; larger values (must be less than one) will lead to stronger and more erratic saucer
|
756
|
+
shape in flange; (2) other values between -90.0 and 90.0 are interpreted as an angle to apply out of
|
757
|
+
the plane of the original points, to give a simple (and less computationally demanding) saucer shape;
|
758
|
+
+ve angles result in the shift being in the direction of the -ve z hemisphere; -ve angles result in
|
759
|
+
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
|
761
|
+
"""
|
762
|
+
prev_t, prev_p = self.triangles_and_points()
|
763
|
+
point_set = rqs.PointSet(self.model, crs_uuid = self.crs_uuid, title = self.title, points_array = prev_p)
|
764
|
+
if retriangulate:
|
765
|
+
out_surf = Surface(self.model, crs_uuid = self.crs_uuid, title = self.title)
|
766
|
+
return out_surf, out_surf.set_from_point_set(point_set, convexity_parameter, reorient, reorient_max_dip,
|
767
|
+
True, flange_point_count, flange_radial_factor,
|
768
|
+
flange_radial_distance, flange_inner_ring, saucer_parameter,
|
769
|
+
make_clockwise)
|
770
|
+
else:
|
771
|
+
simple_saucer_angle = None
|
772
|
+
if saucer_parameter is not None and (saucer_parameter > 1.0 or saucer_parameter < 0.0):
|
773
|
+
assert -90.0 < saucer_parameter < 90.0, f'simple saucer angle parameter must be less than 90 degrees; too big: {saucer_parameter}'
|
774
|
+
simple_saucer_angle = saucer_parameter
|
775
|
+
saucer_parameter = None
|
776
|
+
assert saucer_parameter is None or 0.0 <= saucer_parameter < 1.0
|
777
|
+
crs = rqc.Crs(self.model, uuid = point_set.crs_uuid)
|
778
|
+
assert prev_p.ndim >= 2
|
779
|
+
assert prev_p.shape[-1] == 3
|
780
|
+
p = prev_p.reshape((-1, 3))
|
781
|
+
if crs.xy_units == crs.z_units or not reorient:
|
782
|
+
unit_adjusted_p = p
|
783
|
+
else:
|
784
|
+
unit_adjusted_p = p.copy()
|
785
|
+
wam.convert_lengths(unit_adjusted_p[:, 2], crs.z_units, crs.xy_units)
|
786
|
+
if reorient:
|
787
|
+
p_xy, normal, reorient_matrix = triangulate.reorient(unit_adjusted_p, max_dip = reorient_max_dip)
|
788
|
+
else:
|
789
|
+
p_xy = unit_adjusted_p
|
790
|
+
normal = self.normal()
|
791
|
+
reorient_matrix = None
|
792
|
+
|
793
|
+
centre_point = np.nanmean(p_xy.reshape((-1, 3)), axis = 0) # work out the radius for the flange points
|
794
|
+
p_radius_v = np.nanmax(np.abs(p.reshape((-1, 3)) - np.expand_dims(centre_point, axis = 0)), axis = 0)[:2]
|
795
|
+
p_radius = maths.sqrt(np.sum(p_radius_v * p_radius_v))
|
796
|
+
radius = p_radius * flange_radial_factor
|
797
|
+
if flange_radial_distance is not None and flange_radial_distance > radius:
|
798
|
+
radius = flange_radial_distance
|
799
|
+
|
800
|
+
de, dc = self.distinct_edges_and_counts() # find the distinct edges and counts
|
801
|
+
unique_edge = de[dc == 1] # find hull edges (edges on only a single triangle)
|
802
|
+
hull_points = p_xy[unique_edge] # find points defining the hull edges
|
803
|
+
hull_centres = np.mean(hull_points, axis = 1) # find the centre of each edge
|
804
|
+
|
805
|
+
flange_points = np.empty(
|
806
|
+
shape = (hull_centres.shape), dtype = float
|
807
|
+
) # loop over all the hull centres, generating a flange point and finding the azimuth from the centre to the hull centre point
|
808
|
+
az = np.empty(shape = len(hull_centres), dtype = float)
|
809
|
+
for i, c in enumerate(hull_centres):
|
810
|
+
v = [centre_point[0] - c[0], centre_point[1] - c[1], centre_point[2] - c[2]]
|
811
|
+
uv = -vec.unit_vector(v)
|
812
|
+
az[i] = vec.azimuth(uv)
|
813
|
+
flange_point = centre_point + radius * uv
|
814
|
+
if simple_saucer_angle is not None:
|
815
|
+
z_shift = radius * maths.tan(vec.radians_from_degrees(simple_saucer_angle))
|
816
|
+
if reorient:
|
817
|
+
flange_point[2] -= z_shift
|
818
|
+
else:
|
819
|
+
flange_point -= (-vec.unit_vector(normal) * z_shift)
|
820
|
+
flange_points[i] = flange_point
|
821
|
+
|
822
|
+
sort_az_ind = np.argsort(np.array(az)) # sort by azimuth, to run through the hull points
|
823
|
+
new_points = np.empty(shape = (len(flange_points), 3), dtype = float)
|
824
|
+
new_triangles = np.empty(shape = (len(flange_points) * 2, 3), dtype = int)
|
825
|
+
point_offset = len(p_xy) # the indices of the new triangles will begin after this
|
826
|
+
for i, ind in enumerate(sort_az_ind): # loop over each point in azimuth order
|
827
|
+
new_points[i] = flange_points[ind]
|
828
|
+
this_hull_edge = unique_edge[ind]
|
829
|
+
|
830
|
+
def az_for_point(c):
|
831
|
+
v = [centre_point[0] - c[0], centre_point[1] - c[1], centre_point[2] - c[2]]
|
832
|
+
uv = -vec.unit_vector(v)
|
833
|
+
return vec.azimuth(uv)
|
834
|
+
|
835
|
+
this_edge_az_sort = np.array(
|
836
|
+
[az_for_point(p_xy[this_hull_edge[0]]),
|
837
|
+
az_for_point(p_xy[this_hull_edge[1]])])
|
838
|
+
if np.min(this_edge_az_sort) < az[ind] < np.max(this_edge_az_sort):
|
839
|
+
first, second = np.argsort(this_edge_az_sort)
|
840
|
+
else:
|
841
|
+
second, first = np.argsort(this_edge_az_sort)
|
842
|
+
if i != len(sort_az_ind) - 1:
|
843
|
+
new_triangles[2 * i] = np.array(
|
844
|
+
[this_hull_edge[first], this_hull_edge[second],
|
845
|
+
i + point_offset]) # add a triangle between the two hull points and the flange point
|
846
|
+
new_triangles[(2 * i) + 1] = np.array(
|
847
|
+
[this_hull_edge[second], i + point_offset,
|
848
|
+
i + point_offset + 1]) # for all but the last point, hookup triangle to the next flange point
|
849
|
+
else:
|
850
|
+
new_triangles[2 * i] = np.array(
|
851
|
+
[this_hull_edge[first], this_hull_edge[second],
|
852
|
+
i + point_offset]) # add a triangle between the two hull points and the first flange point
|
853
|
+
new_triangles[(2 * i) + 1] = np.array(
|
854
|
+
[this_hull_edge[second], point_offset,
|
855
|
+
i + point_offset]) # add in the final triangle between the first and last flange points
|
856
|
+
|
857
|
+
all_points = np.concatenate((p_xy, new_points)) # concatenate triangle and points arrays
|
858
|
+
all_triangles = np.concatenate((prev_t, new_triangles))
|
859
|
+
|
860
|
+
flange_array = np.zeros(shape = all_triangles.shape[0], dtype = bool)
|
861
|
+
flange_array[
|
862
|
+
len(prev_t):] = True # make a flange bool array, where all new triangles are flange and therefore True
|
863
|
+
|
864
|
+
assert len(all_points) == (
|
865
|
+
point_offset + len(flange_points)), "New point count should be old point count + flange point count"
|
866
|
+
assert len(all_triangles) == (
|
867
|
+
len(prev_t) +
|
868
|
+
2 * len(flange_points)), "New triangle count should be old triangle count + 2 x #flange points"
|
869
|
+
|
870
|
+
if saucer_parameter is not None:
|
871
|
+
_adjust_flange_z(self.model, crs.uuid, all_points, len(all_points), all_triangles, flange_array,
|
872
|
+
saucer_parameter) # adjust the flange points if in saucer mode
|
873
|
+
if reorient:
|
874
|
+
all_points = vec.rotate_array(reorient_matrix.T, all_points)
|
875
|
+
if crs.xy_units != crs.z_units and reorient:
|
876
|
+
wam.convert_lengths(all_points[:, 2], crs.xy_units, crs.z_units)
|
877
|
+
|
878
|
+
if make_clockwise:
|
879
|
+
triangulate.make_all_clockwise_xy(all_triangles, all_points) # modifies t in situ
|
880
|
+
|
881
|
+
out_surf = Surface(self.model, crs_uuid = self.crs_uuid, title = self.title)
|
882
|
+
out_surf.set_from_triangles_and_points(all_triangles, all_points) # create the new surface
|
883
|
+
return out_surf, flange_array
|
884
|
+
|
709
885
|
def make_all_clockwise_xy(self, reorient = False):
|
710
886
|
"""Reorders cached triangles data such that all triangles are clockwise when viewed from -ve z axis.
|
711
887
|
|
@@ -845,7 +1021,7 @@ class Surface(rqsb.BaseSurface):
|
|
845
1021
|
|
846
1022
|
def set_to_multi_cell_faces_from_corner_points(self, cp, quad_triangles = True):
|
847
1023
|
"""Populates this (empty) surface to represent faces of a set of cells.
|
848
|
-
|
1024
|
+
|
849
1025
|
From corner points of shape (N, 2, 2, 2, 3).
|
850
1026
|
"""
|
851
1027
|
assert cp.size % 24 == 0
|
@@ -881,7 +1057,7 @@ class Surface(rqsb.BaseSurface):
|
|
881
1057
|
|
882
1058
|
def set_to_horizontal_plane(self, depth, box_xyz, border = 0.0, quad_triangles = False):
|
883
1059
|
"""Populate this (empty) surface with a patch of two triangles.
|
884
|
-
|
1060
|
+
|
885
1061
|
Triangles define a flat, horizontal plane at a given depth.
|
886
1062
|
|
887
1063
|
arguments:
|
@@ -985,7 +1161,7 @@ class Surface(rqsb.BaseSurface):
|
|
985
1161
|
|
986
1162
|
def vertical_rescale_points(self, ref_depth = None, scaling_factor = 1.0):
|
987
1163
|
"""Modify the z values of points by rescaling.
|
988
|
-
|
1164
|
+
|
989
1165
|
Stretches the distance from reference depth by scaling factor.
|
990
1166
|
"""
|
991
1167
|
if scaling_factor == 1.0:
|
@@ -1170,11 +1346,11 @@ class Surface(rqsb.BaseSurface):
|
|
1170
1346
|
return resampled
|
1171
1347
|
|
1172
1348
|
def resample_surface_unique_edges(self):
|
1173
|
-
"""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.
|
1174
|
-
|
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.
|
1350
|
+
|
1175
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)
|
1176
1352
|
|
1177
|
-
returns:
|
1353
|
+
returns:
|
1178
1354
|
resqpy.surface.Surface object with extra_metadata ('unique edges resampled from surface': uuid), where uuid is for the original surface uuid
|
1179
1355
|
"""
|
1180
1356
|
_, op = self.triangles_and_points()
|
@@ -34,14 +34,15 @@ class AnyTimeSeries(BaseResqpy):
|
|
34
34
|
dt_text = rqet.find_tag_text(child, 'DateTime')
|
35
35
|
assert dt_text, 'missing DateTime field in xml for time series'
|
36
36
|
year_offset = rqet.find_tag_int(child, 'YearOffset')
|
37
|
-
if year_offset is not None:
|
38
|
-
assert self.timeframe == 'geologic'
|
37
|
+
if self.timeframe == 'geologic' and year_offset is not None:
|
39
38
|
if year_offset > 0:
|
40
39
|
log.warning(f'positive year offset in xml indicates future geological time: {year_offset}')
|
41
40
|
self.timestamps.append(year_offset) # todo: trim and check timestamp
|
42
|
-
|
43
|
-
|
41
|
+
elif self.timeframe == 'human' and not year_offset:
|
42
|
+
# year_offset can be 0 for "human" time frames, indicating None.
|
44
43
|
self.timestamps.append(dt_text) # todo: trim and check timestamp
|
44
|
+
else:
|
45
|
+
raise AssertionError(f'Invalid combination of timeframe {self.timeframe} and year_offset {year_offset}')
|
45
46
|
self.timestamps.sort()
|
46
47
|
|
47
48
|
def is_equivalent(self, other_ts):
|