resqpy 4.18.10__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 CHANGED
@@ -28,6 +28,6 @@
28
28
 
29
29
  import logging
30
30
 
31
- __version__ = "4.18.10" # Set at build time
31
+ __version__ = "5.0.0" # Set at build time
32
32
  log = logging.getLogger(__name__)
33
33
  log.info(f"Imported resqpy version {__version__}")
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', 'establish_zone_property_kind', 'find_cell_for_x_sect_xz',
5
- 'grid_flavour', 'is_regular_grid', 'any_grid'
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
- def x_section_points(self, axis, ref_slice0 = 0, plus_face = False, masked = False):
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
- self,
30
- parent_model,
31
- uuid = None,
32
- set_bool = None, #: DEPRECATED
33
- set_coord = None,
34
- set_crs = None,
35
- is_closed = None,
36
- title = None,
37
- rep_int_root = None,
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 == 'sampled': # this mode is deprecated as it simply approximates the weighted mode
470
- sample_points = self.equidistant_points(n, in_xy = in_xy)
471
- centre = np.mean(sample_points, axis = 0)
472
- else: # 'weighted'
473
- sum = np.zeros(3)
474
- seg_count = len(self.coordinates) - 1
475
- if self.isclosed:
476
- seg_count += 1
477
- d = 2 if in_xy else 3
478
- p1 = np.zeros(3)
479
- p2 = np.zeros(3)
480
- for seg_index in range(seg_count):
481
- successor = (seg_index + 1) % len(self.coordinates)
482
- p1[:d], p2[:d] = self.coordinates[seg_index, :d], self.coordinates[successor, :d]
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):
@@ -43,6 +43,7 @@ def find_faces_to_represent_surface_regular_wrapper(index: int,
43
43
  raw_bisector: bool = False,
44
44
  use_pack: bool = False,
45
45
  flange_radius = None,
46
+ reorient = True,
46
47
  n_threads = 20) -> Tuple[int, bool, str, List[Union[UUID, str]]]:
47
48
  """Multiprocessing wrapper function of find_faces_to_represent_surface_regular_optimised.
48
49
 
@@ -96,6 +97,8 @@ def find_faces_to_represent_surface_regular_wrapper(index: int,
96
97
  packed format, which will only be readable by resqpy based applications
97
98
  flange_radius (float, optional): the radial distance to use for outer flange extension points; if None,
98
99
  a large value will be calculated from the grid size; units are xy units of grid crs
100
+ 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
99
102
  n_threads (int, default 20): the number of parallel threads to use in numba points in triangles function
100
103
 
101
104
  returns:
@@ -176,7 +179,7 @@ def find_faces_to_represent_surface_regular_wrapper(index: int,
176
179
  surf = rqs.Surface(model, crs_uuid = grid.crs.uuid, title = surf_title)
177
180
  flange_bool = surf.set_from_point_set(pset,
178
181
  convexity_parameter = 2.0,
179
- reorient = True,
182
+ reorient = reorient,
180
183
  extend_with_flange = extend_fault_representation,
181
184
  flange_inner_ring = flange_inner_ring,
182
185
  saucer_parameter = saucer_parameter,
@@ -210,7 +213,7 @@ def find_faces_to_represent_surface_regular_wrapper(index: int,
210
213
  surface = rqs.Surface(model, crs_uuid = grid.crs.uuid, title = surf_title)
211
214
  flange_bool = surface.set_from_point_set(pset,
212
215
  convexity_parameter = 2.0,
213
- reorient = True,
216
+ reorient = reorient,
214
217
  extend_with_flange = extend_fault_representation,
215
218
  flange_inner_ring = flange_inner_ring,
216
219
  saucer_parameter = saucer_parameter,
@@ -64,7 +64,10 @@ def load_nexus_fault_mult_table_from_list(file_as_list):
64
64
  outdata[mask] = np.concatenate(d_elems)
65
65
  df = pd.DataFrame(outdata)
66
66
  for column in df.columns:
67
- df[column] = pd.to_numeric(df[column], errors = 'ignore')
67
+ try:
68
+ df[column] = pd.to_numeric(df[column], errors = "coerce")
69
+ except ValueError:
70
+ pass
68
71
  df.columns = ['i1', 'i2', 'j1', 'j2', 'k1', 'k2', 'mult']
69
72
  df['grid'] = grid
70
73
  df['name'] = name
@@ -114,7 +117,10 @@ def load_nexus_fault_mult_table_from_list(file_as_list):
114
117
  outdata[mask] = np.concatenate(d_elems)
115
118
  df = pd.DataFrame(outdata)
116
119
  for column in df.columns:
117
- df[column] = pd.to_numeric(df[column], errors = 'ignore')
120
+ try:
121
+ df[column] = pd.to_numeric(df[column], errors = "coerce")
122
+ except ValueError:
123
+ pass
118
124
  df.columns = ['i1', 'i2', 'j1', 'j2', 'k1', 'k2', 'mult']
119
125
  df['grid'] = grid
120
126
  df['name'] = name
resqpy/olio/relperm.py CHANGED
@@ -91,7 +91,7 @@ class RelPerm(DataFrame):
91
91
  processed_phase_combo_checks.get(processed_phase_combo)(df)
92
92
  # ensure that missing capillary pressure values are stored as np.nan
93
93
  if 'Pc' in df.columns:
94
- df['Pc'].replace('None', np.nan, inplace = True)
94
+ df['Pc'] = df['Pc'].replace('None', np.nan)
95
95
  # convert all values in the dataframe to numeric type
96
96
  df[df.columns] = df[df.columns].apply(pd.to_numeric, errors = 'coerce')
97
97
  # ensure that no other column besides Pc has missing values
@@ -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
 
@@ -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
@@ -760,7 +760,8 @@ class PropertyCollection():
760
760
  title = None,
761
761
  title_mode = None,
762
762
  related_uuid = None,
763
- const_value = None):
763
+ const_value = None,
764
+ extra = None):
764
765
  """Returns a single part selected by those arguments which are not None.
