wolfhece 2.2.8__py3-none-any.whl → 2.2.10__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.
Files changed (33) hide show
  1. wolfhece/PyDraw.py +94 -24
  2. wolfhece/PyGui.py +1 -0
  3. wolfhece/PyVertex.py +127 -19
  4. wolfhece/PyVertexvectors.py +73 -21
  5. wolfhece/__init__.py +5 -2
  6. wolfhece/apps/version.py +1 -1
  7. wolfhece/hydrology/Internal_variables.py +283 -0
  8. wolfhece/hydrology/Models_characteristics.py +223 -0
  9. wolfhece/hydrology/Optimisation.py +324 -14
  10. wolfhece/hydrology/SubBasin.py +112 -28
  11. wolfhece/hydrology/cst_exchanges.py +1 -0
  12. wolfhece/hydrometry/kiwis.py +8 -3
  13. wolfhece/lagrangian/particle_system_ui.py +1 -1
  14. wolfhece/lazviewer/processing/estimate_normals/estimate_normals.cp311-win_amd64.pyd +0 -0
  15. wolfhece/lazviewer/vfuncsdir/vfuncs.cp311-win_amd64.pyd +0 -0
  16. wolfhece/lazviewer/viewer/viewer.exe +0 -0
  17. wolfhece/lazviewer/viewer/viewer_310.exe +0 -0
  18. wolfhece/libs/WolfDll.dll +0 -0
  19. wolfhece/libs/get_infos.cp311-win_amd64.pyd +0 -0
  20. wolfhece/libs/verify_wolf.cp311-win_amd64.pyd +0 -0
  21. wolfhece/libs/wolfogl.cp311-win_amd64.pyd +0 -0
  22. wolfhece/pydike.py +1 -1
  23. wolfhece/pyviews.py +1 -1
  24. wolfhece/wolf_array.py +28 -6
  25. wolfhece-2.2.10.dist-info/METADATA +90 -0
  26. {wolfhece-2.2.8.dist-info → wolfhece-2.2.10.dist-info}/RECORD +33 -21
  27. {wolfhece-2.2.8.dist-info → wolfhece-2.2.10.dist-info}/WHEEL +1 -1
  28. {wolfhece-2.2.8.dist-info → wolfhece-2.3.0.dist-info}/METADATA +3 -3
  29. wolfhece-2.3.0.dist-info/WHEEL +5 -0
  30. wolfhece-2.3.0.dist-info/entry_points.txt +17 -0
  31. wolfhece-2.3.0.dist-info/top_level.txt +1 -0
  32. {wolfhece-2.2.8.dist-info → wolfhece-2.2.10.dist-info}/entry_points.txt +0 -0
  33. {wolfhece-2.2.8.dist-info → wolfhece-2.2.10.dist-info}/top_level.txt +0 -0
@@ -34,6 +34,8 @@ from . import plot_hydrology as ph
34
34
  from . import data_treatment as datt
35
35
  from . import read as rd
36
36
  from . import constant as cst
37
+ from . import Models_characteristics as mc
38
+ from . import Internal_variables as iv
37
39
 
38
40
  from ..wolf_array import *
39
41
  from ..PyParams import*
@@ -3291,12 +3293,16 @@ class SubBasin:
3291
3293
  """
3292
3294
  This procedure is activating all internal variables of all the hydrological modules.
3293
3295
  """
3294
- if self.model == cst.tom_VHM:
3295
- self.activate_all_iv_VHM()
3296
- elif self.model == cst.tom_GR4:
3297
- self.activate_all_iv_GR4()
3298
- elif self.model == cst.tom_2layers_linIF:
3299
- self.activate_all_iv_2layers()
3296
+ # if self.model == cst.tom_VHM:
3297
+ # self.activate_all_iv_VHM()
3298
+ # elif self.model == cst.tom_GR4:
3299
+ # self.activate_all_iv_GR4()
3300
+ # elif self.model == cst.tom_2layers_linIF:
3301
+ # self.activate_all_iv_2layers()
3302
+ cur_dir = os.path.join(self.fileNameRead, "Subbasin_"+str(self.iDSorted))
3303
+
3304
+ mc.MODELS_VAR[self.model].activate_all(directory=cur_dir, prefix_file='simul', type_of_var=iv.FINAL_OUT_VAR)
3305
+ mc.MODELS_VAR[self.model].activate_all(directory=cur_dir, prefix_file='simul', type_of_var=iv.IV_VAR)
3300
3306
 
3301
3307
 
3302
3308
  def collect_x_VHM(self) -> dict[str,np.array]:
@@ -3559,29 +3565,8 @@ class SubBasin:
3559
3565
 
3560
3566
  if all_f == {}:
3561
3567
  all_f = self.collect_fractions()
3562
-
3563
- if interval is not None:
3564
- interv = np.zeros(len(self.time), dtype=bool)
3565
- for el in interval:
3566
- date_i = datetime.datetime.timestamp(el[0])
3567
- date_f = datetime.datetime.timestamp(el[1])
3568
- interv += (self.time>=date_i) & (self.time<=date_f)
3569
- else:
3570
- interv = np.ones(len(self.time), dtype=bool)
3571
3568
 
3572
- if summary == "mean":
3573
- return {key: np.nanmean(all_f[key], where=interv) for key in all_f}
3574
- elif summary == "median":
3575
- return {key: np.nanmedian(all_f[key][interv]) for key in all_f}
3576
- elif summary == "std":
3577
- return {key: np.nanstd(all_f[key][interv]) for key in all_f}
3578
- elif summary == "min":
3579
- return {key: np.nanmin(all_f[key], where=interv) for key in all_f}
3580
- elif summary == "max":
3581
- return {key: np.nanmax(all_f[key], where=interv, initial=0.0) for key in all_f}
3582
- else:
3583
- logging.error("The summary type is not recognised!")
3584
- return []
3569
+ return self._operation_on_ts(all_f, operation=summary, interval=interval)
3585
3570
 
3586
3571
 
