From 57c13aaa9507c19205d5b8dcf72d48306bf2d5ec Mon Sep 17 00:00:00 2001 From: Martin de La Gorce Date: Tue, 22 Oct 2024 23:14:06 +0100 Subject: [PATCH 1/8] use numpy greater than 2.0 --- pyproject.toml | 4 ++-- requirements_build.txt | 2 +- 2 files changed, 3 insertions(+), 3 deletions(-) diff --git a/pyproject.toml b/pyproject.toml index 828e48a..8487c7b 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -1,5 +1,5 @@ [build-system] -requires = ["setuptools", "wheel", "numpy>=1.22.0", "Cython>=0.29"] +requires = ["setuptools", "wheel", "numpy>=2.0.0", "Cython>=0.29"] build-backend = "setuptools.build_meta" [project] @@ -12,7 +12,7 @@ license = { text = "BSD" } readme = "readme.md" dependencies = [ - "numpy>=1.22.0", "scipy" + "numpy>=2.0.0", "scipy" ] [tool.black] diff --git a/requirements_build.txt b/requirements_build.txt index 410b02d..1ce1c4b 100644 --- a/requirements_build.txt +++ b/requirements_build.txt @@ -1,2 +1,2 @@ -numpy==1.23.4 +numpy==2.0.2 cython==0.29.32 \ No newline at end of file From ac178867451ded6d9fca78b1ddba3eb4f9732645 Mon Sep 17 00:00:00 2001 From: Martin de La Gorce Date: Wed, 23 Oct 2024 12:10:49 +0100 Subject: [PATCH 2/8] update to numpy 2.0 --- create_venv.bat | 7 +- deodr/examples/depth_image_hand_fitting.py | 4 +- deodr/examples/rgb_image_hand_fitting.py | 8 +- .../differentiable_renderer_tensorflow.py | 1 + requirements.in | 26 +++ requirements.txt | 177 +++++++++++++++--- requirements_build.txt | 2 +- tests/test_depth_image_hand_fitting.py | 5 +- tests/test_rgb_image_hand_fitting.py | 6 +- 9 files changed, 201 insertions(+), 35 deletions(-) create mode 100644 requirements.in diff --git a/create_venv.bat b/create_venv.bat index 10f5102..910c920 100644 --- a/create_venv.bat +++ b/create_venv.bat @@ -1,4 +1,5 @@ python.exe -m venv python_venv -.\python_venv\scripts\python.exe -m pip install --upgrade pip -.\python_venv\scripts\pip.exe install -r requirements.txt -.\python_venv\scripts\pip.exe install -e . +call %~dp0/python_venv/Scripts/activate.bat +pip install uv +uv pip sync requirements.txt +uv pip install -e . diff --git a/deodr/examples/depth_image_hand_fitting.py b/deodr/examples/depth_image_hand_fitting.py index 17c9bcc..6db993a 100644 --- a/deodr/examples/depth_image_hand_fitting.py +++ b/deodr/examples/depth_image_hand_fitting.py @@ -16,7 +16,7 @@ from deodr import ColoredTriMesh from deodr.mesh_fitter import MeshDepthFitter from deodr.pytorch import MeshDepthFitter as PytorchMeshDepthFitter -from deodr.tensorflow import MeshDepthFitter as TensorFlowMeshDepthFitter +# from deodr.tensorflow import MeshDepthFitter as TensorFlowMeshDepthFitter def run( @@ -47,7 +47,7 @@ def run( mesh_depth_fitter_selector = { "none": MeshDepthFitter, "pytorch": PytorchMeshDepthFitter, - "tensorflow": TensorFlowMeshDepthFitter, + # "tensorflow": TensorFlowMeshDepthFitter, } hand_fitter: MeshDepthFitter = mesh_depth_fitter_selector[dl_library]( # type: ignore diff --git a/deodr/examples/rgb_image_hand_fitting.py b/deodr/examples/rgb_image_hand_fitting.py index 1a3529b..32adfc8 100644 --- a/deodr/examples/rgb_image_hand_fitting.py +++ b/deodr/examples/rgb_image_hand_fitting.py @@ -18,9 +18,9 @@ from deodr.mesh_fitter import MeshRGBFitterWithPose from deodr.meshlab_io import export_meshlab from deodr.pytorch import MeshRGBFitterWithPose as PyTorchMeshRGBFitterWithPose -from deodr.tensorflow import ( - MeshRGBFitterWithPose as TensorflowTorchMeshRGBFitterWithPose, -) +# from deodr.tensorflow import ( +# MeshRGBFitterWithPose as TensorflowTorchMeshRGBFitterWithPose, +# ) DlLibraryType = Literal["pytorch", "tensorflow", "none"] @@ -36,7 +36,7 @@ def run( mesh_fitter_selector = { "none": MeshRGBFitterWithPose, "pytorch": PyTorchMeshRGBFitterWithPose, - "tensorflow": TensorflowTorchMeshRGBFitterWithPose, + # "tensorflow": TensorflowTorchMeshRGBFitterWithPose, } hand_image = imread(os.path.join(deodr.data_path, "hand.png")).astype(np.double) / 255 diff --git a/deodr/tensorflow/differentiable_renderer_tensorflow.py b/deodr/tensorflow/differentiable_renderer_tensorflow.py index 7d30619..105e092 100644 --- a/deodr/tensorflow/differentiable_renderer_tensorflow.py +++ b/deodr/tensorflow/differentiable_renderer_tensorflow.py @@ -8,6 +8,7 @@ from .. import differentiable_renderer_cython # type: ignore from ..differentiable_renderer import Camera, Scene3D +raise NotImplementedError("Tensorflow support has been dropped starting from version 0.2.3 until tensorflow-intel support numpy 2.0") class CameraTensorflow(Camera): """Tensorflow implementation of the camera class.""" diff --git a/requirements.in b/requirements.in new file mode 100644 index 0000000..862e13c --- /dev/null +++ b/requirements.in @@ -0,0 +1,26 @@ +-f https://download.pytorch.org/whl/cu121 + +numpy>=2.0.2 +scipy +Cython +scikit-learn +matplotlib +imageio +trimesh +opencv-python>=4.8 +torch +torchvision +# tensorflow does not support numpy 2.0 yet https://github.com/tensorflow/tensorflow/issues/67291 +# tensorflow +moderngl +pyrr +pyrender +pytest-xvfb + +# devloppement +radon +pip-tools +mypy +ruff + + diff --git a/requirements.txt b/requirements.txt index e341c72..60ee97f 100644 --- a/requirements.txt +++ b/requirements.txt @@ -1,23 +1,154 @@ -numpy -scipy -Cython -scikit-learn -matplotlib -imageio -trimesh -opencv-python -torch -f https://download.pytorch.org/whl/cu117 -torchvision -f https://download.pytorch.org/whl/cu117 -tensorflow -moderngl -pyrr -pyrender -pytest-xvfb - -# devloppement -radon -pip-tools -mypy -ruff - - +# This file was autogenerated by uv via the following command: +# uv pip compile requirements.in -o requirements.txt +build==1.2.2.post1 + # via pip-tools +click==8.1.7 + # via pip-tools +colorama==0.4.6 + # via + # build + # click + # pytest + # radon +contourpy==1.3.0 + # via matplotlib +cycler==0.12.1 + # via matplotlib +cython==3.0.11 + # via -r requirements.in +filelock==3.16.1 + # via torch +fonttools==4.54.1 + # via matplotlib +freetype-py==2.5.1 + # via pyrender +fsspec==2024.10.0 + # via torch +glcontext==3.0.0 + # via moderngl +imageio==2.36.0 + # via + # -r requirements.in + # pyrender +iniconfig==2.0.0 + # via pytest +jinja2==3.1.4 + # via torch +joblib==1.4.2 + # via scikit-learn +kiwisolver==1.4.7 + # via matplotlib +mando==0.7.1 + # via radon +markupsafe==3.0.2 + # via jinja2 +matplotlib==3.9.2 + # via -r requirements.in +moderngl==5.12.0 + # via -r requirements.in +mpmath==1.3.0 + # via sympy +multipledispatch==1.0.0 + # via pyrr +mypy==1.13.0 + # via -r requirements.in +mypy-extensions==1.0.0 + # via mypy +networkx==3.4.2 + # via + # pyrender + # torch +numpy==2.1.2 + # via + # -r requirements.in + # contourpy + # imageio + # matplotlib + # opencv-python + # pyrender + # pyrr + # scikit-learn + # scipy + # torchvision + # trimesh +opencv-python==4.10.0.84 + # via -r requirements.in +packaging==24.1 + # via + # build + # matplotlib + # pytest +pillow==11.0.0 + # via + # imageio + # matplotlib + # pyrender + # torchvision +pip==24.2 + # via pip-tools +pip-tools==7.4.1 + # via -r requirements.in +pluggy==1.5.0 + # via pytest +pyglet==2.0.18 + # via pyrender +pyopengl==3.1.0 + # via pyrender +pyparsing==3.2.0 + # via matplotlib +pyproject-hooks==1.2.0 + # via + # build + # pip-tools +pyrender==0.1.45 + # via -r requirements.in +pyrr==0.10.3 + # via -r requirements.in +pytest==8.3.3 + # via pytest-xvfb +pytest-xvfb==3.0.0 + # via -r requirements.in +python-dateutil==2.9.0.post0 + # via matplotlib +pyvirtualdisplay==3.0 + # via pytest-xvfb +radon==6.0.1 + # via -r requirements.in +ruff==0.7.0 + # via -r requirements.in +scikit-learn==1.5.2 + # via -r requirements.in +scipy==1.14.1 + # via + # -r requirements.in + # pyrender + # scikit-learn +setuptools==75.2.0 + # via + # pip-tools + # torch +six==1.16.0 + # via + # mando + # pyrender + # python-dateutil +sympy==1.13.1 + # via torch +threadpoolctl==3.5.0 + # via scikit-learn +torch==2.5.0 + # via + # -r requirements.in + # torchvision +torchvision==0.20.0 + # via -r requirements.in +trimesh==4.5.1 + # via + # -r requirements.in + # pyrender +typing-extensions==4.12.2 + # via + # mypy + # torch +wheel==0.44.0 + # via pip-tools diff --git a/requirements_build.txt b/requirements_build.txt index 1ce1c4b..4fb93fc 100644 --- a/requirements_build.txt +++ b/requirements_build.txt @@ -1,2 +1,2 @@ numpy==2.0.2 -cython==0.29.32 \ No newline at end of file +cython \ No newline at end of file diff --git a/tests/test_depth_image_hand_fitting.py b/tests/test_depth_image_hand_fitting.py index 39d26d1..3864783 100644 --- a/tests/test_depth_image_hand_fitting.py +++ b/tests/test_depth_image_hand_fitting.py @@ -1,9 +1,9 @@ """Test using depth image hand fitting.""" import numpy as np -import tensorflow as tf from deodr.examples.depth_image_hand_fitting import run +import pytest def test_depth_image_hand_fitting_pytorch() -> None: @@ -42,7 +42,10 @@ def test_depth_image_hand_fitting_numpy() -> None: assert np.any(np.abs(np.array(possible_results) - energies[49]) < 1e-5) +@pytest.mark.skip(reason="Tensorflow does nto support numpy 2.0 yet") def test_depth_image_hand_fitting_tensorflow() -> None: + import tensorflow as tf + tf.config.set_visible_devices([], "GPU") # Running on CPU to get determinisic results energies = run( diff --git a/tests/test_rgb_image_hand_fitting.py b/tests/test_rgb_image_hand_fitting.py index 9ef0a2c..96c5e5a 100644 --- a/tests/test_rgb_image_hand_fitting.py +++ b/tests/test_rgb_image_hand_fitting.py @@ -1,9 +1,10 @@ """Test using rgb_image hand fitting.""" import numpy as np -import tensorflow as tf + from deodr.examples.rgb_image_hand_fitting import run +import pytest def test_rgb_image_hand_fitting_pytorch() -> None: @@ -49,7 +50,10 @@ def test_rgb_image_hand_fitting_numpy() -> None: assert np.any(np.abs(np.array(possible_results) - energies[49]) < 1e-5) +@pytest.mark.skip(reason="Tensorflow does nto support numpy 2.0 yet") def test_rgb_image_hand_fitting_tensorflow() -> None: + import tensorflow as tf + tf.config.set_visible_devices([], "GPU") # Running on CPU to get deterministic results energies = run( From 4714c113d975b341b0cebc7039166a38f3a7d697 Mon Sep 17 00:00:00 2001 From: Martin de La Gorce Date: Wed, 23 Oct 2024 12:11:22 +0100 Subject: [PATCH 3/8] Update __init__.py --- deodr/__init__.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/deodr/__init__.py b/deodr/__init__.py index 2ad1b4c..8c30734 100644 --- a/deodr/__init__.py +++ b/deodr/__init__.py @@ -8,7 +8,7 @@ Martin de La Gorce. 2019. """ -__version__ = "0.2.2" +__version__ = "0.2.3" __all__ = [ "Scene2D", From eb62bcb0724a0cb50de30fc8e335c082068cc9a9 Mon Sep 17 00:00:00 2001 From: Martin de La Gorce Date: Wed, 23 Oct 2024 12:18:38 +0100 Subject: [PATCH 4/8] ruff fixes --- deodr/examples/depth_image_hand_fitting.py | 1 + deodr/examples/eigen_faces.py | 4 ++-- deodr/examples/rgb_image_hand_fitting.py | 1 + deodr/opengl/__init__.py | 2 ++ deodr/tensorflow/differentiable_renderer_tensorflow.py | 5 ++++- tests/test_depth_image_hand_fitting.py | 2 +- tests/test_rgb_image_hand_fitting.py | 3 +-- 7 files changed, 12 insertions(+), 6 deletions(-) diff --git a/deodr/examples/depth_image_hand_fitting.py b/deodr/examples/depth_image_hand_fitting.py index 6db993a..493fa15 100644 --- a/deodr/examples/depth_image_hand_fitting.py +++ b/deodr/examples/depth_image_hand_fitting.py @@ -16,6 +16,7 @@ from deodr import ColoredTriMesh from deodr.mesh_fitter import MeshDepthFitter from deodr.pytorch import MeshDepthFitter as PytorchMeshDepthFitter + # from deodr.tensorflow import MeshDepthFitter as TensorFlowMeshDepthFitter diff --git a/deodr/examples/eigen_faces.py b/deodr/examples/eigen_faces.py index 970a497..20e28e5 100644 --- a/deodr/examples/eigen_faces.py +++ b/deodr/examples/eigen_faces.py @@ -189,8 +189,8 @@ def fun(points_deformed: np.ndarray, pca_coefs: np.ndarray) -> Tuple[float, Dict for niter in range(nb_iter): energy, grads = fun(**variables) print(f"iter{niter} E={energy}") - for name in variables: - variables[name] = variables[name] - lambdas[name] * grads[name] + for name, variable in variables.items(): + variables[name] = variable - lambdas[name] * grads[name] variables["points_deformed"][on_border] = points[on_border] diff --git a/deodr/examples/rgb_image_hand_fitting.py b/deodr/examples/rgb_image_hand_fitting.py index 32adfc8..63fa49c 100644 --- a/deodr/examples/rgb_image_hand_fitting.py +++ b/deodr/examples/rgb_image_hand_fitting.py @@ -18,6 +18,7 @@ from deodr.mesh_fitter import MeshRGBFitterWithPose from deodr.meshlab_io import export_meshlab from deodr.pytorch import MeshRGBFitterWithPose as PyTorchMeshRGBFitterWithPose + # from deodr.tensorflow import ( # MeshRGBFitterWithPose as TensorflowTorchMeshRGBFitterWithPose, # ) diff --git a/deodr/opengl/__init__.py b/deodr/opengl/__init__.py index 94ba109..df6cd7b 100644 --- a/deodr/opengl/__init__.py +++ b/deodr/opengl/__init__.py @@ -1,3 +1,5 @@ """Module to render deodr scenes using OpenGL using moderngl or pyrender.""" __all__ = ["moderngl", "pyrender"] + +from deodr.opengl import moderngl, pyrender diff --git a/deodr/tensorflow/differentiable_renderer_tensorflow.py b/deodr/tensorflow/differentiable_renderer_tensorflow.py index 105e092..8810561 100644 --- a/deodr/tensorflow/differentiable_renderer_tensorflow.py +++ b/deodr/tensorflow/differentiable_renderer_tensorflow.py @@ -8,7 +8,10 @@ from .. import differentiable_renderer_cython # type: ignore from ..differentiable_renderer import Camera, Scene3D -raise NotImplementedError("Tensorflow support has been dropped starting from version 0.2.3 until tensorflow-intel support numpy 2.0") +raise NotImplementedError( + "Tensorflow support has been dropped starting from version 0.2.3 until tensorflow-intel support numpy 2.0" +) + class CameraTensorflow(Camera): """Tensorflow implementation of the camera class.""" diff --git a/tests/test_depth_image_hand_fitting.py b/tests/test_depth_image_hand_fitting.py index 3864783..464bc1d 100644 --- a/tests/test_depth_image_hand_fitting.py +++ b/tests/test_depth_image_hand_fitting.py @@ -1,9 +1,9 @@ """Test using depth image hand fitting.""" import numpy as np +import pytest from deodr.examples.depth_image_hand_fitting import run -import pytest def test_depth_image_hand_fitting_pytorch() -> None: diff --git a/tests/test_rgb_image_hand_fitting.py b/tests/test_rgb_image_hand_fitting.py index 96c5e5a..7a22de8 100644 --- a/tests/test_rgb_image_hand_fitting.py +++ b/tests/test_rgb_image_hand_fitting.py @@ -1,10 +1,9 @@ """Test using rgb_image hand fitting.""" import numpy as np - +import pytest from deodr.examples.rgb_image_hand_fitting import run -import pytest def test_rgb_image_hand_fitting_pytorch() -> None: From bacc11b1d4134086513bfe78c69eff8bc3b83212 Mon Sep 17 00:00:00 2001 From: Martin de La Gorce Date: Wed, 23 Oct 2024 12:27:25 +0100 Subject: [PATCH 5/8] mypy fixes --- deodr/differentiable_renderer.py | 2 +- deodr/examples/rgb_image_hand_fitting.py | 2 +- deodr/examples/rgb_multiview_hand.py | 6 +++--- deodr/obj.py | 4 ++-- deodr/opengl/moderngl.py | 2 +- deodr/tensorflow/tools.py | 2 +- deodr/triangulated_mesh.py | 2 +- 7 files changed, 10 insertions(+), 10 deletions(-) diff --git a/deodr/differentiable_renderer.py b/deodr/differentiable_renderer.py index e70409e..0022cca 100644 --- a/deodr/differentiable_renderer.py +++ b/deodr/differentiable_renderer.py @@ -293,7 +293,7 @@ def world_to_camera(self, points_3d: np.ndarray) -> np.ndarray: return points_3d.dot(self.extrinsic[:3, :3].T) + self.extrinsic[:3, 3] def camera_to_world_mtx_4x4(self) -> np.ndarray: - return np.row_stack( + return np.vstack( ( np.column_stack((self.extrinsic[:, :3].T, self.get_center())), np.array((0, 0, 0, 1)), diff --git a/deodr/examples/rgb_image_hand_fitting.py b/deodr/examples/rgb_image_hand_fitting.py index 63fa49c..bab4c4f 100644 --- a/deodr/examples/rgb_image_hand_fitting.py +++ b/deodr/examples/rgb_image_hand_fitting.py @@ -71,7 +71,7 @@ def run( hand_fitter.reset() background_color = np.median( - np.row_stack( + np.vstack( ( hand_image[:10, :10, :].reshape(-1, 3), hand_image[-10:, :10, :].reshape(-1, 3), diff --git a/deodr/examples/rgb_multiview_hand.py b/deodr/examples/rgb_multiview_hand.py index 7ab1b2e..c6dc8d2 100644 --- a/deodr/examples/rgb_multiview_hand.py +++ b/deodr/examples/rgb_multiview_hand.py @@ -41,7 +41,7 @@ def run( default_light_ambient = 0.6 # default_light = {'directional':np.array([0.0,0.0,0.0]),'ambient':np.array([0.6])} - euler_init = np.row_stack([np.array([0, yrot, 0]) for yrot in np.linspace(-0.5, 0.5, 3)]) + euler_init = np.vstack([np.array([0, yrot, 0]) for yrot in np.linspace(-0.5, 0.5, 3)]) vertices = vertices - np.mean(vertices, axis=0) t_init = np.array([0, -0.2, 0.2]) @@ -69,7 +69,7 @@ def run( hand_image = hand_images[0] background_color = np.median( - np.row_stack( + np.vstack( ( hand_image[:10, :10, :].reshape(-1, 3), hand_image[-10:, :10, :].reshape(-1, 3), @@ -97,7 +97,7 @@ def run( if display or save_images: combined_image = np.column_stack( ( - np.row_stack(hand_images), + np.vstack(hand_images), image, np.tile(np.minimum(diff_image, 1)[:, :, None], (1, 1, 3)), ) diff --git a/deodr/obj.py b/deodr/obj.py index 06020b4..0651322 100644 --- a/deodr/obj.py +++ b/deodr/obj.py @@ -45,8 +45,8 @@ def read_obj(filename: str) -> Tuple[np.ndarray, np.ndarray]: cleaned_fields.append(v) faces.append(np.array(cleaned_fields)) - faces_np = np.row_stack(faces) - vertices_np = np.row_stack(vertices) + faces_np = np.vstack(faces) + vertices_np = np.vstack(vertices) return faces_np, vertices_np diff --git a/deodr/opengl/moderngl.py b/deodr/opengl/moderngl.py index 965cf69..e68fa0c 100644 --- a/deodr/opengl/moderngl.py +++ b/deodr/opengl/moderngl.py @@ -128,7 +128,7 @@ def set_texture(self, texture: np.ndarray) -> None: # texture.build_mipmaps() def set_camera(self, camera: Camera) -> None: - extrinsic = np.row_stack((camera.extrinsic, [0, 0, 0, 1])) + extrinsic = np.vstack((camera.extrinsic, [0, 0, 0, 1])) intrinsic = Matrix44( np.diag([1, -1, -1, 1]).dot( diff --git a/deodr/tensorflow/tools.py b/deodr/tensorflow/tools.py index d7ec148..32e09af 100644 --- a/deodr/tensorflow/tools.py +++ b/deodr/tensorflow/tools.py @@ -7,5 +7,5 @@ def scipy_sparse_matrix_to_tensorflow(x: scipy.sparse.spmatrix) -> tf.SparseTensor: coo = x.tocoo() - indices = np.mat([coo.row, coo.col]).transpose() + indices = np.array([coo.row, coo.col]).transpose() return tf.SparseTensor(indices, coo.data, coo.shape) diff --git a/deodr/triangulated_mesh.py b/deodr/triangulated_mesh.py index 574cb31..25806e8 100644 --- a/deodr/triangulated_mesh.py +++ b/deodr/triangulated_mesh.py @@ -546,7 +546,7 @@ def loop_subdivision(mesh: ColoredTriMesh, n_iter: int = 1) -> ColoredTriMesh: mesh.adjacencies.faces_edges[:, 2] + mesh.nb_vertices, ) ) - new_faces = np.row_stack((faces1, faces2, faces3, faces4)) + new_faces = np.vstack((faces1, faces2, faces3, faces4)) if mesh.uv is not None: raise BaseException("Textured mesh not supported yet in subdivision.") if mesh.vertices_colors is not None: From 74d86ec509613475b9972757948046e3972b6ed1 Mon Sep 17 00:00:00 2001 From: Martin de La Gorce Date: Wed, 23 Oct 2024 12:29:14 +0100 Subject: [PATCH 6/8] Update pythonpackage.yml --- .github/workflows/pythonpackage.yml | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/.github/workflows/pythonpackage.yml b/.github/workflows/pythonpackage.yml index f7a442f..6e567cc 100644 --- a/.github/workflows/pythonpackage.yml +++ b/.github/workflows/pythonpackage.yml @@ -34,7 +34,7 @@ jobs: - name: Lint with Ruff run: | pip install ruff - ruff . + ruff check . - name: Mypy run: | From 7bf188cf413d3c9d8607af91806a19cac94d26de Mon Sep 17 00:00:00 2001 From: Martin de La Gorce Date: Wed, 23 Oct 2024 12:42:22 +0100 Subject: [PATCH 7/8] try to fix wheels build --- .github/workflows/pythonpackage.yml | 2 +- .github/workflows/wheels.yml | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/.github/workflows/pythonpackage.yml b/.github/workflows/pythonpackage.yml index 6e567cc..77d505b 100644 --- a/.github/workflows/pythonpackage.yml +++ b/.github/workflows/pythonpackage.yml @@ -7,7 +7,7 @@ jobs: strategy: matrix: os: [windows-latest] - python-version: [ "3.9", "3.10"] + python-version: [ "3.10", "3.11"] runs-on: ${{ matrix.os }} steps: - uses: actions/checkout@v2 diff --git a/.github/workflows/wheels.yml b/.github/workflows/wheels.yml index 68475dc..5c42958 100644 --- a/.github/workflows/wheels.yml +++ b/.github/workflows/wheels.yml @@ -23,7 +23,7 @@ jobs: run: python -m cibuildwheel --output-dir wheelhouse # to supply options, put them in 'env', like: env: - CIBW_SKIP: pp31* # problem with missing GCC 8.4 + CIBW_SKIP: pp3* # problem with missing GCC 8.4 - uses: actions/upload-artifact@v3 with: From e6e9bfd8cc93a88f7ae95c9b123ceb651b62e55b Mon Sep 17 00:00:00 2001 From: Martin de La Gorce Date: Wed, 23 Oct 2024 13:03:48 +0100 Subject: [PATCH 8/8] Update wheels.yml --- .github/workflows/wheels.yml | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/.github/workflows/wheels.yml b/.github/workflows/wheels.yml index 5c42958..2e63e05 100644 --- a/.github/workflows/wheels.yml +++ b/.github/workflows/wheels.yml @@ -36,7 +36,7 @@ jobs: - uses: actions/checkout@v2 - name: Build sdist run: pipx run build --sdist - - uses: actions/upload-artifact@v2 + - uses: actions/upload-artifact@v3 with: path: dist/*.tar.gz