765
766
 
766
767
  multiple_handling (string, default 'exception'): one of 'exception', 'none', 'first', 'oldest', 'newest'
@@ -799,7 +800,8 @@ class PropertyCollection():
799
800
  title = title,
800
801
  title_mode = title_mode,
801
802
  related_uuid = related_uuid,
802
- const_value = const_value)
803
+ const_value = const_value,
804
+ extra = extra)
803
805
  parts_list = temp_collection.parts()
804
806
  if len(parts_list) == 0:
805
807
  return None
@@ -832,7 +834,8 @@ class PropertyCollection():
832
834
  title = None,
833
835
  title_mode = None,
834
836
  related_uuid = None,
835
- use_pack = True):
837
+ use_pack = True,
838
+ extra = None):
836
839
  """Returns the array of data for a single part selected by those arguments which are not None.
837
840
 
838
841
  arguments:
@@ -849,7 +852,7 @@ class PropertyCollection():
849
852
 
850
853
  Other optional arguments:
851
854
  realization, support_uuid, continuous, points, count, indexable, property_kind, facet_type, facet,
852
- citation_title, time_series_uuid, time_index, uom, string_lookup_id, categorical, related_uuid:
855
+ citation_title, time_series_uuid, time_index, uom, string_lookup_id, categorical, related_uuid, extra:
853
856
 
854
857
  For each of these arguments: if None, then all members of collection pass this filter;
855
858
  if not None then only those members with the given value pass this filter;
@@ -885,7 +888,8 @@ class PropertyCollection():
885
888
  multiple_handling = multiple_handling,
886
889
  title = title,
887
890
  title_mode = title_mode,
888
- related_uuid = related_uuid)
891
+ related_uuid = related_uuid,
892
+ extra = extra)
889
893
  if part is None:
890
894
  return None
891
895
  return self.cached_part_array_ref(part,
@@ -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 = (vec.clockwise(sample_cp[0, 0, 0], sample_cp[0, 1, 0], sample_cp[0, 0, 1]) >=
515
- 0.0)
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():