3587
3572
  def get_volume_fractions(self, all_f:dict={},
@@ -3717,7 +3702,80 @@ class SubBasin:
3717
3702
  unit='mm/h'
3718
3703
 
3719
3704
  return self.get_outFlow(unit=unit)
3705
+
3706
+
3707
+ def get_flow_fractions(self, all_f:dict={}, summary:str=None,
3708
+ interval:list[tuple[datetime.datetime, datetime.datetime]]=None) -> dict[str, np.ndarray|float]:
3709
+ """
3710
+ This procedure is returning a summary of the fractions of the current module.
3711
+
3712
+ Parameters:
3713
+ - summary (str): The type of summary to return.
3714
+ - interval (list[datetime.datetime], optional): The interval of time to consider. Default is None.
3715
+
3716
+ Returns:
3717
+ - dict: A dictionary containing the summary of the fractions of the current module.
3718
+ """
3719
+
3720
+ if all_f == {}:
3721
+ cur_dir = os.path.join(self.fileNameRead, "Subbasin_"+str(self.iDSorted))
3722
+ all_qin = mc.MODELS_VAR[self.model].get_all_iv_timeseries(directory=cur_dir,
3723
+ prefix_file='simul', type_of_var=iv.FINAL_OUT_VAR)
3724
+ all_f = mc.MODELS_VAR[self.model].get_all_iv_timeseries(directory=cur_dir,
3725
+ prefix_file='simul', type_of_var=iv.DEFAULT_VAR)
3726
+ all_f.update(all_qin)
3727
+
3728
+ q_simul = self.get_outFlow(unit='mm/h')
3729
+ all_r = {"%"+key: val/q_simul * 100.0 for key, val in all_f.items()}
3730
+
3731
+ return self._operation_on_ts(all_r, summary=summary, interval=interval)
3732
+
3733
+
3734
+ def get_iv(self, all_iv:dict={}, max_params:dict={}, summary:str=None,
3735
+ interval:list[tuple[datetime.datetime, datetime.datetime]]=None) -> dict[str, np.array]:
3736
+ """
3737
+ This procedure is returning a summary of the fractions of the current module.
3738
+
3739
+ Parameters:
3740
+ - summary (str): The type of summary to return.
3741
+ - interval (list[datetime.datetime], optional): The interval of time to consider. Default is None.
3742
+
3743
+ Returns:
3744
+ - dict: A dictionary containing the summary of the fractions of the current module.
3745
+ """
3746
+
3747
+ if all_iv == {}:
3748
+ cur_dir = os.path.join(self.fileNameRead, "Subbasin_"+str(self.iDSorted))
3749
+ all_iv = mc.MODELS_VAR[self.model].get_all_iv_timeseries(directory=cur_dir,
3750
+ prefix_file='simul', type_of_var=iv.IV_VAR)
3751
+ if max_params != {}:
3752
+ out_dict = {key: all_iv[key]/cur_max for key, cur_max in max_params.items()}
3753
+ else:
3754
+ out_dict = all_iv
3720
3755
 
3756
+ return self._operation_on_ts(out_dict, summary=summary, interval=interval)
3757
+
3758
+
3759
+ def get_iv_fractions_one_date(self, all_iv:dict={}, max_params:dict={}, eval_date:datetime.datetime=None) -> dict[str, np.array]:
3760
+ """
3761
+ This procedure is returning a summary of the fractions of the current module.
3762
+
3763
+ Parameters:
3764
+ - summary (str): The type of summary to return.
3765
+ - interval (list[datetime.datetime], optional): The interval of time to consider. Default is None.
3766
+
3767
+ Returns:
3768
+ - dict: A dictionary containing the summary of the fractions of the current module.
3769
+ """
3770
+
3771
+ all_iv = self.get_iv(all_iv=all_iv, max_params=max_params, summary=None)
3772
+ t_eval = datetime.datetime.timestamp(eval_date)
3773
+ eval_i = np.searchsorted(self.time, t_eval)
3774
+ if self.time[eval_i] != t_eval:
3775
+ logging.warning("The date is not in the time series!")
3776
+ return {}
3777
+
3778
+ return {"% "+key: val[eval_i] for key, val in all_iv.items()}
3721
3779
 
3722
3780
 
3723
3781
  def import_from_pandas_Series(self, data:pd.Series, which="outFlow"):
@@ -3760,7 +3818,33 @@ class SubBasin:
3760
3818
  tserie = pd.Series(data, index=idx, copy=True, name=" ".join([self.name,which]))
3761
3819
 
3762
3820
  return tserie
3821
+
3822
+
3823
+ def _operation_on_ts(self, ts:dict[str, np.ndarray], summary:str=None, interval:list[tuple[datetime.datetime, datetime.datetime]]=None):
3824
+ if interval is not None:
3825
+ interv = np.zeros(len(self.time), dtype=bool)
3826
+ for el in interval:
3827
+ date_i = datetime.datetime.timestamp(el[0])
3828
+ date_f = datetime.datetime.timestamp(el[1])
3829
+ interv += (self.time>=date_i) & (self.time<=date_f)
3830
+ else:
3831
+ interv = np.ones(len(self.time), dtype=bool)
3763
3832
 
3833
+ if summary is None:
3834
+ return {key: ts[key][interv] for key in ts}
3835
+ elif summary == "mean":
3836
+ return {key: np.nanmean(ts[key], where=interv) for key in ts}
3837
+ elif summary == "median":
3838
+ return {key: np.nanmedian(ts[key][interv]) for key in ts}
3839
+ elif summary == "std":
3840
+ return {key: np.nanstd(ts[key][interv]) for key in ts}
3841
+ elif summary == "min":
3842
+ return {key: np.nanmin(ts[key], where=interv) for key in ts}
3843
+ elif summary == "max":
3844
+ return {key: np.nanmax(ts[key], where=interv, initial=0.0) for key in ts}
3845
+ else:
3846
+ logging.error("The summary type is not recognised!")
3847
+ return {}
3764
3848
 
3765
3849
  # def plot_Nash_vs_Qexcess(self, figure:plt.axis=None, toShow:bool=False, writeFile:str=""):
3766
3850
 
@@ -555,6 +555,7 @@ NAM["Parameters"][exchange_parameters_NAM_CK12]["File"] = ["simul_OF.param", "si
555
555
  NAM["Parameters"][exchange_parameters_NAM_CK12]["Group"] = ["Time Parameters", "NAM parameters"]
556
556
  NAM["Parameters"][exchange_parameters_NAM_CK12]["Key"] = ["Lagtime", "Lagtime"]
557
557
  NAM["Parameters"][exchange_parameters_NAM_CK12]["Unit"] = "[h]"
558
+ NAM["Parameters"][exchange_parameters_NAM_CK12]["Convertion Factor"] = [1/3600.0, 1.0] # [sec] -> [h]
558
559
  NAM["Parameters"][exchange_parameters_NAM_CK12]["Range"] = (10.0, 50.0)
559
560
  NAM["Parameters"][exchange_parameters_NAM_CAREA] = {}
560
561
  NAM["Parameters"][exchange_parameters_NAM_CAREA]["Name"] = "C_area"
@@ -436,7 +436,7 @@ class hydrometry():
436
436
 
437
437
  return self.url+'?request='+which.value+'&format='+format + datasource
438
438
 
439
- def daily_token(self):
439
+ def daily_token(self, timeout:int =5):
440
440
  """
441
441
  Get daily token to be identified on hydrometry website
442
442
 
@@ -457,7 +457,10 @@ class hydrometry():
457
457
  data = {'grant_type' :'client_credentials'}
458
458
 
459
459
  try:
460
- self.token = requests.post(self.urltoken, data=data, headers=headers).json()
460
+ self.token = requests.post(self.urltoken,
461
+ data=data,
462
+ headers=headers,
463
+ timeout=timeout).json()
461
464
 
462
465
  if 'error' in self.token:
463
466
  self.token = None
@@ -468,8 +471,10 @@ class hydrometry():
468
471
  json.dump(self.token, f)
469
472
  except:
470
473
  self._header = {'Authorization': 'Bearer '}
474
+ self.token = {'access_token': 0}
475
+ with open(today, 'w') as f:
476
+ json.dump(self.token, f)
471
477
  return
472
- self.token = None
473
478
 
474
479
  try:
475
480
  self._header = {'Authorization': 'Bearer {}'.format(self.token['access_token'])}
@@ -659,7 +659,7 @@ class Particle_system_to_draw(Element_To_Draw):
659
659
  logging.error(_('Dir {} does not contain particles'.format(fpath.parent)))
660
660
 
661
661
  self._ps.load(f)
662
- # with wx.lib.busy.BusyInfo(_('Importing particle system')):
662
+ # with wx.BusyInfo(_('Importing particle system')):
663
663
  # wx.Log.FlushActive()
664
664
  # wait = wx.BusyCursor()
665
665
  # self._ps.load(f)
Binary file
Binary file
wolfhece/libs/WolfDll.dll CHANGED
Binary file
wolfhece/pydike.py CHANGED
@@ -63,7 +63,7 @@ class Dike(Triangulation,Zones):
63
63
  nb = int(self.trace.length3D/ds)
64
64
  nb2 = int(max(distup,distdown)/ds)
65
65
 
66
- mytri = myzone.createmultibin(nb,nb2)
66
+ mytri = myzone.create_multibin(nb,nb2)
67
67
  self.tri = mytri.tri
68
68
  self.pts = mytri.pts
69
69
  self.nb_pts = mytri.nb_pts
wolfhece/pyviews.py CHANGED
@@ -44,7 +44,7 @@ class WolfViews(Element_To_Draw):
44
44
 
45
45
  mykeys = ['cross_sections', 'vector', 'array']
46
46
 
47
- # with wx.lib.busy.BusyInfo(_('Opening project')):
47
+ # with wx.BusyInfo(_('Opening project')):
48
48
  # wait = wx.BusyCursor()
49
49
 
50
50
  # if 'cross_sections' in myproject.myparams.keys():
wolfhece/wolf_array.py CHANGED
@@ -10064,7 +10064,8 @@ class WolfArray(Element_To_Draw, header_wolf):
10064
10064
  vmin:float=None, vmax:float=None,
10065
10065
  figsize:tuple=None,
10066
10066
  Walonmap:bool=False,
10067
- cat:str='IMAGERIE/ORTHO_2022_ETE'):
10067
+ cat:str='IMAGERIE/ORTHO_2022_ETE',
10068
+ first_mask_data:bool=True):
10068
10069
  """
10069
10070
  Plot the array - Matplotlib version
10070
10071
 
@@ -10117,7 +10118,9 @@ class WolfArray(Element_To_Draw, header_wolf):
10117
10118
  :rtype: tuple
10118
10119
  """
10119
10120
 
10120
- self.mask_data(self.nullvalue)
10121
+ if first_mask_data:
10122
+ self.mask_data(self.nullvalue)
10123
+
10121
10124
  if update_palette:
10122
10125
  self.updatepalette(0)
10123
10126
 
@@ -10151,7 +10154,9 @@ class WolfArray(Element_To_Draw, header_wolf):
10151
10154
  extent=(self.origx,
10152
10155
  self.origx + self.dx * self.nbx,
10153
10156
  self.origy,
10154
- self.origy + self.dy * self.nby))
10157
+ self.origy + self.dy * self.nby),
10158
+ alpha=np.select([self.array.mask.T, ~self.array.mask.T],
10159
+ [np.zeros(self.shape).T, np.ones(self.shape).T]))
10155
10160
  else:
10156
10161
  im = ax.imshow(self.array.transpose(),
10157
10162
  origin='lower',
@@ -10160,7 +10165,9 @@ class WolfArray(Element_To_Draw, header_wolf):
10160
10165
  self.origx + self.dx * self.nbx,
10161
10166
  self.origy,
10162
10167
  self.origy + self.dy * self.nby),
10163
- vmin=vmin, vmax=vmax)
10168
+ vmin=vmin, vmax=vmax,
10169
+ alpha=np.select([self.array.mask.T, ~self.array.mask.T],
10170
+ [np.zeros(self.shape).T, np.ones(self.shape).T]) )
10164
10171
  ax.set_aspect('equal')
10165
10172
 
10166
10173
  if getdata_im:
@@ -12083,7 +12090,15 @@ class WolfArrayMB(WolfArray):
12083
12090
 
12084
12091
  return newArray
12085
12092
 
12086
- def plot_matplotlib(self, figax:tuple=None, getdata_im:bool=False, update_palette:bool=True, vmin:float=None, vmax:float=None, figsize:tuple=None, Walonmap:bool=False, cat:str='IMAGERIE/ORTHO_2022_ETE'):
12093
+ def plot_matplotlib(self,
12094
+ figax:tuple=None,
12095
+ getdata_im:bool=False,
12096
+ update_palette:bool=True,
12097
+ vmin:float=None, vmax:float=None,
12098
+ figsize:tuple=None,
12099
+ Walonmap:bool=False,
12100
+ cat:str='IMAGERIE/ORTHO_2022_ETE',
12101
+ first_mask_data:bool=True):
12087
12102
  """
12088
12103
  Plot the multi-block (MB) array - Matplotlib version
12089
12104
 
@@ -12142,7 +12157,14 @@ class WolfArrayMB(WolfArray):
12142
12157
  # Convert to single block
12143
12158
  single_block = self.as_WolfArray()
12144
12159
 
12145
- return single_block.plot_matplotlib(figax=figax, getdata_im=getdata_im, update_palette=update_palette, vmin=vmin, vmax=vmax, figsize=figsize, Walonmap=Walonmap, cat=cat)
12160
+ return single_block.plot_matplotlib(figax=figax,
12161
+ getdata_im=getdata_im,
12162
+ update_palette=update_palette,
12163
+ vmin=vmin, vmax=vmax,
12164
+ figsize=figsize,
12165
+ Walonmap=Walonmap,
12166
+ cat=cat,
12167
+ first_mask_data=first_mask_data)
12146
12168
 
12147
12169
 
12148
12170
  class WolfArrayMNAP(WolfArrayMB):
@@ -0,0 +1,90 @@
1
+ Metadata-Version: 2.4
2
+ Name: wolfhece
3
+ Version: 2.2.10
4
+ Author-email: Pierre Archambeau <pierre.archambeau@uliege.be>
5
+ Project-URL: Homepage, https://uee.uliege.be/hece
6
+ Project-URL: Issues, https://uee.uliege.be/hece
7
+ Classifier: Programming Language :: Python :: 3.10
8
+ Classifier: Operating System :: Microsoft :: Windows :: Windows 10
9
+ Classifier: Operating System :: Microsoft :: Windows :: Windows 11
10
+ Classifier: Operating System :: POSIX :: Linux
11
+ Classifier: Topic :: Scientific/Engineering :: Physics
12
+ Requires-Python: <3.12,>=3.11
13
+ Description-Content-Type: text/markdown
14
+ Requires-Dist: wxpython==4.2.*
15
+ Requires-Dist: pyogrio
16
+ Requires-Dist: fiona
17
+ Requires-Dist: msvc-runtime
18
+ Requires-Dist: colorlog==6.7.*
19
+ Requires-Dist: intel-fortran-rt
20
+ Requires-Dist: scikit-learn
21
+ Requires-Dist: cryptography
22
+ Requires-Dist: jax==0.5.3
23
+ Requires-Dist: triangle
24
+ Requires-Dist: numpy==2.1.*
25
+ Requires-Dist: pyopengl==3.1.*
26
+ Requires-Dist: pandas
27
+ Requires-Dist: geopandas
28
+ Requires-Dist: scipy
29
+ Requires-Dist: owslib
30
+ Requires-Dist: pillow
31
+ Requires-Dist: cython
32
+ Requires-Dist: pyproj
33
+ Requires-Dist: dbfread
34
+ Requires-Dist: graphviz
35
+ Requires-Dist: owslib
36
+ Requires-Dist: beautifulsoup4
37
+ Requires-Dist: requests
38
+ Requires-Dist: matplotlib==3.10.*
39
+ Requires-Dist: mkl
40
+ Requires-Dist: python-gettext
41
+ Requires-Dist: shapely==2.1.*
42
+ Requires-Dist: openpyxl
43
+ Requires-Dist: xlrd
44
+ Requires-Dist: openkmi
45
+ Requires-Dist: lxml
46
+ Requires-Dist: laspy
47
+ Requires-Dist: laszip
48
+ Requires-Dist: sympy
49
+ Requires-Dist: python-pptx
50
+ Requires-Dist: python-docx
51
+ Requires-Dist: pygltflib
52
+ Requires-Dist: ezdxf
53
+ Requires-Dist: pyvista
54
+ Requires-Dist: tqdm==4.67.*
55
+ Requires-Dist: tifffile
56
+ Requires-Dist: numba==0.61.*
57
+ Requires-Dist: xmltodict
58
+ Requires-Dist: opencv-python
59
+ Requires-Dist: xarray
60
+ Requires-Dist: rasterio==1.4.3
61
+ Requires-Dist: h5py
62
+ Requires-Dist: exif
63
+ Requires-Dist: pyglm
64
+ Requires-Dist: mqtt
65
+ Requires-Dist: wradlib
66
+ Requires-Dist: seaborn
67
+ Requires-Dist: autograd
68
+ Requires-Dist: plyfile
69
+ Requires-Dist: tabulate
70
+ Requires-Dist: ipympl
71
+ Requires-Dist: contextily
72
+ Requires-Dist: pefile
73
+ Requires-Dist: wolfpydike
74
+
75
+ Ce paquet contient l'interface graphique Python du logiciel WOLF (HECE - ULiège) de même que plusieurs outils de traitements topographique, hydraulique et hydrologique.
76
+
77
+ Les codes de calcul ne sont pas contenus dans ce paquet.
78
+
79
+ Version 2.1.x compatible Numpy 1.23.5
80
+ Version 2.2.x compatible Numpy 2.1.3
81
+
82
+ --
83
+
84
+
85
+ This package contains the Python graphical interface of the WOLF software (HECE - ULiège), as well as several topographic, hydraulic, and hydrological processing tools.
86
+
87
+ The numerical codes are not included in this package.
88
+
89
+ Version 2.1.x compatible Numpy 1.23.5
90
+ Version 2.2.x compatible Numpy 2.1.3
@@ -8,23 +8,23 @@ wolfhece/Model1D.py,sha256=SI4oNF_J3MdjiWZoizS8kuRXLMVyymX9dYfYJNVCQVI,476989
8
8
  wolfhece/PandasGrid.py,sha256=YIleVkUkoP2MjtQBZ9Xgwk61zbgMj4Pmjj-clVTfPRs,2353
9
9
  wolfhece/PyConfig.py,sha256=Y0wtSIFpAMYa7IByh7hbW-WEOVjNsQEduq7vhIYdZQw,16716
10
10
  wolfhece/PyCrosssections.py,sha256=igU_ELrg5VrHU6RNbF5tHxPyVImpR3xdpfopJYc7haw,114711
11
- wolfhece/PyDraw.py,sha256=mCIcXgtTT3vvixO_bvo76HlgK9p1MKk1GljGGIuIosw,631732
12
- wolfhece/PyGui.py,sha256=IU97wVlmer3Q2MpWbJv4MQWH7nYbc5uN4pRzhr4jdlM,145197
11
+ wolfhece/PyDraw.py,sha256=MUxnzykOYLJFkF9tA6nutkasSTyDEuNzbwnfa_vmZF8,635057
12
+ wolfhece/PyGui.py,sha256=jhpOPYRDG3ms1oi7FUs2W80T4SdPssZEnijxqFtn6vA,145199
13
13
  wolfhece/PyGuiHydrology.py,sha256=sKafpOopBg50L5llZCI_fZtbebVTDtxvoRI6-osUwhg,14745
14
14
  wolfhece/PyHydrographs.py,sha256=1P5XAURNqCvtSsMQXhOn1ihjTpr725sRsZdlCEhhk6M,3730
15
15
  wolfhece/PyPalette.py,sha256=k9b_95GYD0USQ8DS5zGXeZ577712U6772kmhEbJtlXw,35406
16
16
  wolfhece/PyParams.py,sha256=Dh9C_WYICMjo3m9roRySsu8ZgFzzYhSr6RpbaXZni0M,99423
17
17
  wolfhece/PyPictures.py,sha256=m1kY0saW6Y9Q0bDCo47lW6XxDkBrbQG-Fd8uVn8G5ic,2514
18
18
  wolfhece/PyTranslate.py,sha256=4appkmNeHHZLFmUtaA_k5_5QL-5ymxnbVN4R2OblmtE,622
19
- wolfhece/PyVertex.py,sha256=WboSqzI0fYI7wLk-jtgQ0ykX5QBKuVJuoavc8NnjEoo,46593
20
- wolfhece/PyVertexvectors.py,sha256=0lt0YyHIz_IxgXqdqPlTDruDwjeP6L1Dw6B2Q35a8kQ,325801
19
+ wolfhece/PyVertex.py,sha256=WT2UprotBUEA6rvs8kXfPRscKrhIL4_pya2UylzoBJE,50385
20
+ wolfhece/PyVertexvectors.py,sha256=yPqE1rmqCSAucjNjSo1_srKHMwjqYWe0lx7S2Wbpryw,327905
21
21
  wolfhece/PyWMS.py,sha256=LWkQk3R7miiVal-n5K5P5ClSQJA_vi5ImBxYGuxCx9A,9122
22
22
  wolfhece/RatingCurve.py,sha256=bUjIrQjvIjkD4V-z8bZmA6pe1ILtYNM0-3fT6YUY1RU,22498
23
23
  wolfhece/RatingCurveData.py,sha256=5UvnIm89BwqjnEbLCcY3CA8WoFd_xHJbooNy62fX5iY,57660
24
24
  wolfhece/RatingCurve_xml.py,sha256=cUjReVMHFKtakA2wVey5zz6lCgHlSr72y7ZfswZDvTM,33891
25
25
  wolfhece/ReadDataDCENN.py,sha256=vm-I4YMryvRldjXTvRYEUCxZsjb_tM7U9yj6OaPyD0k,1538
26
26
  wolfhece/Results2DGPU.py,sha256=45bLAkWvqHcw60QIP7qXyizbmS7buoDC7ndzOVfiWXg,26302
27
- wolfhece/__init__.py,sha256=kw2zFam1CqCH6CHgRHCZt7YXzsGaOQ-PwNkIi_E2H-Y,272
27
+ wolfhece/__init__.py,sha256=5ijazf1b2m6y5V8VJwbYKh0AVnTSwuwrmSIu7rp21Ds,502
28
28
  wolfhece/_add_path.py,sha256=nudniS-lsgHwXXq5o626XRDzIeYj76GoGKYt6lcu2Nc,616
29
29
  wolfhece/analyze_vect.py,sha256=3lkMwaQ4KRddBVRvlP9PcM66wZwwC0eCmypP91AW-os,6015
30
30
  wolfhece/cli.py,sha256=U8D7e_OezfrRfgMsa4TyQ7rI4voLKSY3RK-c8fb6rrw,3156
@@ -48,17 +48,17 @@ wolfhece/picc.py,sha256=0X_pzhSBoVxgtTfJ37pkOQO3Vbr9yurPaD1nVeurx8k,8531
48
48
  wolfhece/pidcontroller.py,sha256=PHYenOdzfyPK2pXAhyRolCxMSMRd2AFza0eVMafpPHk,5205
49
49
  wolfhece/pyGui1D.py,sha256=9g7OS3YiKsqy--6y0cBD7x2gaqTTYFXWkxImpgnTA20,121937
50
50
  wolfhece/pybridges.py,sha256=bFAqjL4ColeJtwvyCPGQ8VllWoq1RbVWXxFrdfrvqm8,65954
51
- wolfhece/pydike.py,sha256=hPBQsmSTW4QAp1wcOzb-TL3L7eet2WT1sJx2q-WNQ-Q,2241
51
+ wolfhece/pydike.py,sha256=bKUwVvFMtAI4np4JJAkIa4xBDLw9l4py3l-Mjlfr_rM,2242
52
52
  wolfhece/pylogging.py,sha256=4TI8hgBB65z-zpvU5Rfa2jkPXPhJaqXjHVPwbcdzTNc,4528
53
53
  wolfhece/pypolygons_scen.py,sha256=WubNPQEk4fC--4qIHZK6mJqQnRs4mAWUpmjRL8q33Sw,46069
54
54
  wolfhece/pyshields.py,sha256=6YncgmcA6QvbyIl4jbFRf24uJVjhiSplQKWtZH42lXI,24108
55
- wolfhece/pyviews.py,sha256=5Hqqo9MRw1eiomYkmc7QywNu1KmEkytLJG-wH_aG38Y,13748
55
+ wolfhece/pyviews.py,sha256=zuZjWUptRDm1MTE1PN4Xj_qSITnojgDMG0LlFIBH3SE,13739
56
56
  wolfhece/pywalous.py,sha256=mWB7UxlYMIbPxNUDlONQEjcOOy9VSaRU9aYWZ5IFLu8,19164
57
57
  wolfhece/rain_SPWMI.py,sha256=qCfcmF7LajloOaCwnTrrSMzyME03YyilmRUOqrPrv3U,13846
58
58
  wolfhece/textpillow.py,sha256=map7HsGYML_o5NHRdFg2s_TVQed_lDnpYNDv27MM0Vw,14130
59
59
  wolfhece/tools2d_dll.py,sha256=oU0m9XYAf4CZsMoB68IuKeE6SQh-AqY7O5NVED8r9uw,13125
60
60
  wolfhece/tools_mpl.py,sha256=gQ3Jg1iuZiecmMqa5Eli2ZLSkttu68VXL8YmMDBaEYU,564
61
- wolfhece/wolf_array.py,sha256=HwOejG8kYTQ1l6c3RX8nuFwMAuySTWfgsxIvZl_Ivcg,496150
61
+ wolfhece/wolf_array.py,sha256=PlImSCX5lUeoqPR7ogqak_Zl6dLyGn5EXUzeD_6-xAU,497218
62
62
  wolfhece/wolf_hist.py,sha256=7jeVrgSkM3ErJO6SRMH_PGzfLjIdw8vTy87kesldggk,3582
63
63
  wolfhece/wolf_texture.py,sha256=IvFtekT5iLU2sivZOOlJXpE4CevjTQYSxHaOp4cH_wI,17723
64
64
  wolfhece/wolf_tiles.py,sha256=v-HohqaWuMYdn75XLnA22dlloAG90iwnIqrgnB0ASQ4,10488
@@ -86,7 +86,7 @@ wolfhece/apps/curvedigitizer.py,sha256=lEJJwgAfulrrWQc-U6ij6sj59hWN3SZl4Yu1kQxVz
86
86
  wolfhece/apps/hydrometry.py,sha256=lhhJsFeb4zGL4bNQTs0co85OQ_6ssL1Oy0OUJCzhfYE,656
87
87
  wolfhece/apps/isocurrent.py,sha256=dagmGR8ja9QQ1gwz_8fU-N052hIw-W0mWGVkzLu6C7I,4247
88
88
  wolfhece/apps/splashscreen.py,sha256=eCPAUYscZPWDYKBHDBWum_VIcE7WXOCBe1GLHL3KUmU,3088
89
- wolfhece/apps/version.py,sha256=VLekoececzg7H4Z0hu97fb37nDVx-7ndJhfqA8urYqc,387
89
+ wolfhece/apps/version.py,sha256=jwKS4e-_4CC0d7QyvFtDWckYcTMVOveGCPocSzztj48,388
90
90
  wolfhece/apps/wolf.py,sha256=j_CgvsL8rwixbVvVD5Z0s7m7cHZ86gmFLojKGuetMls,729
91
91
  wolfhece/apps/wolf2D.py,sha256=4z_OPQ3IgaLtjexjMKX9ppvqEYyjFLt1hcfFABy3-jU,703
92
92
  wolfhece/apps/wolf_logo.bmp,sha256=ruJ4MA51CpGO_AYUp_dB4SWKHelvhOvd7Q8NrVOjDJk,3126
@@ -130,15 +130,17 @@ wolfhece/ftp/downloader.py,sha256=NANzxSzdcp25dFMYin5QA9UnFexNe6-W2AqqTzUE4f4,52
130
130
  wolfhece/hydrology/Catchment.py,sha256=AKMIkGyMUK1TC_lKNZxFYwPt9bYtLOf0vLXILmZuTas,144465
131
131
  wolfhece/hydrology/Comparison.py,sha256=5uHQlKZgNUzpUM0xmLZUePuhq38x7w_hsIPO5Lm8lTE,84244
132
132
  wolfhece/hydrology/Dumping.py,sha256=SHGYXr30nMOGPSLArMvAzVxGyLywLf4i267166oUHhQ,2403
133
- wolfhece/hydrology/Optimisation.py,sha256=soT2TsM443uzqUFYOVDhj2oyLPF6Ob5YhRefSQLKkUM,149243
133
+ wolfhece/hydrology/Internal_variables.py,sha256=F-eLtV3pjzkPkp12qxSDYJsiInvGx-IPqIouTmaQMjg,10141
134
+ wolfhece/hydrology/Models_characteristics.py,sha256=qBvmyjpND_hPybR8M5s-FckUViwGdjxr3vv6PvtdQ-s,12614
135
+ wolfhece/hydrology/Optimisation.py,sha256=6UEeWmNfuuDUnyIVZAkSMy74PCl5nub8Pz4xvCoVDAQ,166919
134
136
  wolfhece/hydrology/Outlet.py,sha256=jdjYN2gIolQJ5prf1wVfxm7cp_YguwQ0JMRsC9ks-Tg,10519
135
137
  wolfhece/hydrology/PostProcessHydrology.py,sha256=GS2dm9ahDb856apXvTM-oyusTn0xj-ySNpKbHa_jQdw,7419
136
138
  wolfhece/hydrology/PyWatershed.py,sha256=a26M6tVe4hrQ-a8FyAx7H9-RZcVCU5BBzFff4_YT0UU,97665
137
139
  wolfhece/hydrology/RetentionBasin.py,sha256=vFvpnomo5h8ZWq3Hq-YlxRnyqyQqHrojABMKzu3RP6E,83358
138
- wolfhece/hydrology/SubBasin.py,sha256=wFPehJ0vbZM9nZjEdttuch3Dmt8LzDtRVsF5E8pxM4E,178326
140
+ wolfhece/hydrology/SubBasin.py,sha256=_grNjUSgFVViH0HDmRKyYt-ag9Y63y9hVOqVXOfk2OQ,182478
139
141
  wolfhece/hydrology/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
140
142
  wolfhece/hydrology/constant.py,sha256=0o6l8zwLESlW6G9vYNFlUJV4YhcDq6_jnCN28DNchmU,1634
141
- wolfhece/hydrology/cst_exchanges.py,sha256=w83FyI1gOQ5EjTWb9usLfakQAJwv52u8_Hap2Nih570,39593
143
+ wolfhece/hydrology/cst_exchanges.py,sha256=yT2cSIXjlfshPkSAdhyBxYwCPZ5L9s75BYM24tEO6_4,39699
142
144
  wolfhece/hydrology/data_treatment.py,sha256=vHNtEvXHJOdGHjaNjbTTvVoFQjVee-AdspJEesxVNuQ,34967
143
145
  wolfhece/hydrology/forcedexchanges.py,sha256=MrzMqKISX6G6t3XwkyFQa6tVFfTTC8ifm_nSvrOy5-8,2259
144
146
  wolfhece/hydrology/plot_hydrology.py,sha256=M1cujLxA03SG8P7CkIPVIsrbfsbCwZPpLHQHN2xxm4w,35708
@@ -146,7 +148,7 @@ wolfhece/hydrology/read.py,sha256=BaaIp1x44wPQz2LkWtzu7ZNKx3Gw_WDtAw-B4y_C2IU,95
146
148
  wolfhece/hydrology/slope_manager.py,sha256=vlek0z8qcqB61eleiksyOe3QR1vpbtwfeowy6ms7_Fg,5580
147
149
  wolfhece/hydrology/wolfMap_treatment.py,sha256=eAxr24zJGwmDof1aZpcxewVvv_bWDvoO8t9Wwf99Mlo,10606
148
150
  wolfhece/hydrometry/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
149
- wolfhece/hydrometry/kiwis.py,sha256=Y_rAEgnBFwGL7VY2nEAZ2_buoO4gDplMprRaB27-7RE,62665
151
+ wolfhece/hydrometry/kiwis.py,sha256=pCupiQvzOM0vtuN1Iqr7iba2kj-4gtj_-vDE-NWMAew,62936
150
152
  wolfhece/hydrometry/kiwis_gui.py,sha256=xubayI3ijq87l47pcVtP-D9mOGurOSu9rKz511oa7n0,24898
151
153
  wolfhece/hydrometry/kiwis_wolfgui.py,sha256=GPa5YNp2V2ZlxYQjPiCXERgPuWB_zij4ec2yHpRvoFA,4027
152
154
  wolfhece/icons/folder_open.png,sha256=ykBlU2FtGcpjAu1YO4_eGlDg2svgs_IAs-4d5O2e3AM,2329
@@ -160,7 +162,7 @@ wolfhece/lagrangian/advection.py,sha256=_fuDx8AcOVWxY1dYq3no3lSCmLwrw49AAAEr6icE
160
162
  wolfhece/lagrangian/emitter.py,sha256=D-94Joy_bJmhwDIomEDVo1q0LsuzrwaSpzSLjCWXSmo,11862
161
163
  wolfhece/lagrangian/example_domain.py,sha256=-xDTmo1vZWG3yZt3VdhEiOjvtbm77b_AuGb90Rgq2Rk,4787
162
164
  wolfhece/lagrangian/particle_system.py,sha256=ZwlgwH8JuBh3KBzxBZzSZi6ya3ftvk-4P3Lk4s_zh4A,23999
163
- wolfhece/lagrangian/particle_system_ui.py,sha256=NDQZ1NbwAKiIf5Jvr-oLvWBjJu4BjF_J3kSk1IYZfh4,29601
165
+ wolfhece/lagrangian/particle_system_ui.py,sha256=bW_4_42ghRRcGfErsFNfZDsrPdEmUaBLHmvCAaJsjzs,29592
164
166
  wolfhece/lagrangian/particles.py,sha256=sqp-_gfsIt8s3GNcI1eKaeOBMSo2C-wPrL7FpjkEyuw,9953
165
167
  wolfhece/lagrangian/velocity_field.py,sha256=oGVjNm98gEpawreFIrC1lDyC5bEhkk2CsyYAlF1Kq50,10574
166
168
  wolfhece/lazviewer/__init__.py,sha256=lz60EpQOBZ-zjvYzff6Y11jzAmC7mjOaxRYAfoqizQs,473
@@ -186,17 +188,20 @@ wolfhece/lazviewer/points/points.py,sha256=9qzCZvHMDL7ZdMc2P0UvljGHcB-L9_BlyR6ML
186
188
  wolfhece/lazviewer/processing/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
187
189
  wolfhece/lazviewer/processing/estimate_normals/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
188
190
  wolfhece/lazviewer/processing/estimate_normals/estimate_normals.cp310-win_amd64.pyd,sha256=zzSNvEeKLnH9Sxx_FsthQvopvB_DX-7Ov9dvkiH7G0w,124928
191
+ wolfhece/lazviewer/processing/estimate_normals/estimate_normals.cp311-win_amd64.pyd,sha256=kpNuajhll1MUuGSRk5_XF8UQ-Sr497dGriAkEhnacpY,124928
189
192
  wolfhece/lazviewer/processing/estimate_normals/estimate_normals.cp39-win_amd64.pyd,sha256=NBUTqdyyfQQXf3cBldV349yKJ6Rb7LlZKKg6UXSg2Gk,123392
190
193
  wolfhece/lazviewer/vfuncsdir/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
191
194
  wolfhece/lazviewer/vfuncsdir/vfuncs.cp310-win_amd64.pyd,sha256=zmnMvzBnaZdkQU-ATejht3VBUAWEcxeDmMkMsbeH_SA,136192
195
+ wolfhece/lazviewer/vfuncsdir/vfuncs.cp311-win_amd64.pyd,sha256=tR8zaiHL-MICAFr64i2EBt-SIsgGtaJY41sBzmvFiSs,136192
192
196
  wolfhece/lazviewer/vfuncsdir/vfuncs.cp39-win_amd64.pyd,sha256=MzAEyrgnqja-FjHGtL-jbWg9o0f2SWUDVimXBN-8kCA,135168
193
197
  wolfhece/lazviewer/viewer/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
194
198
  wolfhece/lazviewer/viewer/qt.conf,sha256=uzoy7MmKYo_uTrNsfMuQ84LgBI5pVOeWXK_rXYMjsXI,37
195
- wolfhece/lazviewer/viewer/viewer.exe,sha256=jRy4FhrTa7yN0Cp5dBvCGAL_oBOCqMYbu-dSB9NojAM,177152
199
+ wolfhece/lazviewer/viewer/viewer.exe,sha256=3G2EVR_zecWyFqV4AvOIW_5A8OMb3LDwAKTYFjJwFaU,177152
196
200
  wolfhece/lazviewer/viewer/viewer.py,sha256=5igxFDFZMnnnhF3oFbEHKLfgiK4TUgXEZHsgOJbtNY4,25319
201
+ wolfhece/lazviewer/viewer/viewer_310.exe,sha256=jRy4FhrTa7yN0Cp5dBvCGAL_oBOCqMYbu-dSB9NojAM,177152
197
202
  wolfhece/lazviewer/viewer/viewer_np1_23_5.exe,sha256=pF5nwE8vMWlEzkk-SOekae9zpOsPhTWhZbqaJntumJc,202240
198
203
  wolfhece/libs/MSVCP140.dll,sha256=2GrBWBI6JFuSdZLIDMAg_qKcjErdwURGbEYloAypx3o,565640
199
- wolfhece/libs/WolfDll.dll,sha256=iGTdK8Hb4OKxh3xCOuYrK2KCfDlUJGl50FGUP160ddQ,134159360
204
+ wolfhece/libs/WolfDll.dll,sha256=DlSlpFVicaGgBImvKSXHExgNNKphDwzCYW_w4EVrl8g,134153216
200
205
  wolfhece/libs/Wolf_tools.dll,sha256=HN4spQRt0f2hWm_4FsYdRuBo0hiCKFYnD0rOnJGJcAU,144569856
201
206
  wolfhece/libs/__init__.py,sha256=x7QvPd7hjL-Xl7RjlA8y6rcvKCkYu3JpFE3YnzUJeCY,3326
202
207
  wolfhece/libs/api-ms-win-crt-heap-l1-1-0.dll,sha256=r0euvgZa8vBFoZ8g7H5Upuc8DD6aUQimMJWnIyt1OBo,19720
@@ -204,6 +209,7 @@ wolfhece/libs/api-ms-win-crt-math-l1-1-0.dll,sha256=ol0GVN6wzqGu8Ym6IXTQ8TvfUvCY
204
209
  wolfhece/libs/api-ms-win-crt-runtime-l1-1-0.dll,sha256=NxpEq5FhSowm0Vm-uHKntD9WnLX6yK2pms6Y8mSjtQM,23304
205
210
  wolfhece/libs/fribidi-0.dll,sha256=MCLSH_tGJXcJdcnUXilGNTVMH6KU8OumYyJX8yN08bQ,111616
206
211
  wolfhece/libs/get_infos.cp310-win_amd64.pyd,sha256=teptWpe0zs4P3TSk-FOleP3YqIxxplutuUltMcaFrEs,78336
212
+ wolfhece/libs/get_infos.cp311-win_amd64.pyd,sha256=6-AJl8zY2K6UYsHTEshsKEC2-ggcdmwDRcNsfxzxZcU,78848
207
213
  wolfhece/libs/glu32.dll,sha256=gLubeeL9b_RDYTQ2JL0iHzpRMg8uapKCOEpZ15k1SUQ,164352
208
214
  wolfhece/libs/hdf5.dll,sha256=quTNP4GZtVNJ6Ptx__ltuGTN0gQ96rvkGL5yBLuUcF4,3129856
209
215
  wolfhece/libs/hdf5_hl.dll,sha256=alZLhLXbReBtwbwsariWWRPAlrwzrePr-Mbdgiy922Y,112128
@@ -217,7 +223,9 @@ wolfhece/libs/vcomp100.dll,sha256=NKvXc8hc4MrFa9k8ErALA6OmldGfR3zidaZPCZhMVJI,57
217
223
  wolfhece/libs/vcruntime140.dll,sha256=gPBsB0DzEBn3b7E5ihESs-AtG4Cu59OnONR1QI17TGA,98720
218
224
  wolfhece/libs/vcruntime140_1.dll,sha256=KZJoe26L6i76Krqne_OribgfhN6LxJQEcs0Xn_01hP8,38304
219
225
  wolfhece/libs/verify_wolf.cp310-win_amd64.pyd,sha256=HJhG4oSq994IQ_8lg6WTVJmoryc6qUSl-nTXXdEtf0A,128512
226
+ wolfhece/libs/verify_wolf.cp311-win_amd64.pyd,sha256=9WP-FUOKX5V0zuDyoro30rADB1Lbnc3R3a_h4p2GOS0,129536
220
227
  wolfhece/libs/wolfogl.cp310-win_amd64.pyd,sha256=8LNrIRLpoaHGjhQTIBDeklawTLCqIXsmgpOkAfCqsmM,458240
228
+ wolfhece/libs/wolfogl.cp311-win_amd64.pyd,sha256=9Zrm_KU_OMy8dRU8w0QrPoxDuwfjtl0QxSCBbdinhaQ,458240
221
229
  wolfhece/libs/zlib1.dll,sha256=E9a0e62VgmG1A8ohZzhVCmmfGtbyXxXu4aFeADTNJ30,77824
222
230
  wolfhece/libs/GL/gl.h,sha256=IhsS_fOLa8GW9MpiLZebe9QYRy6uIB_qK_uQMWMOoeg,46345
223
231
  wolfhece/libs/GL/glaux.h,sha256=I3vxXdrzVH05TmjEeAOgKn3egbPt34WMjbeKq5LaBvE,7130
@@ -314,8 +322,12 @@ wolfhece/ui/wolf_multiselection_collapsiblepane.py,sha256=8PlMYrb_8jI8h9F0_EagpM
314
322
  wolfhece/ui/wolf_times_selection_comparison_models.py,sha256=ORy7fz4dcp691qKzaOZHrRLZ0uXNhL-LIHxmpDGL6BI,5007
315
323
  wolfhece/wintab/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
316
324
  wolfhece/wintab/wintab.py,sha256=8A-JNONV6ujgsgG3lM5Uw-pVgglPATwKs86oBzzljoc,7179
317
- wolfhece-2.2.8.dist-info/METADATA,sha256=SZScGuzekEdz_ReMj94rQMIwrfNH3QMhDq0eEb-of9k,2744
318
- wolfhece-2.2.8.dist-info/WHEEL,sha256=pxyMxgL8-pra_rKaQ4drOZAegBVuX-G_4nRHjjgWbmo,91
319
- wolfhece-2.2.8.dist-info/entry_points.txt,sha256=ZZ-aSfbpdcmo-wo84lRFzBN7LaSnD1XRGSaAKVX-Gpc,522
320
- wolfhece-2.2.8.dist-info/top_level.txt,sha256=EfqZXMVCn7eILUzx9xsEu2oBbSo9liWPFWjIHik0iCI,9
321
- wolfhece-2.2.8.dist-info/RECORD,,
325
+ wolfhece-2.2.10.dist-info/METADATA,sha256=dZmOaHOR_0IxWFuN5lUKEm4R5MHxY2_U7VSECc8yJBU,2752
326
+ wolfhece-2.2.10.dist-info/WHEEL,sha256=SmOxYU7pzNKBqASvQJ7DjX3XGUF92lrGhMb3R6_iiqI,91
327
+ wolfhece-2.2.10.dist-info/entry_points.txt,sha256=ZZ-aSfbpdcmo-wo84lRFzBN7LaSnD1XRGSaAKVX-Gpc,522
328
+ wolfhece-2.2.10.dist-info/top_level.txt,sha256=EfqZXMVCn7eILUzx9xsEu2oBbSo9liWPFWjIHik0iCI,9
329
+ wolfhece-2.3.0.dist-info/METADATA,sha256=8SIgYZchVGjcc4QohW2ZsNn1YK_IFPRU9dBT6fhUAuE,2751
330
+ wolfhece-2.3.0.dist-info/WHEEL,sha256=SmOxYU7pzNKBqASvQJ7DjX3XGUF92lrGhMb3R6_iiqI,91
331
+ wolfhece-2.3.0.dist-info/entry_points.txt,sha256=ZZ-aSfbpdcmo-wo84lRFzBN7LaSnD1XRGSaAKVX-Gpc,522
332
+ wolfhece-2.3.0.dist-info/top_level.txt,sha256=EfqZXMVCn7eILUzx9xsEu2oBbSo9liWPFWjIHik0iCI,9
333
+ wolfhece-2.2.10.dist-info/RECORD,,
@@ -1,5 +1,5 @@
1
1
  Wheel-Version: 1.0
2
- Generator: setuptools (79.0.0)
2
+ Generator: setuptools (79.0.1)
3
3
  Root-Is-Purelib: true
4
4
  Tag: py3-none-any
5
5
 
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.4
2
2
  Name: wolfhece
3
- Version: 2.2.8
3
+ Version: 2.3.0
4
4
  Author-email: Pierre Archambeau <pierre.archambeau@uliege.be>
5
5
  Project-URL: Homepage, https://uee.uliege.be/hece
6
6
  Project-URL: Issues, https://uee.uliege.be/hece
@@ -9,9 +9,9 @@ Classifier: Operating System :: Microsoft :: Windows :: Windows 10
9
9
  Classifier: Operating System :: Microsoft :: Windows :: Windows 11
10
10
  Classifier: Operating System :: POSIX :: Linux
11
11
  Classifier: Topic :: Scientific/Engineering :: Physics
12
- Requires-Python: <3.11,>=3.10
12
+ Requires-Python: <3.12,>=3.11
13
13
  Description-Content-Type: text/markdown
14
- Requires-Dist: wxpython
14
+ Requires-Dist: wxpython==4.2.*
15
15
  Requires-Dist: pyogrio
16
16
  Requires-Dist: fiona
17
17
  Requires-Dist: msvc-runtime
@@ -0,0 +1,5 @@
1
+ Wheel-Version: 1.0
2
+ Generator: setuptools (79.0.1)
3
+ Root-Is-Purelib: true
4
+ Tag: py3-none-any
5
+
@@ -0,0 +1,17 @@
1
+ [console_scripts]
2
+ wolf_accept = wolfhece.cli:accept
3
+ wolf_check = wolfhece.cli:check
4
+ wolf_gui = wolfhece.cli:wolf
5
+ wolf_hydrometry = wolfhece.cli:hydrometry
6
+ wolf_license = wolfhece.cli:license
7
+
8
+ [gui_scripts]
9
+ wolf = wolfhece.cli:wolf
10
+ wolf2d = wolfhece.cli:wolf2d
11
+ wolfaccept = wolfhece.cli:acceptability_gui
12
+ wolfcompare = wolfhece.cli:compare
13
+ wolfdigitizer = wolfhece.cli:digitizer
14
+ wolfhydro = wolfhece.cli:hydro
15
+ wolfhydrometry = wolfhece.cli:hydrometry
16
+ wolfoptimhydro = wolfhece.cli:optihydro
17
+ wolfparam = wolfhece.cli:params
@@ -0,0 +1 @@
1
+ wolfhece