From 430e93bf714df3475b043f4044c9db9e69bb6b51 Mon Sep 17 00:00:00 2001 From: GitHub Date: Wed, 27 Sep 2023 13:24:19 +0000 Subject: [PATCH 01/33] MAINT: update pip constraints and pre-commit --- .constraints/py3.10.txt | 2 +- .constraints/py3.11.txt | 2 +- .constraints/py3.8.txt | 2 +- .constraints/py3.9.txt | 2 +- 4 files changed, 4 insertions(+), 4 deletions(-) diff --git a/.constraints/py3.10.txt b/.constraints/py3.10.txt index 0770906a..6ad78c2a 100644 --- a/.constraints/py3.10.txt +++ b/.constraints/py3.10.txt @@ -66,7 +66,7 @@ jupyter==1.0.0 jupyter-cache==0.6.1 jupyter-client==7.4.9 jupyter-console==6.6.3 -jupyter-core==5.3.1 +jupyter-core==5.3.2 jupyter-events==0.7.0 jupyter-lsp==2.2.0 jupyter-server==2.7.3 diff --git a/.constraints/py3.11.txt b/.constraints/py3.11.txt index 2d8b414d..bc3e8b7f 100644 --- a/.constraints/py3.11.txt +++ b/.constraints/py3.11.txt @@ -65,7 +65,7 @@ jupyter==1.0.0 jupyter-cache==0.6.1 jupyter-client==7.4.9 jupyter-console==6.6.3 -jupyter-core==5.3.1 +jupyter-core==5.3.2 jupyter-events==0.7.0 jupyter-lsp==2.2.0 jupyter-server==2.7.3 diff --git a/.constraints/py3.8.txt b/.constraints/py3.8.txt index f8d820b0..e420db90 100644 --- a/.constraints/py3.8.txt +++ b/.constraints/py3.8.txt @@ -67,7 +67,7 @@ jupyter==1.0.0 jupyter-cache==0.6.1 jupyter-client==7.4.9 jupyter-console==6.6.3 -jupyter-core==5.3.1 +jupyter-core==5.3.2 jupyter-events==0.7.0 jupyter-lsp==2.2.0 jupyter-server==2.7.3 diff --git a/.constraints/py3.9.txt b/.constraints/py3.9.txt index 2c8a5bec..af2bf8b0 100644 --- a/.constraints/py3.9.txt +++ b/.constraints/py3.9.txt @@ -67,7 +67,7 @@ jupyter==1.0.0 jupyter-cache==0.6.1 jupyter-client==7.4.9 jupyter-console==6.6.3 -jupyter-core==5.3.1 +jupyter-core==5.3.2 jupyter-events==0.7.0 jupyter-lsp==2.2.0 jupyter-server==2.7.3 From 7ccaffe6f17d427ac39bff273605d416fa44917d Mon Sep 17 00:00:00 2001 From: GitHub Date: Wed, 27 Sep 2023 13:53:08 +0000 Subject: [PATCH 02/33] MAINT: update pip constraints and pre-commit --- .pre-commit-config.yaml | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml index 025eeb76..1fabc080 100644 --- a/.pre-commit-config.yaml +++ b/.pre-commit-config.yaml @@ -38,7 +38,7 @@ repos: )$ - repo: https://github.com/ComPWA/repo-maintenance - rev: 0.0.197 + rev: 0.0.198 hooks: - id: check-dev-files args: From ac349847851f75aa27d8a5a10ec911eba0c8925f Mon Sep 17 00:00:00 2001 From: "pre-commit-ci[bot]" <66853113+pre-commit-ci[bot]@users.noreply.github.com> Date: Wed, 27 Sep 2023 13:53:57 +0000 Subject: [PATCH 03/33] [pre-commit.ci] auto fixes from pre-commit.com hooks for more information, see https://pre-commit.ci --- .pre-commit-config.yaml | 9 ++++++--- .vscode/extensions.json | 1 + docs/adr/001/sympy.ipynb | 12 +++--------- docs/adr/002/composition.ipynb | 8 ++------ docs/adr/002/function.ipynb | 5 +---- docs/report/001.ipynb | 3 +-- docs/report/002.ipynb | 4 +--- docs/report/003.ipynb | 13 ++++--------- docs/report/005.ipynb | 4 +--- docs/report/008.ipynb | 6 +----- docs/report/009.ipynb | 4 +--- docs/report/010.ipynb | 6 +++--- docs/report/013.ipynb | 4 +--- docs/report/014.ipynb | 4 +--- docs/report/015.ipynb | 4 +--- docs/report/017.ipynb | 4 +--- docs/report/018.ipynb | 8 ++------ docs/report/020.ipynb | 4 +--- docs/report/021.ipynb | 23 +++++------------------ docs/report/022.ipynb | 4 +--- pyproject.toml | 1 - 21 files changed, 38 insertions(+), 93 deletions(-) diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml index 1fabc080..2b5356da 100644 --- a/.pre-commit-config.yaml +++ b/.pre-commit-config.yaml @@ -53,9 +53,6 @@ repos: - repo: https://github.com/nbQA-dev/nbQA rev: 1.7.0 hooks: - - id: nbqa-black - additional_dependencies: - - black>=22.1.0 - id: nbqa-pyupgrade args: - --py37-plus @@ -67,6 +64,11 @@ repos: rev: 23.9.1 hooks: - id: black + - id: black-jupyter + args: + - --line-length=85 + types_or: + - jupyter - repo: https://github.com/asottile/blacken-docs rev: 1.16.0 @@ -122,6 +124,7 @@ repos: cell.attachments cell.metadata.code_folding cell.metadata.id + cell.metadata.pycharm cell.metadata.user_expressions metadata.celltoolbar metadata.colab.name diff --git a/.vscode/extensions.json b/.vscode/extensions.json index 6aeaf8fe..7a26848f 100644 --- a/.vscode/extensions.json +++ b/.vscode/extensions.json @@ -25,6 +25,7 @@ ], "unwantedRecommendations": [ "bungcip.better-toml", + "davidanson.vscode-markdownlint", "ms-python.flake8", "ms-python.isort", "ms-python.mypy-type-checker", diff --git a/docs/adr/001/sympy.ipynb b/docs/adr/001/sympy.ipynb index e3add367..5e6e8a7d 100644 --- a/docs/adr/001/sympy.ipynb +++ b/docs/adr/001/sympy.ipynb @@ -510,9 +510,7 @@ "\n", "import sympy as sp\n", "\n", - "x, A1, mu1, sigma1, A2, mu2, sigma2 = sp.symbols(\n", - " \"x, A1, mu1, sigma1, A2, mu2, sigma2\"\n", - ")\n", + "x, A1, mu1, sigma1, A2, mu2, sigma2 = sp.symbols(\"x, A1, mu1, sigma1, A2, mu2, sigma2\")\n", "gaussian1 = (\n", " A1 / (sigma1 * sp.sqrt(2.0 * math.pi)) * sp.exp(-((x - mu1) ** 2) / (2 * sigma1))\n", ")\n", @@ -595,9 +593,7 @@ } ], "source": [ - "numpy_gauss_sum = sp.lambdify(\n", - " (x, A1, mu1, sigma1, A2, mu2, sigma2), gauss_sum, \"numpy\"\n", - ")\n", + "numpy_gauss_sum = sp.lambdify((x, A1, mu1, sigma1, A2, mu2, sigma2), gauss_sum, \"numpy\")\n", "print(inspect.getsource(numpy_gauss_sum))" ] }, @@ -687,9 +683,7 @@ "\n", "\n", "def native_jax_gauss_sum(x_, A1_, mu1_, sigma1_, A2_, mu2_, sigma2_):\n", - " return jax_gaussian(x_, A1_, mu1_, sigma1_) + jax_gaussian(\n", - " x_, A2_, mu2_, sigma2_\n", - " )" + " return jax_gaussian(x_, A1_, mu1_, sigma1_) + jax_gaussian(x_, A2_, mu2_, sigma2_)" ] }, { diff --git a/docs/adr/002/composition.ipynb b/docs/adr/002/composition.ipynb index 86c7c098..c548bcb8 100644 --- a/docs/adr/002/composition.ipynb +++ b/docs/adr/002/composition.ipynb @@ -133,9 +133,7 @@ " ff02 = blatt_weisskopf(q0_squared, meson_radius, angular_momentum)\n", " width = gamma0 * (mass0 / mass) * (ff2 / ff02)\n", " width = width * sp.sqrt(q_squared / q0_squared)\n", - " return (\n", - " relativistic_breit_wigner(mass, mass0, width) * mass0 * gamma0 * sp.sqrt(ff2)\n", - " )" + " return relativistic_breit_wigner(mass, mass0, width) * mass0 * gamma0 * sp.sqrt(ff2)" ] }, { @@ -364,9 +362,7 @@ "outputs": [], "source": [ "class DynamicsBuilder(Protocol):\n", - " def __call__(\n", - " self, graph: StateTransitionGraph, edge_id: int\n", - " ) -> DynamicsExpression:\n", + " def __call__(self, graph: StateTransitionGraph, edge_id: int) -> DynamicsExpression:\n", " ..." ] }, diff --git a/docs/adr/002/function.ipynb b/docs/adr/002/function.ipynb index 75aaacd3..2c70ff0b 100644 --- a/docs/adr/002/function.ipynb +++ b/docs/adr/002/function.ipynb @@ -153,10 +153,7 @@ " width = width * sp.sqrt(q_squared / q0_squared)\n", " # Expression\n", " return (\n", - " RelativisticBreitWigner(mass, mass0, width)\n", - " * mass0\n", - " * gamma0\n", - " * sp.sqrt(ff2)\n", + " RelativisticBreitWigner(mass, mass0, width) * mass0 * gamma0 * sp.sqrt(ff2)\n", " )\n", "\n", " @classmethod\n", diff --git a/docs/report/001.ipynb b/docs/report/001.ipynb index 0c778791..acb5fafc 100644 --- a/docs/report/001.ipynb +++ b/docs/report/001.ipynb @@ -474,8 +474,7 @@ " arg = expr.args[0]\n", " x = self._print(arg)\n", " return (\n", - " f\"select([less({x}, 0), True], [1j * sqrt(-{x}), sqrt({x})],\"\n", - " \" default=nan,)\"\n", + " f\"select([less({x}, 0), True], [1j * sqrt(-{x}), sqrt({x})], default=nan,)\"\n", " )" ] }, diff --git a/docs/report/002.ipynb b/docs/report/002.ipynb index 077e16e0..92e0f644 100644 --- a/docs/report/002.ipynb +++ b/docs/report/002.ipynb @@ -836,9 +836,7 @@ "intensity = LambdifiedFunction(sympy_model, backend=\"jax\")\n", "data_converter = HelicityTransformer(model.adapter)\n", "rng = TFUniformRealNumberGenerator(seed=0)\n", - "phsp_sample = generate_phsp(\n", - " 10_000, model.adapter.reaction_info, random_generator=rng\n", - ")\n", + "phsp_sample = generate_phsp(10_000, model.adapter.reaction_info, random_generator=rng)\n", "phsp_set = data_converter.transform(phsp_sample)" ] }, diff --git a/docs/report/003.ipynb b/docs/report/003.ipynb index 4330f266..91d1214d 100644 --- a/docs/report/003.ipynb +++ b/docs/report/003.ipynb @@ -448,8 +448,7 @@ "\n", "iplt.plot(\n", " plot_domain,\n", - " lambda *args, **kwargs: y_factor\n", - " * np_chew_mandelstam_s_wave(*args, **kwargs).real,\n", + " lambda *args, **kwargs: y_factor * np_chew_mandelstam_s_wave(*args, **kwargs).real,\n", " controls=controls,\n", " ylim=ylim,\n", " alpha=0.7,\n", @@ -458,8 +457,7 @@ ")\n", "iplt.plot(\n", " plot_domain,\n", - " lambda *args, **kwargs: y_factor\n", - " * np_chew_mandelstam_s_wave(*args, **kwargs).imag,\n", + " lambda *args, **kwargs: y_factor * np_chew_mandelstam_s_wave(*args, **kwargs).imag,\n", " controls=controls,\n", " ylim=ylim,\n", " alpha=0.7,\n", @@ -739,8 +737,7 @@ "outputs": [], "source": [ "sigma = {\n", - " l_val: (s_domain - s_thr_val) / np.pi * integral_values[l_val]\n", - " for l_val in l_values\n", + " l_val: (s_domain - s_thr_val) / np.pi * integral_values[l_val] for l_val in l_values\n", "}\n", "sigma_scaled = {l_val: 16 * np.pi * sigma[l_val] for l_val in l_values}" ] @@ -1064,9 +1061,7 @@ "s_values = np.linspace(-0.15, 1.4, num=200)\n", "fig, axes = plt.subplots(nrows=2, figsize=(6, 7), sharex=True)\n", "ax1, ax2 = axes\n", - "fig.suptitle(\n", - " f\"Symbolic dispersion integrals for $m_1={m1_val:.2f}, m_2={m2_val:.2f}$\"\n", - ")\n", + "fig.suptitle(f\"Symbolic dispersion integrals for $m_1={m1_val:.2f}, m_2={m2_val:.2f}$\")\n", "for ax in axes:\n", " ax.axhline(0, linewidth=0.5, c=\"black\")\n", " ax.axvline(s_thr_val, **threshold_style)\n", diff --git a/docs/report/005.ipynb b/docs/report/005.ipynb index 4cd5f46d..b69273ea 100644 --- a/docs/report/005.ipynb +++ b/docs/report/005.ipynb @@ -453,9 +453,7 @@ ], "source": [ "K_symbol = sp.IndexedBase(\"K\", shape=(n_channels, n_channels))\n", - "K = sp.Matrix(\n", - " [[K_symbol[i, j] for j in range(n_channels)] for i in range(n_channels)]\n", - ")\n", + "K = sp.Matrix([[K_symbol[i, j] for j in range(n_channels)] for i in range(n_channels)])\n", "display(K_symbol[i, j], K)" ] }, diff --git a/docs/report/008.ipynb b/docs/report/008.ipynb index a33517d8..cbb340b1 100644 --- a/docs/report/008.ipynb +++ b/docs/report/008.ipynb @@ -244,11 +244,7 @@ "source": [ "def replace_indexed_symbols(expression: sp.Expr) -> sp.Expr:\n", " return expression.subs(\n", - " {\n", - " s: to_symbol(s)\n", - " for s in expression.free_symbols\n", - " if isinstance(s, sp.Indexed)\n", - " }\n", + " {s: to_symbol(s) for s in expression.free_symbols if isinstance(s, sp.Indexed)}\n", " )" ] }, diff --git a/docs/report/009.ipynb b/docs/report/009.ipynb index 2526cd9d..f78bc2bb 100644 --- a/docs/report/009.ipynb +++ b/docs/report/009.ipynb @@ -921,9 +921,7 @@ " c=color,\n", " rotation=+90,\n", " )\n", - " threshold_indicators.append(\n", - " (line_thr, line_diff, text_thr, text_diff)\n", - " )\n", + " threshold_indicators.append((line_thr, line_diff, text_thr, text_diff))\n", " for i, (_, line_diff, _, text_diff) in enumerate(threshold_indicators):\n", " m_a = kwargs[f\"m_a{i}\"]\n", " m_b = kwargs[f\"m_b{i}\"]\n", diff --git a/docs/report/010.ipynb b/docs/report/010.ipynb index c2c211bd..1b91beb3 100644 --- a/docs/report/010.ipynb +++ b/docs/report/010.ipynb @@ -478,9 +478,9 @@ " m = sp.Symbol(\"m\", real=True)\n", " epsilon = sp.Symbol(\"epsilon\", real=True)\n", " i = sp.Symbol(\"i\", integer=True, negative=False)\n", - " expr = f_vector(\n", - " n_resonances, n_channels, angular_momentum=angular_momentum\n", - " ).doit()[i, 0]\n", + " expr = f_vector(n_resonances, n_channels, angular_momentum=angular_momentum).doit()[\n", + " i, 0\n", + " ]\n", " expr = symplot.substitute_indexed_symbols(expr)\n", " expr = expr.subs(m, m + epsilon * sp.I)\n", " np_expr, sliders = symplot.prepare_sliders(expr, m)\n", diff --git a/docs/report/013.ipynb b/docs/report/013.ipynb index 221502bd..9874083b 100644 --- a/docs/report/013.ipynb +++ b/docs/report/013.ipynb @@ -487,9 +487,7 @@ " intensity_func = create_function(substituted_expression, backend=\"jax\")\n", " intensities_all = np.array(intensity_func(phsp).real)\n", " intensities_k = compute_sub_intensities(model, \"K^*\", phsp, full_expression)\n", - " intensities_delta = compute_sub_intensities(\n", - " model, \"Delta^*\", phsp, full_expression\n", - " )\n", + " intensities_delta = compute_sub_intensities(model, \"Delta^*\", phsp, full_expression)\n", " intensities_lambda = compute_sub_intensities(\n", " model, \"Lambda^*\", phsp, full_expression\n", " )\n", diff --git a/docs/report/014.ipynb b/docs/report/014.ipynb index 7828a973..53242951 100644 --- a/docs/report/014.ipynb +++ b/docs/report/014.ipynb @@ -853,9 +853,7 @@ "display(\n", " *[\n", " graphviz.Source(\n", - " qrules.io.asdot(\n", - " g, collapse_graphs=True, size=4, render_resonance_id=True\n", - " )\n", + " qrules.io.asdot(g, collapse_graphs=True, size=4, render_resonance_id=True)\n", " )\n", " for g in reaction_two_resonances.transition_groups\n", " ]\n", diff --git a/docs/report/015.ipynb b/docs/report/015.ipynb index 68114bf0..168a713f 100644 --- a/docs/report/015.ipynb +++ b/docs/report/015.ipynb @@ -561,9 +561,7 @@ " particle_name = state.particle.latex\n", " s = sp.Rational(state.particle.spin)\n", " m = sp.Rational(state.spin_projection)\n", - " display(\n", - " Math(Rf\"|s_{i},m_{i}\\rangle=|{s},{m}\\rangle \\quad ({particle_name})\")\n", - " )\n", + " display(Math(Rf\"|s_{i},m_{i}\\rangle=|{s},{m}\\rangle \\quad ({particle_name})\"))\n", " if functor is formulate_rotation_chain:\n", " args = (transition, i)\n", " else:\n", diff --git a/docs/report/017.ipynb b/docs/report/017.ipynb index 80cae815..210b3862 100644 --- a/docs/report/017.ipynb +++ b/docs/report/017.ipynb @@ -210,9 +210,7 @@ "@implement_doit_method\n", "class Kibble(UnevaluatedExpression):\n", " def __new__(cls, sigma1, sigma2, sigma3, m0, m1, m2, m3, **hints) -> Kibble:\n", - " return create_expression(\n", - " cls, sigma1, sigma2, sigma3, m0, m1, m2, m3, **hints\n", - " )\n", + " return create_expression(cls, sigma1, sigma2, sigma3, m0, m1, m2, m3, **hints)\n", "\n", " def evaluate(self) -> sp.Expr:\n", " sigma1, sigma2, sigma3, m0, m1, m2, m3 = self.args\n", diff --git a/docs/report/018.ipynb b/docs/report/018.ipynb index a06ffa7c..4d4c9b8d 100644 --- a/docs/report/018.ipynb +++ b/docs/report/018.ipynb @@ -217,9 +217,7 @@ " initial_state_mass=reaction.initial_state[-1].mass,\n", " final_state_masses={i: p.mass for i, p in reaction.final_state.items()},\n", ")\n", - "transformer = SympyDataTransformer.from_sympy(\n", - " model.kinematic_variables, backend=\"jax\"\n", - ")\n", + "transformer = SympyDataTransformer.from_sympy(model.kinematic_variables, backend=\"jax\")\n", "phsp = phsp_generator.generate(1_000_000, rng)\n", "phsp = transformer(phsp)" ] @@ -354,9 +352,7 @@ "\n", " Z_weights = griddata(np.transpose([x, y]), weights, (X, Y))\n", " Z_unweighted, x_edges, y_edges = jnp.histogram2d(x, y, bins=n_bins)\n", - " Z_weighted, x_edges, y_edges = jnp.histogram2d(\n", - " x, y, bins=n_bins, weights=weights\n", - " )\n", + " Z_weighted, x_edges, y_edges = jnp.histogram2d(x, y, bins=n_bins, weights=weights)\n", " # https://numpy.org/doc/stable/reference/generated/numpy.histogram2d.html\n", " Z_unweighted = Z_unweighted.T\n", " Z_weighted = Z_weighted.T\n", diff --git a/docs/report/020.ipynb b/docs/report/020.ipynb index 16f79977..7f2a55f6 100644 --- a/docs/report/020.ipynb +++ b/docs/report/020.ipynb @@ -812,9 +812,7 @@ ], "source": [ "minuit2 = Minuit2()\n", - "fit_result_with_caching = minuit2.optimize(\n", - " estimator_with_caching, initial_parameters\n", - ")\n", + "fit_result_with_caching = minuit2.optimize(estimator_with_caching, initial_parameters)\n", "fit_result_with_caching" ] }, diff --git a/docs/report/021.ipynb b/docs/report/021.ipynb index c932ca3e..b7650a6c 100644 --- a/docs/report/021.ipynb +++ b/docs/report/021.ipynb @@ -445,8 +445,7 @@ " child1, child2 = decay_products[chain_id]\n", " for resonance in resonance_list:\n", " src += create_html_table_row(\n", - " Rf\"\\({resonance.particle.latex} \\to\"\n", - " Rf\" {child1.latex} {child2.latex}\\)\",\n", + " Rf\"\\({resonance.particle.latex} \\to {child1.latex} {child2.latex}\\)\",\n", " jp(resonance.particle),\n", " int(1e3 * resonance.particle.mass),\n", " int(1e3 * resonance.particle.width),\n", @@ -512,9 +511,7 @@ " _ν = sp.Symbol(R\"\\nu^{\\prime}\", rational=True)\n", " _λ = sp.Symbol(R\"\\lambda^{\\prime}\", rational=True)\n", " return PoolSum(\n", - " A_K[_ν, _λ]\n", - " * Wigner.d(half, λ_Λc, _ν, ζ_0_11)\n", - " * Wigner.d(half, _λ, λ_p, ζ_1_11)\n", + " A_K[_ν, _λ] * Wigner.d(half, λ_Λc, _ν, ζ_0_11) * Wigner.d(half, _λ, λ_p, ζ_1_11)\n", " + A_Λ[_ν, _λ]\n", " * Wigner.d(half, λ_Λc, _ν, ζ_0_21)\n", " * Wigner.d(half, _λ, λ_p, ζ_1_21)\n", @@ -2424,16 +2421,8 @@ "for res_list in resonance_particles.values():\n", " for res in res_list:\n", " coupling_sliders[res.name] = (\n", - " [\n", - " s\n", - " for n, s in sliders.items()\n", - " if n.endswith(\"_real\") and res.latex in n\n", - " ],\n", - " [\n", - " s\n", - " for n, s in sliders.items()\n", - " if n.endswith(\"_imag\") and res.latex in n\n", - " ],\n", + " [s for n, s in sliders.items() if n.endswith(\"_real\") and res.latex in n],\n", + " [s for n, s in sliders.items() if n.endswith(\"_imag\") and res.latex in n],\n", " [\n", " HTMLMath(f\"${latex[n[:-5]]}$\")\n", " for n in sliders\n", @@ -2513,9 +2502,7 @@ " else:\n", " mesh.set_array(intensity)\n", " if quiver is None:\n", - " quiver = ax2.quiver(\n", - " Xα, Yα, αx, αz, abs_α, cmap=plt.cm.viridis_r, clim=(0, 1)\n", - " )\n", + " quiver = ax2.quiver(Xα, Yα, αx, αz, abs_α, cmap=plt.cm.viridis_r, clim=(0, 1))\n", " c_bar = fig.colorbar(quiver, ax=ax2, pad=0.01, fraction=0.0473)\n", " c_bar.ax.set_ylabel(R\"$\\left|\\vec\\alpha\\right|$\")\n", " else:\n", diff --git a/docs/report/022.ipynb b/docs/report/022.ipynb index 0594817c..011e0778 100644 --- a/docs/report/022.ipynb +++ b/docs/report/022.ipynb @@ -423,9 +423,7 @@ } ], "source": [ - "B_arrays = jnp.array(\n", - " [[B_funcs[τ, ρ](GRID_SAMPLE) for ρ in range(4)] for τ in range(4)]\n", - ")\n", + "B_arrays = jnp.array([[B_funcs[τ, ρ](GRID_SAMPLE) for ρ in range(4)] for τ in range(4)])\n", "B_norm = B_arrays / B_arrays[0, 0]\n", "B_arrays.shape" ] diff --git a/pyproject.toml b/pyproject.toml index 521c1af8..800ed22c 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -33,7 +33,6 @@ target-version = [ ] [tool.nbqa.addopts] -black = ["--line-length=85"] ruff = [ "--extend-ignore=A003", "--extend-ignore=B008", From e03c73ea964645e98e474dc807b6251daa46700a Mon Sep 17 00:00:00 2001 From: "pre-commit-ci[bot]" <66853113+pre-commit-ci[bot]@users.noreply.github.com> Date: Wed, 27 Sep 2023 20:21:35 +0000 Subject: [PATCH 04/33] [pre-commit.ci] auto fixes from pre-commit.com hooks for more information, see https://pre-commit.ci --- docs/adr/001/sympy.ipynb | 12 +++++++++--- docs/adr/002/composition.ipynb | 9 ++++++--- docs/adr/002/function.ipynb | 5 ++++- docs/report/001.ipynb | 3 ++- docs/report/002.ipynb | 4 +++- docs/report/003.ipynb | 13 +++++++++---- docs/report/005.ipynb | 4 +++- docs/report/008.ipynb | 6 +++++- docs/report/009.ipynb | 4 +++- docs/report/010.ipynb | 6 +++--- docs/report/013.ipynb | 4 +++- docs/report/014.ipynb | 4 +++- docs/report/015.ipynb | 4 +++- docs/report/017.ipynb | 4 +++- docs/report/018.ipynb | 8 ++++++-- docs/report/020.ipynb | 4 +++- docs/report/021.ipynb | 20 ++++++++++++++++---- docs/report/022.ipynb | 4 +++- 18 files changed, 87 insertions(+), 31 deletions(-) diff --git a/docs/adr/001/sympy.ipynb b/docs/adr/001/sympy.ipynb index 5e6e8a7d..e3add367 100644 --- a/docs/adr/001/sympy.ipynb +++ b/docs/adr/001/sympy.ipynb @@ -510,7 +510,9 @@ "\n", "import sympy as sp\n", "\n", - "x, A1, mu1, sigma1, A2, mu2, sigma2 = sp.symbols(\"x, A1, mu1, sigma1, A2, mu2, sigma2\")\n", + "x, A1, mu1, sigma1, A2, mu2, sigma2 = sp.symbols(\n", + " \"x, A1, mu1, sigma1, A2, mu2, sigma2\"\n", + ")\n", "gaussian1 = (\n", " A1 / (sigma1 * sp.sqrt(2.0 * math.pi)) * sp.exp(-((x - mu1) ** 2) / (2 * sigma1))\n", ")\n", @@ -593,7 +595,9 @@ } ], "source": [ - "numpy_gauss_sum = sp.lambdify((x, A1, mu1, sigma1, A2, mu2, sigma2), gauss_sum, \"numpy\")\n", + "numpy_gauss_sum = sp.lambdify(\n", + " (x, A1, mu1, sigma1, A2, mu2, sigma2), gauss_sum, \"numpy\"\n", + ")\n", "print(inspect.getsource(numpy_gauss_sum))" ] }, @@ -683,7 +687,9 @@ "\n", "\n", "def native_jax_gauss_sum(x_, A1_, mu1_, sigma1_, A2_, mu2_, sigma2_):\n", - " return jax_gaussian(x_, A1_, mu1_, sigma1_) + jax_gaussian(x_, A2_, mu2_, sigma2_)" + " return jax_gaussian(x_, A1_, mu1_, sigma1_) + jax_gaussian(\n", + " x_, A2_, mu2_, sigma2_\n", + " )" ] }, { diff --git a/docs/adr/002/composition.ipynb b/docs/adr/002/composition.ipynb index c548bcb8..6a877974 100644 --- a/docs/adr/002/composition.ipynb +++ b/docs/adr/002/composition.ipynb @@ -133,7 +133,9 @@ " ff02 = blatt_weisskopf(q0_squared, meson_radius, angular_momentum)\n", " width = gamma0 * (mass0 / mass) * (ff2 / ff02)\n", " width = width * sp.sqrt(q_squared / q0_squared)\n", - " return relativistic_breit_wigner(mass, mass0, width) * mass0 * gamma0 * sp.sqrt(ff2)" + " return (\n", + " relativistic_breit_wigner(mass, mass0, width) * mass0 * gamma0 * sp.sqrt(ff2)\n", + " )" ] }, { @@ -362,8 +364,9 @@ "outputs": [], "source": [ "class DynamicsBuilder(Protocol):\n", - " def __call__(self, graph: StateTransitionGraph, edge_id: int) -> DynamicsExpression:\n", - " ..." + " def __call__(\n", + " self, graph: StateTransitionGraph, edge_id: int\n", + " ) -> DynamicsExpression: ..." ] }, { diff --git a/docs/adr/002/function.ipynb b/docs/adr/002/function.ipynb index 2c70ff0b..75aaacd3 100644 --- a/docs/adr/002/function.ipynb +++ b/docs/adr/002/function.ipynb @@ -153,7 +153,10 @@ " width = width * sp.sqrt(q_squared / q0_squared)\n", " # Expression\n", " return (\n", - " RelativisticBreitWigner(mass, mass0, width) * mass0 * gamma0 * sp.sqrt(ff2)\n", + " RelativisticBreitWigner(mass, mass0, width)\n", + " * mass0\n", + " * gamma0\n", + " * sp.sqrt(ff2)\n", " )\n", "\n", " @classmethod\n", diff --git a/docs/report/001.ipynb b/docs/report/001.ipynb index acb5fafc..0c778791 100644 --- a/docs/report/001.ipynb +++ b/docs/report/001.ipynb @@ -474,7 +474,8 @@ " arg = expr.args[0]\n", " x = self._print(arg)\n", " return (\n", - " f\"select([less({x}, 0), True], [1j * sqrt(-{x}), sqrt({x})], default=nan,)\"\n", + " f\"select([less({x}, 0), True], [1j * sqrt(-{x}), sqrt({x})],\"\n", + " \" default=nan,)\"\n", " )" ] }, diff --git a/docs/report/002.ipynb b/docs/report/002.ipynb index 92e0f644..077e16e0 100644 --- a/docs/report/002.ipynb +++ b/docs/report/002.ipynb @@ -836,7 +836,9 @@ "intensity = LambdifiedFunction(sympy_model, backend=\"jax\")\n", "data_converter = HelicityTransformer(model.adapter)\n", "rng = TFUniformRealNumberGenerator(seed=0)\n", - "phsp_sample = generate_phsp(10_000, model.adapter.reaction_info, random_generator=rng)\n", + "phsp_sample = generate_phsp(\n", + " 10_000, model.adapter.reaction_info, random_generator=rng\n", + ")\n", "phsp_set = data_converter.transform(phsp_sample)" ] }, diff --git a/docs/report/003.ipynb b/docs/report/003.ipynb index 91d1214d..4330f266 100644 --- a/docs/report/003.ipynb +++ b/docs/report/003.ipynb @@ -448,7 +448,8 @@ "\n", "iplt.plot(\n", " plot_domain,\n", - " lambda *args, **kwargs: y_factor * np_chew_mandelstam_s_wave(*args, **kwargs).real,\n", + " lambda *args, **kwargs: y_factor\n", + " * np_chew_mandelstam_s_wave(*args, **kwargs).real,\n", " controls=controls,\n", " ylim=ylim,\n", " alpha=0.7,\n", @@ -457,7 +458,8 @@ ")\n", "iplt.plot(\n", " plot_domain,\n", - " lambda *args, **kwargs: y_factor * np_chew_mandelstam_s_wave(*args, **kwargs).imag,\n", + " lambda *args, **kwargs: y_factor\n", + " * np_chew_mandelstam_s_wave(*args, **kwargs).imag,\n", " controls=controls,\n", " ylim=ylim,\n", " alpha=0.7,\n", @@ -737,7 +739,8 @@ "outputs": [], "source": [ "sigma = {\n", - " l_val: (s_domain - s_thr_val) / np.pi * integral_values[l_val] for l_val in l_values\n", + " l_val: (s_domain - s_thr_val) / np.pi * integral_values[l_val]\n", + " for l_val in l_values\n", "}\n", "sigma_scaled = {l_val: 16 * np.pi * sigma[l_val] for l_val in l_values}" ] @@ -1061,7 +1064,9 @@ "s_values = np.linspace(-0.15, 1.4, num=200)\n", "fig, axes = plt.subplots(nrows=2, figsize=(6, 7), sharex=True)\n", "ax1, ax2 = axes\n", - "fig.suptitle(f\"Symbolic dispersion integrals for $m_1={m1_val:.2f}, m_2={m2_val:.2f}$\")\n", + "fig.suptitle(\n", + " f\"Symbolic dispersion integrals for $m_1={m1_val:.2f}, m_2={m2_val:.2f}$\"\n", + ")\n", "for ax in axes:\n", " ax.axhline(0, linewidth=0.5, c=\"black\")\n", " ax.axvline(s_thr_val, **threshold_style)\n", diff --git a/docs/report/005.ipynb b/docs/report/005.ipynb index b69273ea..4cd5f46d 100644 --- a/docs/report/005.ipynb +++ b/docs/report/005.ipynb @@ -453,7 +453,9 @@ ], "source": [ "K_symbol = sp.IndexedBase(\"K\", shape=(n_channels, n_channels))\n", - "K = sp.Matrix([[K_symbol[i, j] for j in range(n_channels)] for i in range(n_channels)])\n", + "K = sp.Matrix(\n", + " [[K_symbol[i, j] for j in range(n_channels)] for i in range(n_channels)]\n", + ")\n", "display(K_symbol[i, j], K)" ] }, diff --git a/docs/report/008.ipynb b/docs/report/008.ipynb index cbb340b1..a33517d8 100644 --- a/docs/report/008.ipynb +++ b/docs/report/008.ipynb @@ -244,7 +244,11 @@ "source": [ "def replace_indexed_symbols(expression: sp.Expr) -> sp.Expr:\n", " return expression.subs(\n", - " {s: to_symbol(s) for s in expression.free_symbols if isinstance(s, sp.Indexed)}\n", + " {\n", + " s: to_symbol(s)\n", + " for s in expression.free_symbols\n", + " if isinstance(s, sp.Indexed)\n", + " }\n", " )" ] }, diff --git a/docs/report/009.ipynb b/docs/report/009.ipynb index f78bc2bb..2526cd9d 100644 --- a/docs/report/009.ipynb +++ b/docs/report/009.ipynb @@ -921,7 +921,9 @@ " c=color,\n", " rotation=+90,\n", " )\n", - " threshold_indicators.append((line_thr, line_diff, text_thr, text_diff))\n", + " threshold_indicators.append(\n", + " (line_thr, line_diff, text_thr, text_diff)\n", + " )\n", " for i, (_, line_diff, _, text_diff) in enumerate(threshold_indicators):\n", " m_a = kwargs[f\"m_a{i}\"]\n", " m_b = kwargs[f\"m_b{i}\"]\n", diff --git a/docs/report/010.ipynb b/docs/report/010.ipynb index 1b91beb3..c2c211bd 100644 --- a/docs/report/010.ipynb +++ b/docs/report/010.ipynb @@ -478,9 +478,9 @@ " m = sp.Symbol(\"m\", real=True)\n", " epsilon = sp.Symbol(\"epsilon\", real=True)\n", " i = sp.Symbol(\"i\", integer=True, negative=False)\n", - " expr = f_vector(n_resonances, n_channels, angular_momentum=angular_momentum).doit()[\n", - " i, 0\n", - " ]\n", + " expr = f_vector(\n", + " n_resonances, n_channels, angular_momentum=angular_momentum\n", + " ).doit()[i, 0]\n", " expr = symplot.substitute_indexed_symbols(expr)\n", " expr = expr.subs(m, m + epsilon * sp.I)\n", " np_expr, sliders = symplot.prepare_sliders(expr, m)\n", diff --git a/docs/report/013.ipynb b/docs/report/013.ipynb index 9874083b..221502bd 100644 --- a/docs/report/013.ipynb +++ b/docs/report/013.ipynb @@ -487,7 +487,9 @@ " intensity_func = create_function(substituted_expression, backend=\"jax\")\n", " intensities_all = np.array(intensity_func(phsp).real)\n", " intensities_k = compute_sub_intensities(model, \"K^*\", phsp, full_expression)\n", - " intensities_delta = compute_sub_intensities(model, \"Delta^*\", phsp, full_expression)\n", + " intensities_delta = compute_sub_intensities(\n", + " model, \"Delta^*\", phsp, full_expression\n", + " )\n", " intensities_lambda = compute_sub_intensities(\n", " model, \"Lambda^*\", phsp, full_expression\n", " )\n", diff --git a/docs/report/014.ipynb b/docs/report/014.ipynb index 53242951..7828a973 100644 --- a/docs/report/014.ipynb +++ b/docs/report/014.ipynb @@ -853,7 +853,9 @@ "display(\n", " *[\n", " graphviz.Source(\n", - " qrules.io.asdot(g, collapse_graphs=True, size=4, render_resonance_id=True)\n", + " qrules.io.asdot(\n", + " g, collapse_graphs=True, size=4, render_resonance_id=True\n", + " )\n", " )\n", " for g in reaction_two_resonances.transition_groups\n", " ]\n", diff --git a/docs/report/015.ipynb b/docs/report/015.ipynb index 168a713f..68114bf0 100644 --- a/docs/report/015.ipynb +++ b/docs/report/015.ipynb @@ -561,7 +561,9 @@ " particle_name = state.particle.latex\n", " s = sp.Rational(state.particle.spin)\n", " m = sp.Rational(state.spin_projection)\n", - " display(Math(Rf\"|s_{i},m_{i}\\rangle=|{s},{m}\\rangle \\quad ({particle_name})\"))\n", + " display(\n", + " Math(Rf\"|s_{i},m_{i}\\rangle=|{s},{m}\\rangle \\quad ({particle_name})\")\n", + " )\n", " if functor is formulate_rotation_chain:\n", " args = (transition, i)\n", " else:\n", diff --git a/docs/report/017.ipynb b/docs/report/017.ipynb index 210b3862..80cae815 100644 --- a/docs/report/017.ipynb +++ b/docs/report/017.ipynb @@ -210,7 +210,9 @@ "@implement_doit_method\n", "class Kibble(UnevaluatedExpression):\n", " def __new__(cls, sigma1, sigma2, sigma3, m0, m1, m2, m3, **hints) -> Kibble:\n", - " return create_expression(cls, sigma1, sigma2, sigma3, m0, m1, m2, m3, **hints)\n", + " return create_expression(\n", + " cls, sigma1, sigma2, sigma3, m0, m1, m2, m3, **hints\n", + " )\n", "\n", " def evaluate(self) -> sp.Expr:\n", " sigma1, sigma2, sigma3, m0, m1, m2, m3 = self.args\n", diff --git a/docs/report/018.ipynb b/docs/report/018.ipynb index 4d4c9b8d..a06ffa7c 100644 --- a/docs/report/018.ipynb +++ b/docs/report/018.ipynb @@ -217,7 +217,9 @@ " initial_state_mass=reaction.initial_state[-1].mass,\n", " final_state_masses={i: p.mass for i, p in reaction.final_state.items()},\n", ")\n", - "transformer = SympyDataTransformer.from_sympy(model.kinematic_variables, backend=\"jax\")\n", + "transformer = SympyDataTransformer.from_sympy(\n", + " model.kinematic_variables, backend=\"jax\"\n", + ")\n", "phsp = phsp_generator.generate(1_000_000, rng)\n", "phsp = transformer(phsp)" ] @@ -352,7 +354,9 @@ "\n", " Z_weights = griddata(np.transpose([x, y]), weights, (X, Y))\n", " Z_unweighted, x_edges, y_edges = jnp.histogram2d(x, y, bins=n_bins)\n", - " Z_weighted, x_edges, y_edges = jnp.histogram2d(x, y, bins=n_bins, weights=weights)\n", + " Z_weighted, x_edges, y_edges = jnp.histogram2d(\n", + " x, y, bins=n_bins, weights=weights\n", + " )\n", " # https://numpy.org/doc/stable/reference/generated/numpy.histogram2d.html\n", " Z_unweighted = Z_unweighted.T\n", " Z_weighted = Z_weighted.T\n", diff --git a/docs/report/020.ipynb b/docs/report/020.ipynb index 7f2a55f6..16f79977 100644 --- a/docs/report/020.ipynb +++ b/docs/report/020.ipynb @@ -812,7 +812,9 @@ ], "source": [ "minuit2 = Minuit2()\n", - "fit_result_with_caching = minuit2.optimize(estimator_with_caching, initial_parameters)\n", + "fit_result_with_caching = minuit2.optimize(\n", + " estimator_with_caching, initial_parameters\n", + ")\n", "fit_result_with_caching" ] }, diff --git a/docs/report/021.ipynb b/docs/report/021.ipynb index b7650a6c..22202c06 100644 --- a/docs/report/021.ipynb +++ b/docs/report/021.ipynb @@ -511,7 +511,9 @@ " _ν = sp.Symbol(R\"\\nu^{\\prime}\", rational=True)\n", " _λ = sp.Symbol(R\"\\lambda^{\\prime}\", rational=True)\n", " return PoolSum(\n", - " A_K[_ν, _λ] * Wigner.d(half, λ_Λc, _ν, ζ_0_11) * Wigner.d(half, _λ, λ_p, ζ_1_11)\n", + " A_K[_ν, _λ]\n", + " * Wigner.d(half, λ_Λc, _ν, ζ_0_11)\n", + " * Wigner.d(half, _λ, λ_p, ζ_1_11)\n", " + A_Λ[_ν, _λ]\n", " * Wigner.d(half, λ_Λc, _ν, ζ_0_21)\n", " * Wigner.d(half, _λ, λ_p, ζ_1_21)\n", @@ -2421,8 +2423,16 @@ "for res_list in resonance_particles.values():\n", " for res in res_list:\n", " coupling_sliders[res.name] = (\n", - " [s for n, s in sliders.items() if n.endswith(\"_real\") and res.latex in n],\n", - " [s for n, s in sliders.items() if n.endswith(\"_imag\") and res.latex in n],\n", + " [\n", + " s\n", + " for n, s in sliders.items()\n", + " if n.endswith(\"_real\") and res.latex in n\n", + " ],\n", + " [\n", + " s\n", + " for n, s in sliders.items()\n", + " if n.endswith(\"_imag\") and res.latex in n\n", + " ],\n", " [\n", " HTMLMath(f\"${latex[n[:-5]]}$\")\n", " for n in sliders\n", @@ -2502,7 +2512,9 @@ " else:\n", " mesh.set_array(intensity)\n", " if quiver is None:\n", - " quiver = ax2.quiver(Xα, Yα, αx, αz, abs_α, cmap=plt.cm.viridis_r, clim=(0, 1))\n", + " quiver = ax2.quiver(\n", + " Xα, Yα, αx, αz, abs_α, cmap=plt.cm.viridis_r, clim=(0, 1)\n", + " )\n", " c_bar = fig.colorbar(quiver, ax=ax2, pad=0.01, fraction=0.0473)\n", " c_bar.ax.set_ylabel(R\"$\\left|\\vec\\alpha\\right|$\")\n", " else:\n", diff --git a/docs/report/022.ipynb b/docs/report/022.ipynb index 011e0778..0594817c 100644 --- a/docs/report/022.ipynb +++ b/docs/report/022.ipynb @@ -423,7 +423,9 @@ } ], "source": [ - "B_arrays = jnp.array([[B_funcs[τ, ρ](GRID_SAMPLE) for ρ in range(4)] for τ in range(4)])\n", + "B_arrays = jnp.array(\n", + " [[B_funcs[τ, ρ](GRID_SAMPLE) for ρ in range(4)] for τ in range(4)]\n", + ")\n", "B_norm = B_arrays / B_arrays[0, 0]\n", "B_arrays.shape" ] From 369c357bdd48f8dd169d0fd5ac89df9b4aea40a9 Mon Sep 17 00:00:00 2001 From: GitHub Date: Wed, 27 Sep 2023 20:26:52 +0000 Subject: [PATCH 05/33] MAINT: update pip constraints and pre-commit --- .constraints/py3.7.txt | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/.constraints/py3.7.txt b/.constraints/py3.7.txt index 69a5ab35..6d6a3d85 100644 --- a/.constraints/py3.7.txt +++ b/.constraints/py3.7.txt @@ -120,7 +120,7 @@ ptyprocess==0.7.0 pybtex==0.24.0 pybtex-docutils==1.0.3 pycparser==2.21 -pydantic==1.10.12 +pydantic==1.10.13 pydata-sphinx-theme==0.13.3 pygments==2.16.1 pyparsing==3.1.1 From da2e8e2b3ea88c599e5effe9976c45e2923c3610 Mon Sep 17 00:00:00 2001 From: Remco de Boer <29308176+redeboer@users.noreply.github.com> Date: Thu, 28 Sep 2023 13:43:44 +0200 Subject: [PATCH 06/33] DOC: make Colab TOC visible by default --- .pre-commit-config.yaml | 3 ++- docs/adr/001/operators.ipynb | 3 +++ docs/adr/001/sympy.ipynb | 3 +++ docs/adr/002/composition.ipynb | 3 +++ docs/adr/002/expr.ipynb | 3 +++ docs/adr/002/function.ipynb | 3 +++ docs/report/000.ipynb | 3 +++ docs/report/001.ipynb | 3 +++ docs/report/002.ipynb | 3 +++ docs/report/003.ipynb | 3 +++ docs/report/004.ipynb | 3 +++ docs/report/005.ipynb | 3 +++ docs/report/006.ipynb | 3 +++ docs/report/007.ipynb | 3 +++ docs/report/008.ipynb | 3 +++ docs/report/009.ipynb | 3 +++ docs/report/010.ipynb | 3 +++ docs/report/011.ipynb | 3 +++ docs/report/012.ipynb | 3 +++ docs/report/013.ipynb | 3 +++ docs/report/014.ipynb | 3 +++ docs/report/015.ipynb | 3 +++ docs/report/016.ipynb | 3 +++ docs/report/017.ipynb | 3 +++ docs/report/018.ipynb | 3 +++ docs/report/019.ipynb | 3 +++ docs/report/020.ipynb | 3 +++ docs/report/021.ipynb | 3 +++ docs/report/022.ipynb | 3 +++ docs/report/023.ipynb | 3 +++ 30 files changed, 89 insertions(+), 1 deletion(-) diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml index 2b5356da..dcd71d9e 100644 --- a/.pre-commit-config.yaml +++ b/.pre-commit-config.yaml @@ -38,13 +38,14 @@ repos: )$ - repo: https://github.com/ComPWA/repo-maintenance - rev: 0.0.198 + rev: 0.0.199 hooks: - id: check-dev-files args: - --pin-requirements=bimonthly - --repo-name=compwa-org - --repo-title=ComPWA Organization Documentation + - id: colab-toc-visible - id: fix-nbformat-version - id: format-setup-cfg - id: pin-nb-requirements diff --git a/docs/adr/001/operators.ipynb b/docs/adr/001/operators.ipynb index de6bbbed..22b2fc4c 100644 --- a/docs/adr/001/operators.ipynb +++ b/docs/adr/001/operators.ipynb @@ -397,6 +397,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", diff --git a/docs/adr/001/sympy.ipynb b/docs/adr/001/sympy.ipynb index e3add367..60504ba1 100644 --- a/docs/adr/001/sympy.ipynb +++ b/docs/adr/001/sympy.ipynb @@ -1140,6 +1140,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", diff --git a/docs/adr/002/composition.ipynb b/docs/adr/002/composition.ipynb index 6a877974..04652303 100644 --- a/docs/adr/002/composition.ipynb +++ b/docs/adr/002/composition.ipynb @@ -380,6 +380,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", diff --git a/docs/adr/002/expr.ipynb b/docs/adr/002/expr.ipynb index f65e9a5e..b8477bbb 100644 --- a/docs/adr/002/expr.ipynb +++ b/docs/adr/002/expr.ipynb @@ -556,6 +556,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", diff --git a/docs/adr/002/function.ipynb b/docs/adr/002/function.ipynb index 75aaacd3..16080635 100644 --- a/docs/adr/002/function.ipynb +++ b/docs/adr/002/function.ipynb @@ -223,6 +223,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "keep_output": true, "kernelspec": { "display_name": "Python 3 (ipykernel)", diff --git a/docs/report/000.ipynb b/docs/report/000.ipynb index 69e38c1d..2bac38a0 100644 --- a/docs/report/000.ipynb +++ b/docs/report/000.ipynb @@ -926,6 +926,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "keep_output": true, "kernelspec": { "display_name": "Python 3 (ipykernel)", diff --git a/docs/report/001.ipynb b/docs/report/001.ipynb index 0c778791..2b07acf5 100644 --- a/docs/report/001.ipynb +++ b/docs/report/001.ipynb @@ -711,6 +711,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", diff --git a/docs/report/002.ipynb b/docs/report/002.ipynb index 077e16e0..3c08000d 100644 --- a/docs/report/002.ipynb +++ b/docs/report/002.ipynb @@ -1964,6 +1964,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", diff --git a/docs/report/003.ipynb b/docs/report/003.ipynb index 4330f266..81c4a1f0 100644 --- a/docs/report/003.ipynb +++ b/docs/report/003.ipynb @@ -1112,6 +1112,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", diff --git a/docs/report/004.ipynb b/docs/report/004.ipynb index b9cf37f9..1e858b15 100644 --- a/docs/report/004.ipynb +++ b/docs/report/004.ipynb @@ -560,6 +560,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", diff --git a/docs/report/005.ipynb b/docs/report/005.ipynb index 4cd5f46d..5182a9f0 100644 --- a/docs/report/005.ipynb +++ b/docs/report/005.ipynb @@ -1045,6 +1045,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", diff --git a/docs/report/006.ipynb b/docs/report/006.ipynb index 0063c715..bc51d585 100644 --- a/docs/report/006.ipynb +++ b/docs/report/006.ipynb @@ -552,6 +552,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", diff --git a/docs/report/007.ipynb b/docs/report/007.ipynb index ef21c10b..1504da39 100644 --- a/docs/report/007.ipynb +++ b/docs/report/007.ipynb @@ -200,6 +200,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", diff --git a/docs/report/008.ipynb b/docs/report/008.ipynb index a33517d8..e6d49e4c 100644 --- a/docs/report/008.ipynb +++ b/docs/report/008.ipynb @@ -279,6 +279,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "keep_output": true, "kernelspec": { "display_name": "Python 3 (ipykernel)", diff --git a/docs/report/009.ipynb b/docs/report/009.ipynb index 2526cd9d..068c0184 100644 --- a/docs/report/009.ipynb +++ b/docs/report/009.ipynb @@ -1019,6 +1019,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", diff --git a/docs/report/010.ipynb b/docs/report/010.ipynb index c2c211bd..dde486bb 100644 --- a/docs/report/010.ipynb +++ b/docs/report/010.ipynb @@ -756,6 +756,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "keep_output": true, "kernelspec": { "display_name": "Python 3 (ipykernel)", diff --git a/docs/report/011.ipynb b/docs/report/011.ipynb index c8b67b5d..8166c2fe 100644 --- a/docs/report/011.ipynb +++ b/docs/report/011.ipynb @@ -4860,6 +4860,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", diff --git a/docs/report/012.ipynb b/docs/report/012.ipynb index c3d83605..5388e5bc 100644 --- a/docs/report/012.ipynb +++ b/docs/report/012.ipynb @@ -379,6 +379,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "keep_output": true, "kernelspec": { "display_name": "Python 3 (ipykernel)", diff --git a/docs/report/013.ipynb b/docs/report/013.ipynb index 221502bd..c8355dd6 100644 --- a/docs/report/013.ipynb +++ b/docs/report/013.ipynb @@ -648,6 +648,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", diff --git a/docs/report/014.ipynb b/docs/report/014.ipynb index 7828a973..2aa44086 100644 --- a/docs/report/014.ipynb +++ b/docs/report/014.ipynb @@ -1728,6 +1728,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", diff --git a/docs/report/015.ipynb b/docs/report/015.ipynb index 68114bf0..b27fe832 100644 --- a/docs/report/015.ipynb +++ b/docs/report/015.ipynb @@ -1665,6 +1665,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", diff --git a/docs/report/016.ipynb b/docs/report/016.ipynb index 06419bfa..867cb65b 100644 --- a/docs/report/016.ipynb +++ b/docs/report/016.ipynb @@ -529,6 +529,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "keep_output": true, "kernelspec": { "display_name": "Python 3 (ipykernel)", diff --git a/docs/report/017.ipynb b/docs/report/017.ipynb index 80cae815..fc02e82b 100644 --- a/docs/report/017.ipynb +++ b/docs/report/017.ipynb @@ -742,6 +742,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", diff --git a/docs/report/018.ipynb b/docs/report/018.ipynb index a06ffa7c..275f9a6f 100644 --- a/docs/report/018.ipynb +++ b/docs/report/018.ipynb @@ -619,6 +619,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", diff --git a/docs/report/019.ipynb b/docs/report/019.ipynb index 7a1f3162..ae1fc7c9 100644 --- a/docs/report/019.ipynb +++ b/docs/report/019.ipynb @@ -253,6 +253,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "kernelspec": { "display_name": "Julia 1.9.3", "language": "julia", diff --git a/docs/report/020.ipynb b/docs/report/020.ipynb index 16f79977..b4b83772 100644 --- a/docs/report/020.ipynb +++ b/docs/report/020.ipynb @@ -1376,6 +1376,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", diff --git a/docs/report/021.ipynb b/docs/report/021.ipynb index 22202c06..de0db534 100644 --- a/docs/report/021.ipynb +++ b/docs/report/021.ipynb @@ -2572,6 +2572,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", diff --git a/docs/report/022.ipynb b/docs/report/022.ipynb index 0594817c..6bcc4fed 100644 --- a/docs/report/022.ipynb +++ b/docs/report/022.ipynb @@ -742,6 +742,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", diff --git a/docs/report/023.ipynb b/docs/report/023.ipynb index 08f96e8c..a2050b9d 100644 --- a/docs/report/023.ipynb +++ b/docs/report/023.ipynb @@ -144,6 +144,9 @@ } ], "metadata": { + "colab": { + "toc_visible": true + }, "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", From 27ce542f12a4b43c39664f1db348160033d80d22 Mon Sep 17 00:00:00 2001 From: GitHub Date: Thu, 28 Sep 2023 11:49:45 +0000 Subject: [PATCH 07/33] MAINT: update pip constraints and pre-commit --- .constraints/py3.10.txt | 2 +- .constraints/py3.11.txt | 2 +- .constraints/py3.8.txt | 2 +- .constraints/py3.9.txt | 2 +- .pre-commit-config.yaml | 4 ++-- 5 files changed, 6 insertions(+), 6 deletions(-) diff --git a/.constraints/py3.10.txt b/.constraints/py3.10.txt index 6ad78c2a..43f7c0e2 100644 --- a/.constraints/py3.10.txt +++ b/.constraints/py3.10.txt @@ -142,7 +142,7 @@ referencing==0.30.2 requests==2.31.0 rfc3339-validator==0.1.4 rfc3986-validator==0.1.1 -rope==1.9.0 +rope==1.10.0 rpds-py==0.10.3 ruff==0.0.291 send2trash==1.8.2 diff --git a/.constraints/py3.11.txt b/.constraints/py3.11.txt index bc3e8b7f..51850396 100644 --- a/.constraints/py3.11.txt +++ b/.constraints/py3.11.txt @@ -141,7 +141,7 @@ referencing==0.30.2 requests==2.31.0 rfc3339-validator==0.1.4 rfc3986-validator==0.1.1 -rope==1.9.0 +rope==1.10.0 rpds-py==0.10.3 ruff==0.0.291 send2trash==1.8.2 diff --git a/.constraints/py3.8.txt b/.constraints/py3.8.txt index e420db90..fd668e61 100644 --- a/.constraints/py3.8.txt +++ b/.constraints/py3.8.txt @@ -145,7 +145,7 @@ referencing==0.30.2 requests==2.31.0 rfc3339-validator==0.1.4 rfc3986-validator==0.1.1 -rope==1.9.0 +rope==1.10.0 rpds-py==0.10.3 ruff==0.0.291 send2trash==1.8.2 diff --git a/.constraints/py3.9.txt b/.constraints/py3.9.txt index af2bf8b0..9550d011 100644 --- a/.constraints/py3.9.txt +++ b/.constraints/py3.9.txt @@ -143,7 +143,7 @@ referencing==0.30.2 requests==2.31.0 rfc3339-validator==0.1.4 rfc3986-validator==0.1.1 -rope==1.9.0 +rope==1.10.0 rpds-py==0.10.3 ruff==0.0.291 send2trash==1.8.2 diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml index dcd71d9e..1e3ef441 100644 --- a/.pre-commit-config.yaml +++ b/.pre-commit-config.yaml @@ -77,7 +77,7 @@ repos: - id: blacken-docs - repo: https://github.com/python-jsonschema/check-jsonschema - rev: 0.26.3 + rev: 0.27.0 hooks: - id: check-jsonschema name: Check CITATION.cff @@ -146,7 +146,7 @@ repos: - id: prettier - repo: https://github.com/ComPWA/mirrors-pyright - rev: v1.1.328 + rev: v1.1.329 hooks: - id: pyright From 0fa46999c2f1f99dd3a855275131cd381b7fc9cd Mon Sep 17 00:00:00 2001 From: Remco de Boer <29308176+redeboer@users.noreply.github.com> Date: Thu, 28 Sep 2023 14:21:17 +0200 Subject: [PATCH 08/33] MAINT: ignore https://via.placeholder.com timeout errors --- docs/conf.py | 1 + 1 file changed, 1 insertion(+) diff --git a/docs/conf.py b/docs/conf.py index 4f5d4a1a..94db96f8 100644 --- a/docs/conf.py +++ b/docs/conf.py @@ -305,6 +305,7 @@ def get_minor_version(package_name: str) -> str: "https://github.com/orgs/ComPWA/projects/6", # private "https://ieeexplore.ieee.org/document/6312940", # 401 "https://open.vscode.dev", + "https://via.placeholder.com", # irregular timeout "https://www.andiamo.co.uk/resources/iso-language-codes", # 443, but works ] From 39b700bf4f056040a7256606a4b1edd52d796dcb Mon Sep 17 00:00:00 2001 From: Remco de Boer <29308176+redeboer@users.noreply.github.com> Date: Thu, 28 Sep 2023 16:56:29 +0200 Subject: [PATCH 09/33] MAINT: put `black-jupyter` arguments on same line --- .pre-commit-config.yaml | 6 ++---- 1 file changed, 2 insertions(+), 4 deletions(-) diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml index 1e3ef441..6c64075c 100644 --- a/.pre-commit-config.yaml +++ b/.pre-commit-config.yaml @@ -66,10 +66,8 @@ repos: hooks: - id: black - id: black-jupyter - args: - - --line-length=85 - types_or: - - jupyter + args: [--line-length=85] + types_or: [jupyter] - repo: https://github.com/asottile/blacken-docs rev: 1.16.0 From b4b786fdb29f08a93e2395218079a413ded14196 Mon Sep 17 00:00:00 2001 From: GitHub Date: Thu, 28 Sep 2023 14:59:28 +0000 Subject: [PATCH 10/33] MAINT: update pip constraints and pre-commit --- .constraints/py3.10.txt | 2 +- .constraints/py3.11.txt | 2 +- .constraints/py3.7.txt | 2 +- .constraints/py3.8.txt | 2 +- .constraints/py3.9.txt | 2 +- 5 files changed, 5 insertions(+), 5 deletions(-) diff --git a/.constraints/py3.10.txt b/.constraints/py3.10.txt index 43f7c0e2..074d10b9 100644 --- a/.constraints/py3.10.txt +++ b/.constraints/py3.10.txt @@ -163,7 +163,7 @@ sphinx-togglebutton==0.3.2 sphinxcontrib-applehelp==1.0.7 sphinxcontrib-bibtex==2.6.1 sphinxcontrib-devhelp==1.0.5 -sphinxcontrib-hep-pdgref==0.1.4 +sphinxcontrib-hep-pdgref==0.1.5 sphinxcontrib-htmlhelp==2.0.4 sphinxcontrib-jsmath==1.0.1 sphinxcontrib-qthelp==1.0.6 diff --git a/.constraints/py3.11.txt b/.constraints/py3.11.txt index 51850396..69c758b3 100644 --- a/.constraints/py3.11.txt +++ b/.constraints/py3.11.txt @@ -162,7 +162,7 @@ sphinx-togglebutton==0.3.2 sphinxcontrib-applehelp==1.0.7 sphinxcontrib-bibtex==2.6.1 sphinxcontrib-devhelp==1.0.5 -sphinxcontrib-hep-pdgref==0.1.4 +sphinxcontrib-hep-pdgref==0.1.5 sphinxcontrib-htmlhelp==2.0.4 sphinxcontrib-jsmath==1.0.1 sphinxcontrib-qthelp==1.0.6 diff --git a/.constraints/py3.7.txt b/.constraints/py3.7.txt index 6d6a3d85..4708725b 100644 --- a/.constraints/py3.7.txt +++ b/.constraints/py3.7.txt @@ -160,7 +160,7 @@ sphinx-togglebutton==0.3.2 sphinxcontrib-applehelp==1.0.2 sphinxcontrib-bibtex==2.6.1 sphinxcontrib-devhelp==1.0.2 -sphinxcontrib-hep-pdgref==0.1.4 +sphinxcontrib-hep-pdgref==0.1.5 sphinxcontrib-htmlhelp==2.0.0 sphinxcontrib-jsmath==1.0.1 sphinxcontrib-qthelp==1.0.3 diff --git a/.constraints/py3.8.txt b/.constraints/py3.8.txt index fd668e61..cbb9e0ed 100644 --- a/.constraints/py3.8.txt +++ b/.constraints/py3.8.txt @@ -166,7 +166,7 @@ sphinx-togglebutton==0.3.2 sphinxcontrib-applehelp==1.0.4 sphinxcontrib-bibtex==2.6.1 sphinxcontrib-devhelp==1.0.2 -sphinxcontrib-hep-pdgref==0.1.4 +sphinxcontrib-hep-pdgref==0.1.5 sphinxcontrib-htmlhelp==2.0.1 sphinxcontrib-jsmath==1.0.1 sphinxcontrib-qthelp==1.0.3 diff --git a/.constraints/py3.9.txt b/.constraints/py3.9.txt index 9550d011..b550ae4f 100644 --- a/.constraints/py3.9.txt +++ b/.constraints/py3.9.txt @@ -164,7 +164,7 @@ sphinx-togglebutton==0.3.2 sphinxcontrib-applehelp==1.0.7 sphinxcontrib-bibtex==2.6.1 sphinxcontrib-devhelp==1.0.5 -sphinxcontrib-hep-pdgref==0.1.4 +sphinxcontrib-hep-pdgref==0.1.5 sphinxcontrib-htmlhelp==2.0.4 sphinxcontrib-jsmath==1.0.1 sphinxcontrib-qthelp==1.0.6 From 42ffd14319f77765708b76a7595d3edf4093cb94 Mon Sep 17 00:00:00 2001 From: Remco de Boer <29308176+redeboer@users.noreply.github.com> Date: Thu, 28 Sep 2023 22:44:45 +0200 Subject: [PATCH 11/33] DX: remove GitHub Issue templates --- .github/ISSUE_TEMPLATE/bug_report.md | 32 ----------------------- .github/ISSUE_TEMPLATE/feature_request.md | 22 ---------------- .github/pull_request_template.md | 11 -------- .pre-commit-config.yaml | 2 +- 4 files changed, 1 insertion(+), 66 deletions(-) delete mode 100644 .github/ISSUE_TEMPLATE/bug_report.md delete mode 100644 .github/ISSUE_TEMPLATE/feature_request.md delete mode 100644 .github/pull_request_template.md diff --git a/.github/ISSUE_TEMPLATE/bug_report.md b/.github/ISSUE_TEMPLATE/bug_report.md deleted file mode 100644 index d0cc61cd..00000000 --- a/.github/ISSUE_TEMPLATE/bug_report.md +++ /dev/null @@ -1,32 +0,0 @@ ---- -name: Bug report -about: Create a report to help us improve -title: "" -labels: Bug -assignees: "" ---- - -## Bug description - - - - - -## How to reproduce? - -Steps to reproduce the behavior: - -1. - -## Expected behavior - - - -## System info - -Bug resulted on the following system: - -- OS: -- Version -- Python version: -- Virtual environment: diff --git a/.github/ISSUE_TEMPLATE/feature_request.md b/.github/ISSUE_TEMPLATE/feature_request.md deleted file mode 100644 index 049eb32b..00000000 --- a/.github/ISSUE_TEMPLATE/feature_request.md +++ /dev/null @@ -1,22 +0,0 @@ ---- -name: Feature request -about: Suggest an idea for this project -title: "" -labels: "✨ Enhancement" -assignees: "" ---- - -## Problem description - - - -## Proposed solution - - - - - - - diff --git a/.github/pull_request_template.md b/.github/pull_request_template.md deleted file mode 100644 index 14b80852..00000000 --- a/.github/pull_request_template.md +++ /dev/null @@ -1,11 +0,0 @@ - - - - - diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml index 6c64075c..30775d01 100644 --- a/.pre-commit-config.yaml +++ b/.pre-commit-config.yaml @@ -38,7 +38,7 @@ repos: )$ - repo: https://github.com/ComPWA/repo-maintenance - rev: 0.0.199 + rev: 0.0.200 hooks: - id: check-dev-files args: From 950d2d20a07e304a498c8da266a24dd7ed8fe485 Mon Sep 17 00:00:00 2001 From: GitHub Date: Thu, 28 Sep 2023 20:47:39 +0000 Subject: [PATCH 12/33] MAINT: update pip constraints and pre-commit --- .constraints/py3.10.txt | 2 +- .constraints/py3.11.txt | 2 +- .constraints/py3.8.txt | 2 +- .constraints/py3.9.txt | 2 +- 4 files changed, 4 insertions(+), 4 deletions(-) diff --git a/.constraints/py3.10.txt b/.constraints/py3.10.txt index 074d10b9..22c52f51 100644 --- a/.constraints/py3.10.txt +++ b/.constraints/py3.10.txt @@ -21,7 +21,7 @@ black==23.9.1 bleach==6.0.0 cachetools==5.3.1 certifi==2023.7.22 -cffi==1.15.1 +cffi==1.16.0 cfgv==3.4.0 chardet==5.2.0 charset-normalizer==3.2.0 diff --git a/.constraints/py3.11.txt b/.constraints/py3.11.txt index 69c758b3..6a1893fe 100644 --- a/.constraints/py3.11.txt +++ b/.constraints/py3.11.txt @@ -21,7 +21,7 @@ black==23.9.1 bleach==6.0.0 cachetools==5.3.1 certifi==2023.7.22 -cffi==1.15.1 +cffi==1.16.0 cfgv==3.4.0 chardet==5.2.0 charset-normalizer==3.2.0 diff --git a/.constraints/py3.8.txt b/.constraints/py3.8.txt index cbb9e0ed..b85668f4 100644 --- a/.constraints/py3.8.txt +++ b/.constraints/py3.8.txt @@ -21,7 +21,7 @@ black==23.9.1 bleach==6.0.0 cachetools==5.3.1 certifi==2023.7.22 -cffi==1.15.1 +cffi==1.16.0 cfgv==3.4.0 chardet==5.2.0 charset-normalizer==3.2.0 diff --git a/.constraints/py3.9.txt b/.constraints/py3.9.txt index b550ae4f..d15a66ce 100644 --- a/.constraints/py3.9.txt +++ b/.constraints/py3.9.txt @@ -21,7 +21,7 @@ black==23.9.1 bleach==6.0.0 cachetools==5.3.1 certifi==2023.7.22 -cffi==1.15.1 +cffi==1.16.0 cfgv==3.4.0 chardet==5.2.0 charset-normalizer==3.2.0 From 0acc17107c059cc2f6e660affa349f68c350b3fa Mon Sep 17 00:00:00 2001 From: "dependabot[bot]" <49699333+dependabot[bot]@users.noreply.github.com> Date: Sun, 1 Oct 2023 14:25:30 +0200 Subject: [PATCH 13/33] MAINT: bump actions/checkout from 3 to 4 (#212) Signed-off-by: dependabot[bot] Signed-off-by: dependabot[bot] Co-authored-by: dependabot[bot] <49699333+dependabot[bot]@users.noreply.github.com> Co-authored-by: pre-commit-ci[bot] <66853113+pre-commit-ci[bot]@users.noreply.github.com> --- .github/workflows/notebooks.yml | 2 +- .github/workflows/pr-linting.yml | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/.github/workflows/notebooks.yml b/.github/workflows/notebooks.yml index 5dd1ae93..343a83c1 100644 --- a/.github/workflows/notebooks.yml +++ b/.github/workflows/notebooks.yml @@ -13,7 +13,7 @@ jobs: name: Test all notebooks runs-on: ubuntu-20.04 steps: - - uses: actions/checkout@v3 + - uses: actions/checkout@v4 - uses: actions/cache@v3 with: key: | diff --git a/.github/workflows/pr-linting.yml b/.github/workflows/pr-linting.yml index 6449ddd5..ef8190ac 100644 --- a/.github/workflows/pr-linting.yml +++ b/.github/workflows/pr-linting.yml @@ -27,6 +27,6 @@ jobs: name: Check title runs-on: ubuntu-20.04 steps: - - uses: actions/checkout@v3 + - uses: actions/checkout@v4 - run: npm install @commitlint/config-conventional - uses: JulienKode/pull-request-name-linter-action@v0.5.0 From 9f40b183d53400e06d90469a7cd29b2c29b29eda Mon Sep 17 00:00:00 2001 From: GitHub Date: Sun, 1 Oct 2023 12:27:14 +0000 Subject: [PATCH 14/33] MAINT: update pip constraints and pre-commit --- .constraints/py3.10.txt | 23 ++++++++++++----------- .constraints/py3.11.txt | 23 ++++++++++++----------- .constraints/py3.7.txt | 8 ++++---- .constraints/py3.8.txt | 23 ++++++++++++----------- .constraints/py3.9.txt | 23 ++++++++++++----------- .pre-commit-config.yaml | 4 ++-- 6 files changed, 54 insertions(+), 50 deletions(-) diff --git a/.constraints/py3.10.txt b/.constraints/py3.10.txt index 22c52f51..8b185510 100644 --- a/.constraints/py3.10.txt +++ b/.constraints/py3.10.txt @@ -11,7 +11,7 @@ alabaster==0.7.13 anyio==4.0.0 argon2-cffi==23.1.0 argon2-cffi-bindings==21.2.0 -arrow==1.2.3 +arrow==1.3.0 asttokens==2.4.0 attrs==23.1.0 babel==2.12.1 @@ -24,12 +24,12 @@ certifi==2023.7.22 cffi==1.16.0 cfgv==3.4.0 chardet==5.2.0 -charset-normalizer==3.2.0 +charset-normalizer==3.3.0 click==8.1.7 colorama==0.4.6 comm==0.1.4 contourpy==1.1.1 -cycler==0.11.0 +cycler==0.12.0 debugpy==1.8.0 decorator==5.1.1 defusedxml==0.7.1 @@ -38,21 +38,21 @@ docstring-to-markdown==0.12 docutils==0.17.1 entrypoints==0.4 exceptiongroup==1.1.3 -executing==1.2.0 -fastjsonschema==2.18.0 +executing==2.0.0 +fastjsonschema==2.18.1 filelock==3.12.4 -fonttools==4.42.1 +fonttools==4.43.0 fqdn==1.5.1 graphviz==0.20.1 greenlet==2.0.2 -identify==2.5.29 +identify==2.5.30 idna==3.4 imagesize==1.4.1 importlib-metadata==6.8.0 iniconfig==2.0.0 ipykernel==6.25.2 ipympl==0.9.3 -ipython==8.15.0 +ipython==8.16.0 ipython-genutils==0.2.0 ipywidgets==8.1.1 isoduration==20.11.0 @@ -90,7 +90,7 @@ matplotlib==3.8.0 matplotlib-inline==0.1.6 mdit-py-plugins==0.3.5 mdurl==0.1.2 -mistune==3.0.1 +mistune==3.0.2 mpl-interactions==0.23.2 mypy-extensions==1.0.0 myst-nb==0.17.2 @@ -169,7 +169,7 @@ sphinxcontrib-jsmath==1.0.1 sphinxcontrib-qthelp==1.0.6 sphinxcontrib-serializinghtml==1.1.9 sqlalchemy==2.0.21 -stack-data==0.6.2 +stack-data==0.6.3 tabulate==0.9.0 terminado==0.17.1 tinycss2==1.2.1 @@ -177,12 +177,13 @@ tomli==2.0.1 tornado==6.3.3 tox==4.11.3 traitlets==5.10.1 +types-python-dateutil==2.8.19.14 typing-extensions==4.8.0 ujson==5.8.0 uri-template==1.3.0 urllib3==2.0.5 virtualenv==20.24.5 -wcwidth==0.2.6 +wcwidth==0.2.8 webcolors==1.13 webencodings==0.5.1 websocket-client==1.6.3 diff --git a/.constraints/py3.11.txt b/.constraints/py3.11.txt index 6a1893fe..0ebed867 100644 --- a/.constraints/py3.11.txt +++ b/.constraints/py3.11.txt @@ -11,7 +11,7 @@ alabaster==0.7.13 anyio==4.0.0 argon2-cffi==23.1.0 argon2-cffi-bindings==21.2.0 -arrow==1.2.3 +arrow==1.3.0 asttokens==2.4.0 attrs==23.1.0 babel==2.12.1 @@ -24,12 +24,12 @@ certifi==2023.7.22 cffi==1.16.0 cfgv==3.4.0 chardet==5.2.0 -charset-normalizer==3.2.0 +charset-normalizer==3.3.0 click==8.1.7 colorama==0.4.6 comm==0.1.4 contourpy==1.1.1 -cycler==0.11.0 +cycler==0.12.0 debugpy==1.8.0 decorator==5.1.1 defusedxml==0.7.1 @@ -37,21 +37,21 @@ distlib==0.3.7 docstring-to-markdown==0.12 docutils==0.17.1 entrypoints==0.4 -executing==1.2.0 -fastjsonschema==2.18.0 +executing==2.0.0 +fastjsonschema==2.18.1 filelock==3.12.4 -fonttools==4.42.1 +fonttools==4.43.0 fqdn==1.5.1 graphviz==0.20.1 greenlet==2.0.2 -identify==2.5.29 +identify==2.5.30 idna==3.4 imagesize==1.4.1 importlib-metadata==6.8.0 iniconfig==2.0.0 ipykernel==6.25.2 ipympl==0.9.3 -ipython==8.15.0 +ipython==8.16.0 ipython-genutils==0.2.0 ipywidgets==8.1.1 isoduration==20.11.0 @@ -89,7 +89,7 @@ matplotlib==3.8.0 matplotlib-inline==0.1.6 mdit-py-plugins==0.3.5 mdurl==0.1.2 -mistune==3.0.1 +mistune==3.0.2 mpl-interactions==0.23.2 mypy-extensions==1.0.0 myst-nb==0.17.2 @@ -168,19 +168,20 @@ sphinxcontrib-jsmath==1.0.1 sphinxcontrib-qthelp==1.0.6 sphinxcontrib-serializinghtml==1.1.9 sqlalchemy==2.0.21 -stack-data==0.6.2 +stack-data==0.6.3 tabulate==0.9.0 terminado==0.17.1 tinycss2==1.2.1 tornado==6.3.3 tox==4.11.3 traitlets==5.10.1 +types-python-dateutil==2.8.19.14 typing-extensions==4.8.0 ujson==5.8.0 uri-template==1.3.0 urllib3==2.0.5 virtualenv==20.24.5 -wcwidth==0.2.6 +wcwidth==0.2.8 webcolors==1.13 webencodings==0.5.1 websocket-client==1.6.3 diff --git a/.constraints/py3.7.txt b/.constraints/py3.7.txt index 4708725b..0fadded1 100644 --- a/.constraints/py3.7.txt +++ b/.constraints/py3.7.txt @@ -24,7 +24,7 @@ certifi==2023.7.22 cffi==1.15.1 cfgv==3.3.1 chardet==5.2.0 -charset-normalizer==3.2.0 +charset-normalizer==3.3.0 click==8.1.7 colorama==0.4.6 comm==0.1.4 @@ -37,7 +37,7 @@ docstring-to-markdown==0.12 docutils==0.17.1 entrypoints==0.4 exceptiongroup==1.1.3 -fastjsonschema==2.18.0 +fastjsonschema==2.18.1 filelock==3.12.2 fonttools==4.38.0 fqdn==1.5.1 @@ -87,7 +87,7 @@ matplotlib==3.5.3 matplotlib-inline==0.1.6 mdit-py-plugins==0.3.5 mdurl==0.1.2 -mistune==3.0.1 +mistune==3.0.2 mpl-interactions==0.23.2 mypy-extensions==1.0.0 myst-nb==0.17.2 @@ -179,7 +179,7 @@ ujson==5.7.0 uri-template==1.3.0 urllib3==2.0.5 virtualenv==20.24.5 -wcwidth==0.2.6 +wcwidth==0.2.8 webcolors==1.13 webencodings==0.5.1 websocket-client==1.6.1 diff --git a/.constraints/py3.8.txt b/.constraints/py3.8.txt index b85668f4..bdbaad61 100644 --- a/.constraints/py3.8.txt +++ b/.constraints/py3.8.txt @@ -11,7 +11,7 @@ alabaster==0.7.13 anyio==4.0.0 argon2-cffi==23.1.0 argon2-cffi-bindings==21.2.0 -arrow==1.2.3 +arrow==1.3.0 asttokens==2.4.0 attrs==23.1.0 babel==2.12.1 @@ -24,12 +24,12 @@ certifi==2023.7.22 cffi==1.16.0 cfgv==3.4.0 chardet==5.2.0 -charset-normalizer==3.2.0 +charset-normalizer==3.3.0 click==8.1.7 colorama==0.4.6 comm==0.1.4 contourpy==1.1.1 -cycler==0.11.0 +cycler==0.12.0 debugpy==1.8.0 decorator==5.1.1 defusedxml==0.7.1 @@ -38,14 +38,14 @@ docstring-to-markdown==0.12 docutils==0.17.1 entrypoints==0.4 exceptiongroup==1.1.3 -executing==1.2.0 -fastjsonschema==2.18.0 +executing==2.0.0 +fastjsonschema==2.18.1 filelock==3.12.4 -fonttools==4.42.1 +fonttools==4.43.0 fqdn==1.5.1 graphviz==0.20.1 greenlet==2.0.2 -identify==2.5.29 +identify==2.5.30 idna==3.4 imagesize==1.4.1 importlib-metadata==6.8.0 @@ -53,7 +53,7 @@ importlib-resources==6.1.0 iniconfig==2.0.0 ipykernel==6.25.2 ipympl==0.9.3 -ipython==8.12.2 +ipython==8.12.3 ipython-genutils==0.2.0 ipywidgets==8.1.1 isoduration==20.11.0 @@ -91,7 +91,7 @@ matplotlib==3.7.3 matplotlib-inline==0.1.6 mdit-py-plugins==0.3.5 mdurl==0.1.2 -mistune==3.0.1 +mistune==3.0.2 mpl-interactions==0.23.2 mypy-extensions==1.0.0 myst-nb==0.17.2 @@ -172,7 +172,7 @@ sphinxcontrib-jsmath==1.0.1 sphinxcontrib-qthelp==1.0.3 sphinxcontrib-serializinghtml==1.1.5 sqlalchemy==2.0.21 -stack-data==0.6.2 +stack-data==0.6.3 tabulate==0.9.0 terminado==0.17.1 tinycss2==1.2.1 @@ -180,12 +180,13 @@ tomli==2.0.1 tornado==6.3.3 tox==4.11.3 traitlets==5.10.1 +types-python-dateutil==2.8.19.14 typing-extensions==4.8.0 ujson==5.8.0 uri-template==1.3.0 urllib3==2.0.5 virtualenv==20.24.5 -wcwidth==0.2.6 +wcwidth==0.2.8 webcolors==1.13 webencodings==0.5.1 websocket-client==1.6.3 diff --git a/.constraints/py3.9.txt b/.constraints/py3.9.txt index d15a66ce..5314ce83 100644 --- a/.constraints/py3.9.txt +++ b/.constraints/py3.9.txt @@ -11,7 +11,7 @@ alabaster==0.7.13 anyio==4.0.0 argon2-cffi==23.1.0 argon2-cffi-bindings==21.2.0 -arrow==1.2.3 +arrow==1.3.0 asttokens==2.4.0 attrs==23.1.0 babel==2.12.1 @@ -24,12 +24,12 @@ certifi==2023.7.22 cffi==1.16.0 cfgv==3.4.0 chardet==5.2.0 -charset-normalizer==3.2.0 +charset-normalizer==3.3.0 click==8.1.7 colorama==0.4.6 comm==0.1.4 contourpy==1.1.1 -cycler==0.11.0 +cycler==0.12.0 debugpy==1.8.0 decorator==5.1.1 defusedxml==0.7.1 @@ -38,14 +38,14 @@ docstring-to-markdown==0.12 docutils==0.17.1 entrypoints==0.4 exceptiongroup==1.1.3 -executing==1.2.0 -fastjsonschema==2.18.0 +executing==2.0.0 +fastjsonschema==2.18.1 filelock==3.12.4 -fonttools==4.42.1 +fonttools==4.43.0 fqdn==1.5.1 graphviz==0.20.1 greenlet==2.0.2 -identify==2.5.29 +identify==2.5.30 idna==3.4 imagesize==1.4.1 importlib-metadata==6.8.0 @@ -53,7 +53,7 @@ importlib-resources==6.1.0 iniconfig==2.0.0 ipykernel==6.25.2 ipympl==0.9.3 -ipython==8.15.0 +ipython==8.16.0 ipython-genutils==0.2.0 ipywidgets==8.1.1 isoduration==20.11.0 @@ -91,7 +91,7 @@ matplotlib==3.8.0 matplotlib-inline==0.1.6 mdit-py-plugins==0.3.5 mdurl==0.1.2 -mistune==3.0.1 +mistune==3.0.2 mpl-interactions==0.23.2 mypy-extensions==1.0.0 myst-nb==0.17.2 @@ -170,7 +170,7 @@ sphinxcontrib-jsmath==1.0.1 sphinxcontrib-qthelp==1.0.6 sphinxcontrib-serializinghtml==1.1.9 sqlalchemy==2.0.21 -stack-data==0.6.2 +stack-data==0.6.3 tabulate==0.9.0 terminado==0.17.1 tinycss2==1.2.1 @@ -178,12 +178,13 @@ tomli==2.0.1 tornado==6.3.3 tox==4.11.3 traitlets==5.10.1 +types-python-dateutil==2.8.19.14 typing-extensions==4.8.0 ujson==5.8.0 uri-template==1.3.0 urllib3==2.0.5 virtualenv==20.24.5 -wcwidth==0.2.6 +wcwidth==0.2.8 webcolors==1.13 webencodings==0.5.1 websocket-client==1.6.3 diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml index 30775d01..618b8d6e 100644 --- a/.pre-commit-config.yaml +++ b/.pre-commit-config.yaml @@ -38,7 +38,7 @@ repos: )$ - repo: https://github.com/ComPWA/repo-maintenance - rev: 0.0.200 + rev: 0.0.201 hooks: - id: check-dev-files args: @@ -88,7 +88,7 @@ repos: pass_filenames: false - repo: https://github.com/streetsidesoftware/cspell-cli - rev: v7.3.0 + rev: v7.3.1 hooks: - id: cspell From 45aaf77e42b27345af85e076e41bae1e1a79c199 Mon Sep 17 00:00:00 2001 From: "pre-commit-ci[bot]" <66853113+pre-commit-ci[bot]@users.noreply.github.com> Date: Sun, 1 Oct 2023 12:27:42 +0000 Subject: [PATCH 15/33] [pre-commit.ci] auto fixes from pre-commit.com hooks for more information, see https://pre-commit.ci --- .markdownlint.json | 7 ------- 1 file changed, 7 deletions(-) delete mode 100644 .markdownlint.json diff --git a/.markdownlint.json b/.markdownlint.json deleted file mode 100644 index 23bb7fa6..00000000 --- a/.markdownlint.json +++ /dev/null @@ -1,7 +0,0 @@ -{ - "MD013": { "line_length": 88 }, - "MD026": { "punctuation": ".,;:。,;:!" }, - "MD033": { - "allowed_elements": ["br"] - } -} From f01a1dc5f0e68562e8e0ac63ea40eafae832f62b Mon Sep 17 00:00:00 2001 From: Remco de Boer <29308176+redeboer@users.noreply.github.com> Date: Mon, 2 Oct 2023 10:13:45 +0200 Subject: [PATCH 16/33] MAINT: switch to new `sphinx-hep-pdgref` --- docs/conf.py | 2 +- setup.cfg | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/docs/conf.py b/docs/conf.py index 94db96f8..0b6df038 100644 --- a/docs/conf.py +++ b/docs/conf.py @@ -98,11 +98,11 @@ def fetch_logo(url: str, output_path: str) -> None: "sphinx_comments", "sphinx_copybutton", "sphinx_design", + "sphinx_hep_pdgref", "sphinx_remove_toctrees", "sphinx_thebe", "sphinx_togglebutton", "sphinxcontrib.bibtex", - "sphinxcontrib.hep.pdgref", ] exclude_patterns = [ "**.ipynb_checkpoints", diff --git a/setup.cfg b/setup.cfg index 198be340..893d8faf 100644 --- a/setup.cfg +++ b/setup.cfg @@ -48,11 +48,11 @@ doc = sphinx-comments sphinx-copybutton sphinx-design + sphinx-hep-pdgref sphinx-remove-toctrees sphinx-thebe sphinx-togglebutton sphinxcontrib-bibtex >=2 - sphinxcontrib-hep-pdgref test = jupyter nbmake From bdff0444020c52e022f79b4e059bb81929dc5d82 Mon Sep 17 00:00:00 2001 From: GitHub Date: Mon, 2 Oct 2023 08:15:41 +0000 Subject: [PATCH 17/33] MAINT: update pip constraints and pre-commit --- .constraints/py3.10.txt | 4 ++-- .constraints/py3.11.txt | 4 ++-- .constraints/py3.7.txt | 4 ++-- .constraints/py3.8.txt | 4 ++-- .constraints/py3.9.txt | 4 ++-- 5 files changed, 10 insertions(+), 10 deletions(-) diff --git a/.constraints/py3.10.txt b/.constraints/py3.10.txt index 8b185510..35b1088c 100644 --- a/.constraints/py3.10.txt +++ b/.constraints/py3.10.txt @@ -106,7 +106,7 @@ notebook==6.5.6 notebook-shim==0.2.3 numpy==1.26.0 overrides==7.4.0 -packaging==23.1 +packaging==23.2 pandocfilters==1.5.0 parso==0.8.3 pathspec==0.11.2 @@ -157,13 +157,13 @@ sphinx-codeautolink==0.15.0 sphinx-comments==0.0.3 sphinx-copybutton==0.5.2 sphinx-design==0.5.0 +sphinx-hep-pdgref==0.2.0 sphinx-remove-toctrees==0.0.3 sphinx-thebe==0.2.1 sphinx-togglebutton==0.3.2 sphinxcontrib-applehelp==1.0.7 sphinxcontrib-bibtex==2.6.1 sphinxcontrib-devhelp==1.0.5 -sphinxcontrib-hep-pdgref==0.1.5 sphinxcontrib-htmlhelp==2.0.4 sphinxcontrib-jsmath==1.0.1 sphinxcontrib-qthelp==1.0.6 diff --git a/.constraints/py3.11.txt b/.constraints/py3.11.txt index 0ebed867..011093bc 100644 --- a/.constraints/py3.11.txt +++ b/.constraints/py3.11.txt @@ -105,7 +105,7 @@ notebook==6.5.6 notebook-shim==0.2.3 numpy==1.26.0 overrides==7.4.0 -packaging==23.1 +packaging==23.2 pandocfilters==1.5.0 parso==0.8.3 pathspec==0.11.2 @@ -156,13 +156,13 @@ sphinx-codeautolink==0.15.0 sphinx-comments==0.0.3 sphinx-copybutton==0.5.2 sphinx-design==0.5.0 +sphinx-hep-pdgref==0.2.0 sphinx-remove-toctrees==0.0.3 sphinx-thebe==0.2.1 sphinx-togglebutton==0.3.2 sphinxcontrib-applehelp==1.0.7 sphinxcontrib-bibtex==2.6.1 sphinxcontrib-devhelp==1.0.5 -sphinxcontrib-hep-pdgref==0.1.5 sphinxcontrib-htmlhelp==2.0.4 sphinxcontrib-jsmath==1.0.1 sphinxcontrib-qthelp==1.0.6 diff --git a/.constraints/py3.7.txt b/.constraints/py3.7.txt index 0fadded1..4a3cfd79 100644 --- a/.constraints/py3.7.txt +++ b/.constraints/py3.7.txt @@ -102,7 +102,7 @@ nodeenv==1.8.0 notebook==6.5.6 notebook-shim==0.2.3 numpy==1.21.6 -packaging==23.1 +packaging==23.2 pandocfilters==1.5.0 parso==0.8.3 pathspec==0.11.2 @@ -154,13 +154,13 @@ sphinx-codeautolink==0.15.0 sphinx-comments==0.0.3 sphinx-copybutton==0.5.2 sphinx-design==0.4.1 +sphinx-hep-pdgref==0.2.0 sphinx-remove-toctrees==0.0.3 sphinx-thebe==0.2.1 sphinx-togglebutton==0.3.2 sphinxcontrib-applehelp==1.0.2 sphinxcontrib-bibtex==2.6.1 sphinxcontrib-devhelp==1.0.2 -sphinxcontrib-hep-pdgref==0.1.5 sphinxcontrib-htmlhelp==2.0.0 sphinxcontrib-jsmath==1.0.1 sphinxcontrib-qthelp==1.0.3 diff --git a/.constraints/py3.8.txt b/.constraints/py3.8.txt index bdbaad61..0c6044dc 100644 --- a/.constraints/py3.8.txt +++ b/.constraints/py3.8.txt @@ -107,7 +107,7 @@ notebook==6.5.6 notebook-shim==0.2.3 numpy==1.24.4 overrides==7.4.0 -packaging==23.1 +packaging==23.2 pandocfilters==1.5.0 parso==0.8.3 pathspec==0.11.2 @@ -160,13 +160,13 @@ sphinx-codeautolink==0.15.0 sphinx-comments==0.0.3 sphinx-copybutton==0.5.2 sphinx-design==0.5.0 +sphinx-hep-pdgref==0.2.0 sphinx-remove-toctrees==0.0.3 sphinx-thebe==0.2.1 sphinx-togglebutton==0.3.2 sphinxcontrib-applehelp==1.0.4 sphinxcontrib-bibtex==2.6.1 sphinxcontrib-devhelp==1.0.2 -sphinxcontrib-hep-pdgref==0.1.5 sphinxcontrib-htmlhelp==2.0.1 sphinxcontrib-jsmath==1.0.1 sphinxcontrib-qthelp==1.0.3 diff --git a/.constraints/py3.9.txt b/.constraints/py3.9.txt index 5314ce83..11daacd0 100644 --- a/.constraints/py3.9.txt +++ b/.constraints/py3.9.txt @@ -107,7 +107,7 @@ notebook==6.5.6 notebook-shim==0.2.3 numpy==1.26.0 overrides==7.4.0 -packaging==23.1 +packaging==23.2 pandocfilters==1.5.0 parso==0.8.3 pathspec==0.11.2 @@ -158,13 +158,13 @@ sphinx-codeautolink==0.15.0 sphinx-comments==0.0.3 sphinx-copybutton==0.5.2 sphinx-design==0.5.0 +sphinx-hep-pdgref==0.2.0 sphinx-remove-toctrees==0.0.3 sphinx-thebe==0.2.1 sphinx-togglebutton==0.3.2 sphinxcontrib-applehelp==1.0.7 sphinxcontrib-bibtex==2.6.1 sphinxcontrib-devhelp==1.0.5 -sphinxcontrib-hep-pdgref==0.1.5 sphinxcontrib-htmlhelp==2.0.4 sphinxcontrib-jsmath==1.0.1 sphinxcontrib-qthelp==1.0.6 From e862527c7d00748968d1d0ae9bbd13db501c8309 Mon Sep 17 00:00:00 2001 From: GitHub Date: Tue, 3 Oct 2023 19:49:21 +0000 Subject: [PATCH 18/33] MAINT: update pip constraints and pre-commit --- .constraints/py3.10.txt | 18 +++++++++--------- .constraints/py3.11.txt | 18 +++++++++--------- .constraints/py3.7.txt | 10 +++++----- .constraints/py3.8.txt | 16 ++++++++-------- .constraints/py3.9.txt | 18 +++++++++--------- .pre-commit-config.yaml | 6 +++--- 6 files changed, 43 insertions(+), 43 deletions(-) diff --git a/.constraints/py3.10.txt b/.constraints/py3.10.txt index 35b1088c..edb0ddc4 100644 --- a/.constraints/py3.10.txt +++ b/.constraints/py3.10.txt @@ -14,7 +14,7 @@ argon2-cffi-bindings==21.2.0 arrow==1.3.0 asttokens==2.4.0 attrs==23.1.0 -babel==2.12.1 +babel==2.13.0 backcall==0.2.0 beautifulsoup4==4.12.2 black==23.9.1 @@ -44,7 +44,7 @@ filelock==3.12.4 fonttools==4.43.0 fqdn==1.5.1 graphviz==0.20.1 -greenlet==2.0.2 +greenlet==3.0.0 identify==2.5.30 idna==3.4 imagesize==1.4.1 @@ -52,11 +52,11 @@ importlib-metadata==6.8.0 iniconfig==2.0.0 ipykernel==6.25.2 ipympl==0.9.3 -ipython==8.16.0 +ipython==8.16.1 ipython-genutils==0.2.0 ipywidgets==8.1.1 isoduration==20.11.0 -jedi==0.19.0 +jedi==0.19.1 jinja2==3.1.2 json5==0.9.14 jsonpointer==2.4 @@ -99,7 +99,7 @@ nbclassic==1.0.0 nbclient==0.6.8 nbconvert==7.8.0 nbformat==5.9.2 -nbmake==1.4.3 +nbmake==1.4.5 nest-asyncio==1.5.8 nodeenv==1.8.0 notebook==6.5.6 @@ -113,7 +113,7 @@ pathspec==0.11.2 pexpect==4.8.0 pickleshare==0.7.5 pillow==10.0.1 -platformdirs==3.10.0 +platformdirs==3.11.0 pluggy==1.3.0 pre-commit==3.4.0 prometheus-client==0.17.1 @@ -144,7 +144,7 @@ rfc3339-validator==0.1.4 rfc3986-validator==0.1.1 rope==1.10.0 rpds-py==0.10.3 -ruff==0.0.291 +ruff==0.0.292 send2trash==1.8.2 six==1.16.0 sniffio==1.3.0 @@ -176,12 +176,12 @@ tinycss2==1.2.1 tomli==2.0.1 tornado==6.3.3 tox==4.11.3 -traitlets==5.10.1 +traitlets==5.11.1 types-python-dateutil==2.8.19.14 typing-extensions==4.8.0 ujson==5.8.0 uri-template==1.3.0 -urllib3==2.0.5 +urllib3==2.0.6 virtualenv==20.24.5 wcwidth==0.2.8 webcolors==1.13 diff --git a/.constraints/py3.11.txt b/.constraints/py3.11.txt index 011093bc..57ac58e8 100644 --- a/.constraints/py3.11.txt +++ b/.constraints/py3.11.txt @@ -14,7 +14,7 @@ argon2-cffi-bindings==21.2.0 arrow==1.3.0 asttokens==2.4.0 attrs==23.1.0 -babel==2.12.1 +babel==2.13.0 backcall==0.2.0 beautifulsoup4==4.12.2 black==23.9.1 @@ -43,7 +43,7 @@ filelock==3.12.4 fonttools==4.43.0 fqdn==1.5.1 graphviz==0.20.1 -greenlet==2.0.2 +greenlet==3.0.0 identify==2.5.30 idna==3.4 imagesize==1.4.1 @@ -51,11 +51,11 @@ importlib-metadata==6.8.0 iniconfig==2.0.0 ipykernel==6.25.2 ipympl==0.9.3 -ipython==8.16.0 +ipython==8.16.1 ipython-genutils==0.2.0 ipywidgets==8.1.1 isoduration==20.11.0 -jedi==0.19.0 +jedi==0.19.1 jinja2==3.1.2 json5==0.9.14 jsonpointer==2.4 @@ -98,7 +98,7 @@ nbclassic==1.0.0 nbclient==0.6.8 nbconvert==7.8.0 nbformat==5.9.2 -nbmake==1.4.3 +nbmake==1.4.5 nest-asyncio==1.5.8 nodeenv==1.8.0 notebook==6.5.6 @@ -112,7 +112,7 @@ pathspec==0.11.2 pexpect==4.8.0 pickleshare==0.7.5 pillow==10.0.1 -platformdirs==3.10.0 +platformdirs==3.11.0 pluggy==1.3.0 pre-commit==3.4.0 prometheus-client==0.17.1 @@ -143,7 +143,7 @@ rfc3339-validator==0.1.4 rfc3986-validator==0.1.1 rope==1.10.0 rpds-py==0.10.3 -ruff==0.0.291 +ruff==0.0.292 send2trash==1.8.2 six==1.16.0 sniffio==1.3.0 @@ -174,12 +174,12 @@ terminado==0.17.1 tinycss2==1.2.1 tornado==6.3.3 tox==4.11.3 -traitlets==5.10.1 +traitlets==5.11.1 types-python-dateutil==2.8.19.14 typing-extensions==4.8.0 ujson==5.8.0 uri-template==1.3.0 -urllib3==2.0.5 +urllib3==2.0.6 virtualenv==20.24.5 wcwidth==0.2.8 webcolors==1.13 diff --git a/.constraints/py3.7.txt b/.constraints/py3.7.txt index 4a3cfd79..9b240ee7 100644 --- a/.constraints/py3.7.txt +++ b/.constraints/py3.7.txt @@ -13,7 +13,7 @@ argon2-cffi==23.1.0 argon2-cffi-bindings==21.2.0 arrow==1.2.3 attrs==23.1.0 -babel==2.12.1 +babel==2.13.0 backcall==0.2.0 beautifulsoup4==4.12.2 black==23.3.0 @@ -42,7 +42,7 @@ filelock==3.12.2 fonttools==4.38.0 fqdn==1.5.1 graphviz==0.20.1 -greenlet==2.0.2 +greenlet==3.0.0 identify==2.5.24 idna==3.4 imagesize==1.4.1 @@ -110,7 +110,7 @@ pexpect==4.8.0 pickleshare==0.7.5 pillow==9.5.0 pkgutil-resolve-name==1.3.10 -platformdirs==3.10.0 +platformdirs==3.11.0 pluggy==1.2.0 pre-commit==2.21.0 prometheus-client==0.17.1 @@ -141,7 +141,7 @@ requests==2.31.0 rfc3339-validator==0.1.4 rfc3986-validator==0.1.1 rope==1.9.0 -ruff==0.0.291 +ruff==0.0.292 send2trash==1.8.2 six==1.16.0 sniffio==1.3.0 @@ -177,7 +177,7 @@ typed-ast==1.5.5 typing-extensions==4.7.1 ujson==5.7.0 uri-template==1.3.0 -urllib3==2.0.5 +urllib3==2.0.6 virtualenv==20.24.5 wcwidth==0.2.8 webcolors==1.13 diff --git a/.constraints/py3.8.txt b/.constraints/py3.8.txt index 0c6044dc..0993274b 100644 --- a/.constraints/py3.8.txt +++ b/.constraints/py3.8.txt @@ -14,7 +14,7 @@ argon2-cffi-bindings==21.2.0 arrow==1.3.0 asttokens==2.4.0 attrs==23.1.0 -babel==2.12.1 +babel==2.13.0 backcall==0.2.0 beautifulsoup4==4.12.2 black==23.9.1 @@ -44,7 +44,7 @@ filelock==3.12.4 fonttools==4.43.0 fqdn==1.5.1 graphviz==0.20.1 -greenlet==2.0.2 +greenlet==3.0.0 identify==2.5.30 idna==3.4 imagesize==1.4.1 @@ -57,7 +57,7 @@ ipython==8.12.3 ipython-genutils==0.2.0 ipywidgets==8.1.1 isoduration==20.11.0 -jedi==0.19.0 +jedi==0.19.1 jinja2==3.1.2 json5==0.9.14 jsonpointer==2.4 @@ -100,7 +100,7 @@ nbclassic==1.0.0 nbclient==0.6.8 nbconvert==7.8.0 nbformat==5.9.2 -nbmake==1.4.3 +nbmake==1.4.5 nest-asyncio==1.5.8 nodeenv==1.8.0 notebook==6.5.6 @@ -115,7 +115,7 @@ pexpect==4.8.0 pickleshare==0.7.5 pillow==10.0.1 pkgutil-resolve-name==1.3.10 -platformdirs==3.10.0 +platformdirs==3.11.0 pluggy==1.3.0 pre-commit==3.4.0 prometheus-client==0.17.1 @@ -147,7 +147,7 @@ rfc3339-validator==0.1.4 rfc3986-validator==0.1.1 rope==1.10.0 rpds-py==0.10.3 -ruff==0.0.291 +ruff==0.0.292 send2trash==1.8.2 six==1.16.0 sniffio==1.3.0 @@ -179,12 +179,12 @@ tinycss2==1.2.1 tomli==2.0.1 tornado==6.3.3 tox==4.11.3 -traitlets==5.10.1 +traitlets==5.11.1 types-python-dateutil==2.8.19.14 typing-extensions==4.8.0 ujson==5.8.0 uri-template==1.3.0 -urllib3==2.0.5 +urllib3==2.0.6 virtualenv==20.24.5 wcwidth==0.2.8 webcolors==1.13 diff --git a/.constraints/py3.9.txt b/.constraints/py3.9.txt index 11daacd0..f95b323f 100644 --- a/.constraints/py3.9.txt +++ b/.constraints/py3.9.txt @@ -14,7 +14,7 @@ argon2-cffi-bindings==21.2.0 arrow==1.3.0 asttokens==2.4.0 attrs==23.1.0 -babel==2.12.1 +babel==2.13.0 backcall==0.2.0 beautifulsoup4==4.12.2 black==23.9.1 @@ -44,7 +44,7 @@ filelock==3.12.4 fonttools==4.43.0 fqdn==1.5.1 graphviz==0.20.1 -greenlet==2.0.2 +greenlet==3.0.0 identify==2.5.30 idna==3.4 imagesize==1.4.1 @@ -53,11 +53,11 @@ importlib-resources==6.1.0 iniconfig==2.0.0 ipykernel==6.25.2 ipympl==0.9.3 -ipython==8.16.0 +ipython==8.16.1 ipython-genutils==0.2.0 ipywidgets==8.1.1 isoduration==20.11.0 -jedi==0.19.0 +jedi==0.19.1 jinja2==3.1.2 json5==0.9.14 jsonpointer==2.4 @@ -100,7 +100,7 @@ nbclassic==1.0.0 nbclient==0.6.8 nbconvert==7.8.0 nbformat==5.9.2 -nbmake==1.4.3 +nbmake==1.4.5 nest-asyncio==1.5.8 nodeenv==1.8.0 notebook==6.5.6 @@ -114,7 +114,7 @@ pathspec==0.11.2 pexpect==4.8.0 pickleshare==0.7.5 pillow==10.0.1 -platformdirs==3.10.0 +platformdirs==3.11.0 pluggy==1.3.0 pre-commit==3.4.0 prometheus-client==0.17.1 @@ -145,7 +145,7 @@ rfc3339-validator==0.1.4 rfc3986-validator==0.1.1 rope==1.10.0 rpds-py==0.10.3 -ruff==0.0.291 +ruff==0.0.292 send2trash==1.8.2 six==1.16.0 sniffio==1.3.0 @@ -177,12 +177,12 @@ tinycss2==1.2.1 tomli==2.0.1 tornado==6.3.3 tox==4.11.3 -traitlets==5.10.1 +traitlets==5.11.1 types-python-dateutil==2.8.19.14 typing-extensions==4.8.0 ujson==5.8.0 uri-template==1.3.0 -urllib3==2.0.5 +urllib3==2.0.6 virtualenv==20.24.5 wcwidth==0.2.8 webcolors==1.13 diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml index 618b8d6e..8acbe7bf 100644 --- a/.pre-commit-config.yaml +++ b/.pre-commit-config.yaml @@ -38,7 +38,7 @@ repos: )$ - repo: https://github.com/ComPWA/repo-maintenance - rev: 0.0.201 + rev: 0.0.202 hooks: - id: check-dev-files args: @@ -149,14 +149,14 @@ repos: - id: pyright - repo: https://github.com/asottile/pyupgrade - rev: v3.13.0 + rev: v3.14.0 hooks: - id: pyupgrade args: - --py37-plus - repo: https://github.com/astral-sh/ruff-pre-commit - rev: v0.0.291 + rev: v0.0.292 hooks: - id: ruff args: From 9e110bc26ef86260d4ceb9f3ce49e597bee1e304 Mon Sep 17 00:00:00 2001 From: "pre-commit-ci[bot]" <66853113+pre-commit-ci[bot]@users.noreply.github.com> Date: Tue, 3 Oct 2023 19:49:52 +0000 Subject: [PATCH 19/33] [pre-commit.ci] auto fixes from pre-commit.com hooks for more information, see https://pre-commit.ci --- .pre-commit-config.yaml | 8 ++- .taplo.toml | 3 ++ pyproject.toml | 114 +++++++++++++++++++++++++++++++++++++++- setup.cfg | 84 ----------------------------- setup.py | 6 --- 5 files changed, 122 insertions(+), 93 deletions(-) delete mode 100644 setup.cfg delete mode 100644 setup.py diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml index 8acbe7bf..834b3bda 100644 --- a/.pre-commit-config.yaml +++ b/.pre-commit-config.yaml @@ -47,7 +47,6 @@ repos: - --repo-title=ComPWA Organization Documentation - id: colab-toc-visible - id: fix-nbformat-version - - id: format-setup-cfg - id: pin-nb-requirements - id: set-nb-cells @@ -166,3 +165,10 @@ repos: rev: v0.8.1 hooks: - id: taplo + + - repo: https://github.com/pappasam/toml-sort + rev: PLEASE-UPDATE + hooks: + - id: toml-sort + args: + - --in-place diff --git a/.taplo.toml b/.taplo.toml index f5caabee..424b7469 100644 --- a/.taplo.toml +++ b/.taplo.toml @@ -6,11 +6,14 @@ exclude = [ ] [formatting] +align_comments = false align_entries = false +allowed_blank_lines = 1 array_auto_collapse = false array_auto_expand = true array_trailing_comma = true column_width = 88 +compact_inline_tables = true indent_string = " " reorder_arrays = true reorder_keys = true diff --git a/pyproject.toml b/pyproject.toml index 800ed22c..20189fc4 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -1,9 +1,9 @@ [build-system] requires = [ - "setuptools>=36.2.1", # environment markers + "setuptools>=61.2", "setuptools_scm", - "wheel", ] +build-backend = "setuptools.build_meta" [tool.setuptools_scm] write_to = "version.py" @@ -178,3 +178,113 @@ task-tags = ["cspell"] [tool.ruff.pydocstyle] convention = "google" + +[tool.tomlsort] +all = false +ignore_case = true +in_place = true +sort_first = [ + "build-system", + "project", + "tool.setuptools", + "tool.setuptools_scm", +] +sort_table_keys = true +spaces_indent_inline_array = 4 +trailing_comma_inline_array = true + +[tool.setuptools] +include-package-data = false + +[project] +name = "compwa-org" +authors = [{name = "Common Partial Wave Analysis", email = "compwa-admin@ep1.rub.de"}] +maintainers = [{email = "compwa-admin@ep1.rub.de"}] +description = "Source code for the ComPWA Organization pages" +license = {text = "GPLv3 or later"} +classifiers = [ + "Development Status :: 4 - Beta", + "Intended Audience :: Developers", + "Intended Audience :: Education", + "Intended Audience :: Science/Research", + "License :: OSI Approved :: GNU General Public License v3 or later (GPLv3+)", + "Natural Language :: English", + "Operating System :: OS Independent", + "Programming Language :: Python", + "Programming Language :: Python :: 3.7", + "Programming Language :: Python :: 3.8", + "Programming Language :: Python :: 3.9", + "Programming Language :: Python :: 3.10", + "Programming Language :: Python :: 3.11", + "Topic :: Scientific/Engineering", + "Topic :: Scientific/Engineering :: Physics", +] +requires-python = ">=3.7" +dependencies = [ + "graphviz", + "ipympl", + "matplotlib", + "mpl-interactions", +] +dynamic = ["version"] + +[project.readme] +file = "README.md" +content-type = "text/markdown" + +[project.urls] +Tracker = "https://github.com/ComPWA/compwa-org/issues" +Documentation = "https://compwa-org.rtfd.io" +Source = "https://github.com/ComPWA/compwa-org" + +[project.optional-dependencies] +doc = [ + "docutils !=0.18.*, !=0.19.*", # https://github.com/executablebooks/jupyter-book/issues/2026#issuecomment-1636657741 + "myst-nb >=0.14", # nb_ configuration prefixes + "Sphinx >=3", + "sphinx-book-theme", + "sphinx-codeautolink[ipython]", + "sphinx-comments", + "sphinx-copybutton", + "sphinx-design", + "sphinx-hep-pdgref", + "sphinx-remove-toctrees", + "sphinx-thebe", + "sphinx-togglebutton", + "sphinxcontrib-bibtex >=2", +] +test = [ + "jupyter", + "nbmake", + 'nbmake <1.3; python_version=="3.7.*"', +] +format = [ + "black", +] +lint = [ + "ruff", +] +sty = [ + "compwa-org[format]", + "compwa-org[lint]", + "attrs", # https://github.com/ComPWA/compwa-org/runs/8127821070?check_suite_focus=true#step:5:52 + "nbformat", + "pre-commit >=1.4.0", +] +jupyter = [ + "compwa-org[doc]", + "jupyterlab", + "jupyterlab-code-formatter", + "jupyterlab-lsp", + "jupyterlab-myst", + "python-lsp-server[rope]", + 'ypy-websocket <0.8.3; python_version <"3.8.0"', +] +dev = [ + "compwa-org[doc]", + "compwa-org[jupyter]", + "compwa-org[sty]", + "compwa-org[test]", + "sphinx-autobuild", + "tox >=1.9", # for skip_install, use_develop +] diff --git a/setup.cfg b/setup.cfg deleted file mode 100644 index 893d8faf..00000000 --- a/setup.cfg +++ /dev/null @@ -1,84 +0,0 @@ -[metadata] -name = compwa-org -author = Common Partial Wave Analysis -author_email = compwa-admin@ep1.rub.de -maintainer_email = compwa-admin@ep1.rub.de -description = Source code for the ComPWA Organization pages -long_description = file: README.md -long_description_content_type = text/markdown -project_urls = - Tracker = https://github.com/ComPWA/compwa-org/issues - Documentation = https://compwa-org.rtfd.io - Source = https://github.com/ComPWA/compwa-org -license = GPLv3 or later -classifiers = - Development Status :: 4 - Beta - Intended Audience :: Developers - Intended Audience :: Education - Intended Audience :: Science/Research - License :: OSI Approved :: GNU General Public License v3 or later (GPLv3+) - Natural Language :: English - Operating System :: OS Independent - Programming Language :: Python - Programming Language :: Python :: 3.7 - Programming Language :: Python :: 3.8 - Programming Language :: Python :: 3.9 - Programming Language :: Python :: 3.10 - Programming Language :: Python :: 3.11 - Topic :: Scientific/Engineering - Topic :: Scientific/Engineering :: Physics - -[options] -python_requires = >=3.7 -install_requires = - graphviz - ipympl - matplotlib - mpl-interactions -setup_requires = - setuptools_scm - -[options.extras_require] -doc = - docutils !=0.18.*, !=0.19.* # https://github.com/executablebooks/jupyter-book/issues/2026#issuecomment-1636657741 - myst-nb >=0.14 # nb_ configuration prefixes - Sphinx >=3 - sphinx-book-theme - sphinx-codeautolink[ipython] - sphinx-comments - sphinx-copybutton - sphinx-design - sphinx-hep-pdgref - sphinx-remove-toctrees - sphinx-thebe - sphinx-togglebutton - sphinxcontrib-bibtex >=2 -test = - jupyter - nbmake - nbmake <1.3; python_version=="3.7.*" -format = - black -lint = - ruff -sty = - %(format)s - %(lint)s - attrs # https://github.com/ComPWA/compwa-org/runs/8127821070?check_suite_focus=true#step:5:52 - nbformat - pre-commit >=1.4.0 -jupyter = - %(doc)s - jupyterlab - jupyterlab-code-formatter - jupyterlab-lsp - jupyterlab-myst - python-lsp-server[rope] - ypy-websocket <0.8.3; python_version <"3.8.0" -dev = - %(doc)s - %(jupyter)s - %(sty)s - %(test)s - sphinx-autobuild - tox >=1.9 # for skip_install, use_develop diff --git a/setup.py b/setup.py deleted file mode 100644 index 93296978..00000000 --- a/setup.py +++ /dev/null @@ -1,6 +0,0 @@ -from setuptools import setup - -setup( - use_scm_version=True, - setup_requires=["setuptools_scm"], -) From 996d5876a084643a8717ef2bd98437905bf9e0ea Mon Sep 17 00:00:00 2001 From: GitHub Date: Tue, 3 Oct 2023 19:57:10 +0000 Subject: [PATCH 20/33] MAINT: update pip constraints and pre-commit --- .constraints/py3.10.txt | 3 ++- .constraints/py3.11.txt | 3 ++- .constraints/py3.7.txt | 7 ++++--- .constraints/py3.8.txt | 3 ++- .constraints/py3.9.txt | 3 ++- .pre-commit-config.yaml | 2 +- 6 files changed, 13 insertions(+), 8 deletions(-) diff --git a/.constraints/py3.10.txt b/.constraints/py3.10.txt index edb0ddc4..8e7952e3 100644 --- a/.constraints/py3.10.txt +++ b/.constraints/py3.10.txt @@ -2,7 +2,7 @@ # This file is autogenerated by pip-compile with Python 3.10 # by the following command: # -# pip-compile --extra=dev --no-annotate --output-file=.constraints/py3.10.txt --strip-extras +# pip-compile --extra=dev --no-annotate --output-file=.constraints/py3.10.txt --strip-extras --unsafe-package=compwa-org --unsafe-package=pip --unsafe-package=setuptools # accessible-pygments==0.0.4 aiofiles==22.1.0 @@ -194,4 +194,5 @@ ypy-websocket==0.8.4 zipp==3.17.0 # The following packages are considered to be unsafe in a requirements file: +# compwa-org # setuptools diff --git a/.constraints/py3.11.txt b/.constraints/py3.11.txt index 57ac58e8..c826e73d 100644 --- a/.constraints/py3.11.txt +++ b/.constraints/py3.11.txt @@ -2,7 +2,7 @@ # This file is autogenerated by pip-compile with Python 3.11 # by the following command: # -# pip-compile --extra=dev --no-annotate --output-file=.constraints/py3.11.txt --strip-extras +# pip-compile --extra=dev --no-annotate --output-file=.constraints/py3.11.txt --strip-extras --unsafe-package=compwa-org --unsafe-package=pip --unsafe-package=setuptools # accessible-pygments==0.0.4 aiofiles==22.1.0 @@ -192,4 +192,5 @@ ypy-websocket==0.8.4 zipp==3.17.0 # The following packages are considered to be unsafe in a requirements file: +# compwa-org # setuptools diff --git a/.constraints/py3.7.txt b/.constraints/py3.7.txt index 9b240ee7..88318dd4 100644 --- a/.constraints/py3.7.txt +++ b/.constraints/py3.7.txt @@ -2,7 +2,7 @@ # This file is autogenerated by pip-compile with Python 3.7 # by the following command: # -# pip-compile --extra=dev --no-annotate --output-file=.constraints/py3.7.txt --resolver=backtracking --strip-extras +# pip-compile --extra=dev --no-annotate --output-file=.constraints/py3.7.txt --resolver=backtracking --strip-extras --unsafe-package=compwa-org --unsafe-package=pip --unsafe-package=setuptools # accessible-pygments==0.0.4 aiofiles==22.1.0 @@ -96,7 +96,7 @@ nbclassic==1.0.0 nbclient==0.5.13 nbconvert==7.6.0 nbformat==5.8.0 -nbmake==1.2.1 ; python_version == "3.7.*" +nbmake==1.2.1 nest-asyncio==1.5.8 nodeenv==1.8.0 notebook==6.5.6 @@ -186,8 +186,9 @@ websocket-client==1.6.1 wheel==0.41.2 widgetsnbextension==4.0.9 y-py==0.5.9 -ypy-websocket==0.8.2 ; python_version < "3.8.0" +ypy-websocket==0.8.2 zipp==3.15.0 # The following packages are considered to be unsafe in a requirements file: +# compwa-org # setuptools diff --git a/.constraints/py3.8.txt b/.constraints/py3.8.txt index 0993274b..3ab75f3f 100644 --- a/.constraints/py3.8.txt +++ b/.constraints/py3.8.txt @@ -2,7 +2,7 @@ # This file is autogenerated by pip-compile with Python 3.8 # by the following command: # -# pip-compile --extra=dev --no-annotate --output-file=.constraints/py3.8.txt --strip-extras +# pip-compile --extra=dev --no-annotate --output-file=.constraints/py3.8.txt --strip-extras --unsafe-package=compwa-org --unsafe-package=pip --unsafe-package=setuptools # accessible-pygments==0.0.4 aiofiles==22.1.0 @@ -197,4 +197,5 @@ ypy-websocket==0.8.4 zipp==3.17.0 # The following packages are considered to be unsafe in a requirements file: +# compwa-org # setuptools diff --git a/.constraints/py3.9.txt b/.constraints/py3.9.txt index f95b323f..10d65d35 100644 --- a/.constraints/py3.9.txt +++ b/.constraints/py3.9.txt @@ -2,7 +2,7 @@ # This file is autogenerated by pip-compile with Python 3.9 # by the following command: # -# pip-compile --extra=dev --no-annotate --output-file=.constraints/py3.9.txt --strip-extras +# pip-compile --extra=dev --no-annotate --output-file=.constraints/py3.9.txt --strip-extras --unsafe-package=compwa-org --unsafe-package=pip --unsafe-package=setuptools # accessible-pygments==0.0.4 aiofiles==22.1.0 @@ -195,4 +195,5 @@ ypy-websocket==0.8.4 zipp==3.17.0 # The following packages are considered to be unsafe in a requirements file: +# compwa-org # setuptools diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml index 834b3bda..738f2914 100644 --- a/.pre-commit-config.yaml +++ b/.pre-commit-config.yaml @@ -167,7 +167,7 @@ repos: - id: taplo - repo: https://github.com/pappasam/toml-sort - rev: PLEASE-UPDATE + rev: v0.23.1 hooks: - id: toml-sort args: From 48515a24304a9b85f37eb7cc3a397b5861661a00 Mon Sep 17 00:00:00 2001 From: "pre-commit-ci[bot]" <66853113+pre-commit-ci[bot]@users.noreply.github.com> Date: Tue, 3 Oct 2023 19:57:48 +0000 Subject: [PATCH 21/33] [pre-commit.ci] auto fixes from pre-commit.com hooks for more information, see https://pre-commit.ci --- docs/report/019/Manifest.toml | 312 +++++++++++++++++----------------- pyproject.toml | 196 ++++++++++----------- 2 files changed, 254 insertions(+), 254 deletions(-) diff --git a/docs/report/019/Manifest.toml b/docs/report/019/Manifest.toml index 6db10b12..906f7646 100644 --- a/docs/report/019/Manifest.toml +++ b/docs/report/019/Manifest.toml @@ -11,8 +11,8 @@ uuid = "621f4979-c628-5d54-868e-fcf4e3e8185c" version = "1.4.0" weakdeps = ["ChainRulesCore"] - [deps.AbstractFFTs.extensions] - AbstractFFTsChainRulesCoreExt = "ChainRulesCore" +[deps.AbstractFFTs.extensions] +AbstractFFTsChainRulesCoreExt = "ChainRulesCore" [[deps.Adapt]] deps = ["LinearAlgebra", "Requires"] @@ -21,8 +21,8 @@ uuid = "79e6a3ab-5dfb-504d-930d-738a2a938a0e" version = "3.6.2" weakdeps = ["StaticArrays"] - [deps.Adapt.extensions] - AdaptStaticArraysExt = "StaticArrays" +[deps.Adapt.extensions] +AdaptStaticArraysExt = "StaticArrays" [[deps.ArgTools]] uuid = "0dad84c5-d112-42e6-8d28-ef12dabb789f" @@ -40,21 +40,21 @@ git-tree-sha1 = "f83ec24f76d4c8f525099b2ac475fc098138ec31" uuid = "4fba245c-0d91-5ea0-9b3e-6abc04ee57a9" version = "7.4.11" - [deps.ArrayInterface.extensions] - ArrayInterfaceBandedMatricesExt = "BandedMatrices" - ArrayInterfaceBlockBandedMatricesExt = "BlockBandedMatrices" - ArrayInterfaceCUDAExt = "CUDA" - ArrayInterfaceGPUArraysCoreExt = "GPUArraysCore" - ArrayInterfaceStaticArraysCoreExt = "StaticArraysCore" - ArrayInterfaceTrackerExt = "Tracker" - - [deps.ArrayInterface.weakdeps] - BandedMatrices = "aae01518-5342-5314-be14-df237901396f" - BlockBandedMatrices = "ffab5731-97b5-5995-9138-79e8c1846df0" - CUDA = "052768ef-5323-5732-b1bb-66c8b64840ba" - GPUArraysCore = "46192b85-c4d5-4398-a991-12ede77f4527" - StaticArraysCore = "1e83bf80-4336-4d27-bf5d-d5a4f845583c" - Tracker = "9f7883ad-71c0-57eb-9f7f-b5c9e6d3789c" +[deps.ArrayInterface.extensions] +ArrayInterfaceBandedMatricesExt = "BandedMatrices" +ArrayInterfaceBlockBandedMatricesExt = "BlockBandedMatrices" +ArrayInterfaceCUDAExt = "CUDA" +ArrayInterfaceGPUArraysCoreExt = "GPUArraysCore" +ArrayInterfaceStaticArraysCoreExt = "StaticArraysCore" +ArrayInterfaceTrackerExt = "Tracker" + +[deps.ArrayInterface.weakdeps] +BandedMatrices = "aae01518-5342-5314-be14-df237901396f" +BlockBandedMatrices = "ffab5731-97b5-5995-9138-79e8c1846df0" +CUDA = "052768ef-5323-5732-b1bb-66c8b64840ba" +GPUArraysCore = "46192b85-c4d5-4398-a991-12ede77f4527" +StaticArraysCore = "1e83bf80-4336-4d27-bf5d-d5a4f845583c" +Tracker = "9f7883ad-71c0-57eb-9f7f-b5c9e6d3789c" [[deps.ArrayInterfaceCore]] deps = ["LinearAlgebra", "SnoopPrecompile", "SparseArrays", "SuiteSparse"] @@ -86,23 +86,17 @@ git-tree-sha1 = "0c5f81f47bbbcf4aea7b2959135713459170798b" uuid = "62783981-4cbd-42fc-bca8-16325de8dc4b" version = "0.1.5" -[[deps.CEnum]] -git-tree-sha1 = "eb4cb44a499229b3b8426dcfb5dd85333951ff90" -uuid = "fa961155-64e5-5f13-b03f-caf6b980ea82" -version = "0.4.2" - -[[deps.CPUSummary]] -deps = ["CpuId", "IfElse", "PrecompileTools", "Static"] -git-tree-sha1 = "89e0654ed8c7aebad6d5ad235d6242c2d737a928" -uuid = "2a0fbf3d-bb9c-48f3-b0a9-814d99fd7ab9" -version = "0.2.3" - [[deps.CatIndices]] deps = ["CustomUnitRanges", "OffsetArrays"] git-tree-sha1 = "a0f80a09780eed9b1d106a1bf62041c2efc995bc" uuid = "aafaddc9-749c-510e-ac4f-586e18779b91" version = "0.2.2" +[[deps.CEnum]] +git-tree-sha1 = "eb4cb44a499229b3b8426dcfb5dd85333951ff90" +uuid = "fa961155-64e5-5f13-b03f-caf6b980ea82" +version = "0.4.2" + [[deps.ChainRulesCore]] deps = ["Compat", "LinearAlgebra", "SparseArrays"] git-tree-sha1 = "e30f2f4e20f7f186dc36529910beaedc60cfa644" @@ -121,6 +115,12 @@ git-tree-sha1 = "42fe66dbc8f1d09a44aa87f18d26926d06a35f84" uuid = "aaaa29a8-35af-508c-8bc3-b662a17a0fe5" version = "0.15.3" +[[deps.Colors]] +deps = ["ColorTypes", "FixedPointNumbers", "Reexport"] +git-tree-sha1 = "fc08e5930ee9a4e03f84bfb5211cb54e7769758a" +uuid = "5ae59095-9a9b-59fe-a467-6f913c188581" +version = "0.12.10" + [[deps.ColorSchemes]] deps = ["ColorTypes", "ColorVectorSpace", "Colors", "FixedPointNumbers", "PrecompileTools", "Random"] git-tree-sha1 = "dd3000d954d483c1aad05fe1eb9e6a715c97013e" @@ -139,17 +139,11 @@ git-tree-sha1 = "a1f44953f2382ebb937d60dafbe2deea4bd23249" uuid = "c3611d14-8923-5661-9e6a-0046d554d3a4" version = "0.10.0" - [deps.ColorVectorSpace.extensions] - SpecialFunctionsExt = "SpecialFunctions" +[deps.ColorVectorSpace.extensions] +SpecialFunctionsExt = "SpecialFunctions" - [deps.ColorVectorSpace.weakdeps] - SpecialFunctions = "276daf66-3868-5448-9aa4-cd146d93841b" - -[[deps.Colors]] -deps = ["ColorTypes", "FixedPointNumbers", "Reexport"] -git-tree-sha1 = "fc08e5930ee9a4e03f84bfb5211cb54e7769758a" -uuid = "5ae59095-9a9b-59fe-a467-6f913c188581" -version = "0.12.10" +[deps.ColorVectorSpace.weakdeps] +SpecialFunctions = "276daf66-3868-5448-9aa4-cd146d93841b" [[deps.Compat]] deps = ["UUIDs"] @@ -158,8 +152,8 @@ uuid = "34da2185-b29b-5c13-b0c7-acf172513d20" version = "4.8.0" weakdeps = ["Dates", "LinearAlgebra"] - [deps.Compat.extensions] - CompatLinearAlgebraExt = "LinearAlgebra" +[deps.Compat.extensions] +CompatLinearAlgebraExt = "LinearAlgebra" [[deps.CompilerSupportLibraries_jll]] deps = ["Artifacts", "Libdl"] @@ -183,6 +177,12 @@ git-tree-sha1 = "fcbb72b032692610bfbdb15018ac16a36cf2e406" uuid = "adafc99b-e345-5852-983c-f28acb93d879" version = "0.3.1" +[[deps.CPUSummary]] +deps = ["CpuId", "IfElse", "PrecompileTools", "Static"] +git-tree-sha1 = "89e0654ed8c7aebad6d5ad235d6242c2d737a928" +uuid = "2a0fbf3d-bb9c-48f3-b0a9-814d99fd7ab9" +version = "0.2.3" + [[deps.CustomUnitRanges]] git-tree-sha1 = "1a3f97f907e6dd8983b744d2642651bb162a3f7a" uuid = "dc8bdbbb-1ca9-579f-8c36-e416f6a65cce" @@ -210,8 +210,8 @@ uuid = "b4f34e82-e78d-54a5-968a-f98e89d6e8f7" version = "0.10.9" weakdeps = ["SparseArrays"] - [deps.Distances.extensions] - DistancesSparseArraysExt = "SparseArrays" +[deps.Distances.extensions] +DistancesSparseArraysExt = "SparseArrays" [[deps.Distributed]] deps = ["Random", "Serialization", "Sockets"] @@ -374,6 +374,12 @@ git-tree-sha1 = "783b70725ed326340adf225be4889906c96b8fd1" uuid = "2996bd0c-7a13-11e9-2da2-2f5ce47296a9" version = "0.3.7" +[[deps.Images]] +deps = ["Base64", "FileIO", "Graphics", "ImageAxes", "ImageBase", "ImageBinarization", "ImageContrastAdjustment", "ImageCore", "ImageCorners", "ImageDistances", "ImageFiltering", "ImageIO", "ImageMagick", "ImageMetadata", "ImageMorphology", "ImageQualityIndexes", "ImageSegmentation", "ImageShow", "ImageTransformations", "IndirectArrays", "IntegralArrays", "Random", "Reexport", "SparseArrays", "StaticArrays", "Statistics", "StatsBase", "TiledIteration"] +git-tree-sha1 = "d438268ed7a665f8322572be0dabda83634d5f45" +uuid = "916415d5-f1e6-5110-898d-aaa5f9f070e0" +version = "0.26.0" + [[deps.ImageSegmentation]] deps = ["Clustering", "DataStructures", "Distances", "Graphs", "ImageCore", "ImageFiltering", "ImageMorphology", "LinearAlgebra", "MetaGraphs", "RegionTrees", "SimpleWeightedGraphs", "StaticArrays", "Statistics"] git-tree-sha1 = "3ff0ca203501c3eedde3c6fa7fd76b703c336b5f" @@ -392,12 +398,6 @@ git-tree-sha1 = "7ec124670cbce8f9f0267ba703396960337e54b5" uuid = "02fcd773-0e25-5acc-982a-7f6622650795" version = "0.10.0" -[[deps.Images]] -deps = ["Base64", "FileIO", "Graphics", "ImageAxes", "ImageBase", "ImageBinarization", "ImageContrastAdjustment", "ImageCore", "ImageCorners", "ImageDistances", "ImageFiltering", "ImageIO", "ImageMagick", "ImageMetadata", "ImageMorphology", "ImageQualityIndexes", "ImageSegmentation", "ImageShow", "ImageTransformations", "IndirectArrays", "IntegralArrays", "Random", "Reexport", "SparseArrays", "StaticArrays", "Statistics", "StatsBase", "TiledIteration"] -git-tree-sha1 = "d438268ed7a665f8322572be0dabda83634d5f45" -uuid = "916415d5-f1e6-5110-898d-aaa5f9f070e0" -version = "0.26.0" - [[deps.Imath_jll]] deps = ["Artifacts", "JLLWrappers", "Libdl"] git-tree-sha1 = "3d09a9f60edf77f8a4d99f9e015e8fbf9989605d" @@ -443,8 +443,8 @@ uuid = "8197267c-284f-5f27-9208-e0e47529a953" version = "0.7.5" weakdeps = ["Statistics"] - [deps.IntervalSets.extensions] - IntervalSetsStatisticsExt = "Statistics" +[deps.IntervalSets.extensions] +IntervalSetsStatisticsExt = "Statistics" [[deps.IrrationalConstants]] git-tree-sha1 = "630b497eafcc20001bba38a4651b327dcfc491d2" @@ -480,12 +480,6 @@ git-tree-sha1 = "6f2675ef130a300a112286de91973805fcc5ffbc" uuid = "aacddb02-875f-59d6-b918-886e6ef4fbf8" version = "2.1.91+0" -[[deps.LERC_jll]] -deps = ["Artifacts", "JLLWrappers", "Libdl", "Pkg"] -git-tree-sha1 = "bf36f528eec6634efc60d7ec062008f171071434" -uuid = "88015f11-f218-50d7-93a8-a6af411a945d" -version = "3.0.0+1" - [[deps.LayoutPointers]] deps = ["ArrayInterface", "LinearAlgebra", "ManualMemory", "SIMDTypes", "Static", "StaticArrayInterface"] git-tree-sha1 = "88b8f66b604da079a627b6fb2860d3704a6729a1" @@ -501,6 +495,17 @@ git-tree-sha1 = "a560dd966b386ac9ae60bdd3a3d3a326062d3c3e" uuid = "8cdb02fc-e678-4876-92c5-9defec4f444e" version = "0.3.1" +[[deps.LERC_jll]] +deps = ["Artifacts", "JLLWrappers", "Libdl", "Pkg"] +git-tree-sha1 = "bf36f528eec6634efc60d7ec062008f171071434" +uuid = "88015f11-f218-50d7-93a8-a6af411a945d" +version = "3.0.0+1" + +[[deps.libblastrampoline_jll]] +deps = ["Artifacts", "Libdl"] +uuid = "8e850b90-86db-534c-a0d3-1478176c7d93" +version = "5.8.0+0" + [[deps.LibCURL]] deps = ["LibCURL_jll", "MozillaCACerts_jll"] uuid = "b27032c2-a3e7-50c8-80cd-2d36dbcbfd21" @@ -511,18 +516,30 @@ deps = ["Artifacts", "LibSSH2_jll", "Libdl", "MbedTLS_jll", "Zlib_jll", "nghttp2 uuid = "deac9b47-8bc7-5906-a0fe-35ac56dc84c0" version = "7.84.0+0" +[[deps.Libdl]] +uuid = "8f399da3-3557-5675-b5ff-fb832c97cbdb" + [[deps.LibGit2]] deps = ["Base64", "NetworkOptions", "Printf", "SHA"] uuid = "76f85450-5226-5b5a-8eaa-529ad045b433" +[[deps.libpng_jll]] +deps = ["Artifacts", "JLLWrappers", "Libdl", "Pkg", "Zlib_jll"] +git-tree-sha1 = "94d180a6d2b5e55e447e2d27a29ed04fe79eb30c" +uuid = "b53b4c65-9356-5827-b1ea-8c7a1a84506f" +version = "1.6.38+0" + +[[deps.libsixel_jll]] +deps = ["Artifacts", "JLLWrappers", "JpegTurbo_jll", "Libdl", "Pkg", "libpng_jll"] +git-tree-sha1 = "d4f63314c8aa1e48cd22aa0c17ed76cd1ae48c3c" +uuid = "075b6546-f08a-558a-be8f-8157d0f608a5" +version = "1.10.3+0" + [[deps.LibSSH2_jll]] deps = ["Artifacts", "Libdl", "MbedTLS_jll"] uuid = "29816b5a-b9ab-546f-933c-edad1886dfa8" version = "1.10.2+0" -[[deps.Libdl]] -uuid = "8f399da3-3557-5675-b5ff-fb832c97cbdb" - [[deps.Libtiff_jll]] deps = ["Artifacts", "JLLWrappers", "JpegTurbo_jll", "LERC_jll", "Libdl", "Pkg", "Zlib_jll", "Zstd_jll"] git-tree-sha1 = "3eb79b0ca5764d4799c06699573fd8f533259713" @@ -539,15 +556,15 @@ git-tree-sha1 = "c3ce8e7420b3a6e071e0fe4745f5d4300e37b13f" uuid = "2ab3a3ac-af41-5b50-aa03-7779005ae688" version = "0.3.24" - [deps.LogExpFunctions.extensions] - LogExpFunctionsChainRulesCoreExt = "ChainRulesCore" - LogExpFunctionsChangesOfVariablesExt = "ChangesOfVariables" - LogExpFunctionsInverseFunctionsExt = "InverseFunctions" +[deps.LogExpFunctions.extensions] +LogExpFunctionsChainRulesCoreExt = "ChainRulesCore" +LogExpFunctionsChangesOfVariablesExt = "ChangesOfVariables" +LogExpFunctionsInverseFunctionsExt = "InverseFunctions" - [deps.LogExpFunctions.weakdeps] - ChainRulesCore = "d360d2e6-b24c-11e9-a2a3-2a2ae2dbcce4" - ChangesOfVariables = "9e997f8a-9a97-42d5-a9f1-ce6bfc15e2c0" - InverseFunctions = "3587e190-3f89-42d0-90ee-14403ec27112" +[deps.LogExpFunctions.weakdeps] +ChainRulesCore = "d360d2e6-b24c-11e9-a2a3-2a2ae2dbcce4" +ChangesOfVariables = "9e997f8a-9a97-42d5-a9f1-ce6bfc15e2c0" +InverseFunctions = "3587e190-3f89-42d0-90ee-14403ec27112" [[deps.Logging]] uuid = "56ddb016-857b-54e1-b83d-db4d58db5568" @@ -558,20 +575,14 @@ git-tree-sha1 = "c88a4afe1703d731b1c4fdf4e3c7e77e3b176ea2" uuid = "bdcacae8-1622-11e9-2a5c-532679323890" version = "0.12.165" - [deps.LoopVectorization.extensions] - ForwardDiffExt = ["ChainRulesCore", "ForwardDiff"] - SpecialFunctionsExt = "SpecialFunctions" - - [deps.LoopVectorization.weakdeps] - ChainRulesCore = "d360d2e6-b24c-11e9-a2a3-2a2ae2dbcce4" - ForwardDiff = "f6369f11-7733-5829-9624-2563aa707210" - SpecialFunctions = "276daf66-3868-5448-9aa4-cd146d93841b" +[deps.LoopVectorization.extensions] +ForwardDiffExt = ["ChainRulesCore", "ForwardDiff"] +SpecialFunctionsExt = "SpecialFunctions" -[[deps.MKL_jll]] -deps = ["Artifacts", "IntelOpenMP_jll", "JLLWrappers", "LazyArtifacts", "Libdl", "Pkg"] -git-tree-sha1 = "154d7aaa82d24db6d8f7e4ffcfe596f40bff214b" -uuid = "856f044c-d86e-5d09-b602-aeab76dc8ba7" -version = "2023.1.0+0" +[deps.LoopVectorization.weakdeps] +ChainRulesCore = "d360d2e6-b24c-11e9-a2a3-2a2ae2dbcce4" +ForwardDiff = "f6369f11-7733-5829-9624-2563aa707210" +SpecialFunctions = "276daf66-3868-5448-9aa4-cd146d93841b" [[deps.MacroTools]] deps = ["Markdown", "Random"] @@ -610,6 +621,12 @@ git-tree-sha1 = "f66bdc5de519e8f8ae43bdc598782d35a25b1272" uuid = "e1d29d7a-bbdc-5cf2-9ac0-f12de2c33e28" version = "1.1.0" +[[deps.MKL_jll]] +deps = ["Artifacts", "IntelOpenMP_jll", "JLLWrappers", "LazyArtifacts", "Libdl", "Pkg"] +git-tree-sha1 = "154d7aaa82d24db6d8f7e4ffcfe596f40bff214b" +uuid = "856f044c-d86e-5d09-b602-aeab76dc8ba7" +version = "2023.1.0+0" + [[deps.Mmap]] uuid = "a63ad114-7e13-5084-954f-fe012c677804" @@ -645,6 +662,11 @@ version = "1.1.1" uuid = "ca575930-c2e3-43a9-ace4-1e988b2c1908" version = "1.2.0" +[[deps.nghttp2_jll]] +deps = ["Artifacts", "Libdl"] +uuid = "8e850ede-7688-5339-a07c-302acd2aaf8d" +version = "1.48.0+0" + [[deps.OffsetArrays]] deps = ["Adapt"] git-tree-sha1 = "2ac17d29c523ce1cd38e27785a7d23024853a4bb" @@ -678,11 +700,10 @@ git-tree-sha1 = "2e73fe17cac3c62ad1aebe70d44c963c3cfdc3e3" uuid = "bac558e1-5e72-5ebc-8fee-abe8a469f55d" version = "1.6.2" -[[deps.PNGFiles]] -deps = ["Base64", "CEnum", "ImageCore", "IndirectArrays", "OffsetArrays", "libpng_jll"] -git-tree-sha1 = "9b02b27ac477cad98114584ff964e3052f656a0f" -uuid = "f57f5aa1-a3ce-4bc8-8ab9-96f992907883" -version = "0.4.0" +[[deps.p7zip_jll]] +deps = ["Artifacts", "Libdl"] +uuid = "3f19e933-33d8-53b3-aaab-bd5110c3b7a0" +version = "17.4.0+0" [[deps.PaddedViews]] deps = ["OffsetArrays"] @@ -707,6 +728,12 @@ git-tree-sha1 = "f6cf8e7944e50901594838951729a1861e668cb8" uuid = "eebad327-c553-4316-9ea0-9fa01ccd7688" version = "0.3.2" +[[deps.PNGFiles]] +deps = ["Base64", "CEnum", "ImageCore", "IndirectArrays", "OffsetArrays", "libpng_jll"] +git-tree-sha1 = "9b02b27ac477cad98114584ff964e3052f656a0f" +uuid = "f57f5aa1-a3ce-4bc8-8ab9-96f992907883" +version = "0.4.0" + [[deps.PolyesterWeave]] deps = ["BitTwiddlingConvenienceFunctions", "CPUSummary", "IfElse", "Static", "ThreadingUtilities"] git-tree-sha1 = "240d7170f5ffdb285f9427b92333c3463bf65bf6" @@ -719,15 +746,15 @@ git-tree-sha1 = "3aa2bb4982e575acd7583f01531f241af077b163" uuid = "f27b6e38-b328-58d1-80ce-0feddd5e7a45" version = "3.2.13" - [deps.Polynomials.extensions] - PolynomialsChainRulesCoreExt = "ChainRulesCore" - PolynomialsMakieCoreExt = "MakieCore" - PolynomialsMutableArithmeticsExt = "MutableArithmetics" +[deps.Polynomials.extensions] +PolynomialsChainRulesCoreExt = "ChainRulesCore" +PolynomialsMakieCoreExt = "MakieCore" +PolynomialsMutableArithmeticsExt = "MutableArithmetics" - [deps.Polynomials.weakdeps] - ChainRulesCore = "d360d2e6-b24c-11e9-a2a3-2a2ae2dbcce4" - MakieCore = "20f20a25-4f0e-4fdf-b5d1-57303727442b" - MutableArithmetics = "d8a4904e-b15c-11e9-3269-09a3773c0cb0" +[deps.Polynomials.weakdeps] +ChainRulesCore = "d360d2e6-b24c-11e9-a2a3-2a2ae2dbcce4" +MakieCore = "20f20a25-4f0e-4fdf-b5d1-57303727442b" +MutableArithmetics = "d8a4904e-b15c-11e9-3269-09a3773c0cb0" [[deps.PrecompileTools]] deps = ["Preferences"] @@ -763,10 +790,6 @@ git-tree-sha1 = "da095158bdc8eaccb7890f9884048555ab771019" uuid = "94ee1d12-ae83-5a48-8b1c-48b8ff168ae0" version = "0.7.4" -[[deps.REPL]] -deps = ["InteractiveUtils", "Markdown", "Sockets", "Unicode"] -uuid = "3fa0cd96-eef1-5676-8a61-b3b8758bbffb" - [[deps.Random]] deps = ["SHA", "Serialization"] uuid = "9a3f8284-a2c9-5f02-9a11-845980a1fd5c" @@ -783,8 +806,8 @@ uuid = "c84ed2f1-dad5-54f0-aa8e-dbefe2724439" version = "0.4.5" weakdeps = ["FixedPointNumbers"] - [deps.Ratios.extensions] - RatiosFixedPointNumbersExt = "FixedPointNumbers" +[deps.Ratios.extensions] +RatiosFixedPointNumbersExt = "FixedPointNumbers" [[deps.RealDot]] deps = ["LinearAlgebra"] @@ -809,6 +832,10 @@ git-tree-sha1 = "4618ed0da7a251c7f92e869ae1a19c74a7d2a7f9" uuid = "dee08c22-ab7f-5625-9660-a9af2021b33f" version = "0.3.2" +[[deps.REPL]] +deps = ["InteractiveUtils", "Markdown", "Sockets", "Unicode"] +uuid = "3fa0cd96-eef1-5676-8a61-b3b8758bbffb" + [[deps.Requires]] deps = ["UUIDs"] git-tree-sha1 = "838a3a4188e2ded87a4f9f184b4b0d78a1e91cb7" @@ -821,28 +848,22 @@ git-tree-sha1 = "54ccb4dbab4b1f69beb255a2c0ca5f65a9c82f08" uuid = "6038ab10-8711-5258-84ad-4b1120ba62dc" version = "1.5.1" +[[deps.Serialization]] +uuid = "9e88b42a-f829-5b0c-bbe9-9e923198166b" + [[deps.SHA]] uuid = "ea8e919c-243c-51af-8825-aaa63cd721ce" version = "0.7.0" +[[deps.SharedArrays]] +deps = ["Distributed", "Mmap", "Random", "Serialization"] +uuid = "1a1011a3-84de-559e-8e89-a11a2f7dc383" + [[deps.SIMDTypes]] git-tree-sha1 = "330289636fb8107c5f32088d2741e9fd7a061a5c" uuid = "94e857df-77ce-4151-89e5-788b33177be4" version = "0.1.0" -[[deps.SLEEFPirates]] -deps = ["IfElse", "Static", "VectorizationBase"] -git-tree-sha1 = "4b8586aece42bee682399c4c4aee95446aa5cd19" -uuid = "476501e8-09a2-5ece-8869-fb82de89a1fa" -version = "0.6.39" - -[[deps.Serialization]] -uuid = "9e88b42a-f829-5b0c-bbe9-9e923198166b" - -[[deps.SharedArrays]] -deps = ["Distributed", "Mmap", "Random", "Serialization"] -uuid = "1a1011a3-84de-559e-8e89-a11a2f7dc383" - [[deps.SimpleTraits]] deps = ["InteractiveUtils", "MacroTools"] git-tree-sha1 = "5d7e3f4e11935503d3ecaf7186eac40602e7d231" @@ -861,6 +882,12 @@ git-tree-sha1 = "2da10356e31327c7096832eb9cd86307a50b1eb6" uuid = "45858cf5-a6b0-47a3-bbea-62219f50df47" version = "0.1.3" +[[deps.SLEEFPirates]] +deps = ["IfElse", "Static", "VectorizationBase"] +git-tree-sha1 = "4b8586aece42bee682399c4c4aee95446aa5cd19" +uuid = "476501e8-09a2-5ece-8869-fb82de89a1fa" +version = "0.6.39" + [[deps.SnoopPrecompile]] deps = ["Preferences"] git-tree-sha1 = "e760a70afdcd461cf01a575947738d359234665c" @@ -899,9 +926,9 @@ uuid = "0d7ed370-da01-4f52-bd93-41d350b8b718" version = "1.4.0" weakdeps = ["OffsetArrays", "StaticArrays"] - [deps.StaticArrayInterface.extensions] - StaticArrayInterfaceOffsetArraysExt = "OffsetArrays" - StaticArrayInterfaceStaticArraysExt = "StaticArrays" +[deps.StaticArrayInterface.extensions] +StaticArrayInterfaceOffsetArraysExt = "OffsetArrays" +StaticArrayInterfaceStaticArraysExt = "StaticArrays" [[deps.StaticArrays]] deps = ["LinearAlgebra", "Random", "StaticArraysCore"] @@ -910,8 +937,8 @@ uuid = "90137ffa-7385-5640-81b9-e52037218182" version = "1.6.2" weakdeps = ["Statistics"] - [deps.StaticArrays.extensions] - StaticArraysStatisticsExt = "Statistics" +[deps.StaticArrays.extensions] +StaticArraysStatisticsExt = "Statistics" [[deps.StaticArraysCore]] git-tree-sha1 = "36b3d696ce6366023a0ea192b4cd442268995a0d" @@ -944,11 +971,6 @@ deps = ["Artifacts", "Libdl", "Pkg", "libblastrampoline_jll"] uuid = "bea87d4a-7f5b-5778-9afe-8cc45184846c" version = "5.10.1+6" -[[deps.TOML]] -deps = ["Dates"] -uuid = "fa267f1f-6049-4f14-aa54-33bafae1ed76" -version = "1.0.3" - [[deps.Tar]] deps = ["ArgTools", "SHA"] uuid = "a4e569a6-e804-4fa4-b0f3-eef7a1d5b13e" @@ -982,23 +1004,28 @@ git-tree-sha1 = "1176cc31e867217b06928e2f140c90bd1bc88283" uuid = "06e1c1a7-607b-532d-9fad-de7d9aa2abac" version = "0.5.0" +[[deps.TOML]] +deps = ["Dates"] +uuid = "fa267f1f-6049-4f14-aa54-33bafae1ed76" +version = "1.0.3" + [[deps.TranscodingStreams]] deps = ["Random", "Test"] git-tree-sha1 = "9a6ae7ed916312b41236fcef7e0af564ef934769" uuid = "3bb67fe8-82b1-5028-8e26-92a6c54297fa" version = "0.9.13" -[[deps.UUIDs]] -deps = ["Random", "SHA"] -uuid = "cf7118a7-6976-5b1a-9a39-7adc72f591a4" +[[deps.Unicode]] +uuid = "4ec0a83e-493e-50e2-b9ac-8f72acf5a8f5" [[deps.UnPack]] git-tree-sha1 = "387c1f73762231e86e0c9c5443ce3b4a0a9a0c2b" uuid = "3a884ed6-31ef-47d7-9d2a-63182c4928ed" version = "1.0.2" -[[deps.Unicode]] -uuid = "4ec0a83e-493e-50e2-b9ac-8f72acf5a8f5" +[[deps.UUIDs]] +deps = ["Random", "SHA"] +uuid = "cf7118a7-6976-5b1a-9a39-7adc72f591a4" [[deps.VectorizationBase]] deps = ["ArrayInterface", "CPUSummary", "HostCPUFeatures", "IfElse", "LayoutPointers", "Libdl", "LinearAlgebra", "SIMDTypes", "Static", "StaticArrayInterface"] @@ -1022,30 +1049,3 @@ deps = ["Artifacts", "JLLWrappers", "Libdl"] git-tree-sha1 = "49ce682769cd5de6c72dcf1b94ed7790cd08974c" uuid = "3161d3a3-bdf6-5164-811a-617609db77b4" version = "1.5.5+0" - -[[deps.libblastrampoline_jll]] -deps = ["Artifacts", "Libdl"] -uuid = "8e850b90-86db-534c-a0d3-1478176c7d93" -version = "5.8.0+0" - -[[deps.libpng_jll]] -deps = ["Artifacts", "JLLWrappers", "Libdl", "Pkg", "Zlib_jll"] -git-tree-sha1 = "94d180a6d2b5e55e447e2d27a29ed04fe79eb30c" -uuid = "b53b4c65-9356-5827-b1ea-8c7a1a84506f" -version = "1.6.38+0" - -[[deps.libsixel_jll]] -deps = ["Artifacts", "JLLWrappers", "JpegTurbo_jll", "Libdl", "Pkg", "libpng_jll"] -git-tree-sha1 = "d4f63314c8aa1e48cd22aa0c17ed76cd1ae48c3c" -uuid = "075b6546-f08a-558a-be8f-8157d0f608a5" -version = "1.10.3+0" - -[[deps.nghttp2_jll]] -deps = ["Artifacts", "Libdl"] -uuid = "8e850ede-7688-5339-a07c-302acd2aaf8d" -version = "1.48.0+0" - -[[deps.p7zip_jll]] -deps = ["Artifacts", "Libdl"] -uuid = "3f19e933-33d8-53b3-aaab-bd5110c3b7a0" -version = "17.4.0+0" diff --git a/pyproject.toml b/pyproject.toml index 20189fc4..0eb87eba 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -1,9 +1,105 @@ [build-system] +build-backend = "setuptools.build_meta" requires = [ "setuptools>=61.2", "setuptools_scm", ] -build-backend = "setuptools.build_meta" + +[project] +authors = [{name = "Common Partial Wave Analysis", email = "compwa-admin@ep1.rub.de"}] +classifiers = [ + "Development Status :: 4 - Beta", + "Intended Audience :: Developers", + "Intended Audience :: Education", + "Intended Audience :: Science/Research", + "License :: OSI Approved :: GNU General Public License v3 or later (GPLv3+)", + "Natural Language :: English", + "Operating System :: OS Independent", + "Programming Language :: Python", + "Programming Language :: Python :: 3.7", + "Programming Language :: Python :: 3.8", + "Programming Language :: Python :: 3.9", + "Programming Language :: Python :: 3.10", + "Programming Language :: Python :: 3.11", + "Topic :: Scientific/Engineering", + "Topic :: Scientific/Engineering :: Physics", +] +dependencies = [ + "graphviz", + "ipympl", + "matplotlib", + "mpl-interactions", +] +description = "Source code for the ComPWA Organization pages" +dynamic = ["version"] +license = {text = "GPLv3 or later"} +maintainers = [{email = "compwa-admin@ep1.rub.de"}] +name = "compwa-org" +requires-python = ">=3.7" + +[project.optional-dependencies] +dev = [ + "compwa-org[doc]", + "compwa-org[jupyter]", + "compwa-org[sty]", + "compwa-org[test]", + "sphinx-autobuild", + "tox >=1.9", # for skip_install, use_develop +] +doc = [ + "docutils !=0.18.*, !=0.19.*", # https://github.com/executablebooks/jupyter-book/issues/2026#issuecomment-1636657741 + "myst-nb >=0.14", # nb_ configuration prefixes + "Sphinx >=3", + "sphinx-book-theme", + "sphinx-codeautolink[ipython]", + "sphinx-comments", + "sphinx-copybutton", + "sphinx-design", + "sphinx-hep-pdgref", + "sphinx-remove-toctrees", + "sphinx-thebe", + "sphinx-togglebutton", + "sphinxcontrib-bibtex >=2", +] +format = [ + "black", +] +jupyter = [ + "compwa-org[doc]", + "jupyterlab", + "jupyterlab-code-formatter", + "jupyterlab-lsp", + "jupyterlab-myst", + "python-lsp-server[rope]", + 'ypy-websocket <0.8.3; python_version <"3.8.0"', +] +lint = [ + "ruff", +] +sty = [ + "compwa-org[format]", + "compwa-org[lint]", + "attrs", # https://github.com/ComPWA/compwa-org/runs/8127821070?check_suite_focus=true#step:5:52 + "nbformat", + "pre-commit >=1.4.0", +] +test = [ + "jupyter", + "nbmake", + 'nbmake <1.3; python_version=="3.7.*"', +] + +[project.readme] +content-type = "text/markdown" +file = "README.md" + +[project.urls] +Documentation = "https://compwa-org.rtfd.io" +Source = "https://github.com/ComPWA/compwa-org" +Tracker = "https://github.com/ComPWA/compwa-org/issues" + +[tool.setuptools] +include-package-data = false [tool.setuptools_scm] write_to = "version.py" @@ -41,7 +137,7 @@ ruff = [ "--extend-ignore=C90", "--extend-ignore=D", "--extend-ignore=F404", - "--extend-ignore=F821", # cell magic + "--extend-ignore=F821", # cell magic "--extend-ignore=ISC003", "--extend-ignore=N802", "--extend-ignore=N803", @@ -192,99 +288,3 @@ sort_first = [ sort_table_keys = true spaces_indent_inline_array = 4 trailing_comma_inline_array = true - -[tool.setuptools] -include-package-data = false - -[project] -name = "compwa-org" -authors = [{name = "Common Partial Wave Analysis", email = "compwa-admin@ep1.rub.de"}] -maintainers = [{email = "compwa-admin@ep1.rub.de"}] -description = "Source code for the ComPWA Organization pages" -license = {text = "GPLv3 or later"} -classifiers = [ - "Development Status :: 4 - Beta", - "Intended Audience :: Developers", - "Intended Audience :: Education", - "Intended Audience :: Science/Research", - "License :: OSI Approved :: GNU General Public License v3 or later (GPLv3+)", - "Natural Language :: English", - "Operating System :: OS Independent", - "Programming Language :: Python", - "Programming Language :: Python :: 3.7", - "Programming Language :: Python :: 3.8", - "Programming Language :: Python :: 3.9", - "Programming Language :: Python :: 3.10", - "Programming Language :: Python :: 3.11", - "Topic :: Scientific/Engineering", - "Topic :: Scientific/Engineering :: Physics", -] -requires-python = ">=3.7" -dependencies = [ - "graphviz", - "ipympl", - "matplotlib", - "mpl-interactions", -] -dynamic = ["version"] - -[project.readme] -file = "README.md" -content-type = "text/markdown" - -[project.urls] -Tracker = "https://github.com/ComPWA/compwa-org/issues" -Documentation = "https://compwa-org.rtfd.io" -Source = "https://github.com/ComPWA/compwa-org" - -[project.optional-dependencies] -doc = [ - "docutils !=0.18.*, !=0.19.*", # https://github.com/executablebooks/jupyter-book/issues/2026#issuecomment-1636657741 - "myst-nb >=0.14", # nb_ configuration prefixes - "Sphinx >=3", - "sphinx-book-theme", - "sphinx-codeautolink[ipython]", - "sphinx-comments", - "sphinx-copybutton", - "sphinx-design", - "sphinx-hep-pdgref", - "sphinx-remove-toctrees", - "sphinx-thebe", - "sphinx-togglebutton", - "sphinxcontrib-bibtex >=2", -] -test = [ - "jupyter", - "nbmake", - 'nbmake <1.3; python_version=="3.7.*"', -] -format = [ - "black", -] -lint = [ - "ruff", -] -sty = [ - "compwa-org[format]", - "compwa-org[lint]", - "attrs", # https://github.com/ComPWA/compwa-org/runs/8127821070?check_suite_focus=true#step:5:52 - "nbformat", - "pre-commit >=1.4.0", -] -jupyter = [ - "compwa-org[doc]", - "jupyterlab", - "jupyterlab-code-formatter", - "jupyterlab-lsp", - "jupyterlab-myst", - "python-lsp-server[rope]", - 'ypy-websocket <0.8.3; python_version <"3.8.0"', -] -dev = [ - "compwa-org[doc]", - "compwa-org[jupyter]", - "compwa-org[sty]", - "compwa-org[test]", - "sphinx-autobuild", - "tox >=1.9", # for skip_install, use_develop -] From c41347a99bbc654f0ee3e9306a116f7ac7aa8bc9 Mon Sep 17 00:00:00 2001 From: GitHub Date: Tue, 3 Oct 2023 20:04:53 +0000 Subject: [PATCH 22/33] MAINT: implement updates from pre-commit hooks --- pyproject.toml | 12 ++++++------ 1 file changed, 6 insertions(+), 6 deletions(-) diff --git a/pyproject.toml b/pyproject.toml index 0eb87eba..777db99c 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -15,14 +15,14 @@ classifiers = [ "License :: OSI Approved :: GNU General Public License v3 or later (GPLv3+)", "Natural Language :: English", "Operating System :: OS Independent", - "Programming Language :: Python", + "Programming Language :: Python :: 3.10", + "Programming Language :: Python :: 3.11", "Programming Language :: Python :: 3.7", "Programming Language :: Python :: 3.8", "Programming Language :: Python :: 3.9", - "Programming Language :: Python :: 3.10", - "Programming Language :: Python :: 3.11", - "Topic :: Scientific/Engineering", + "Programming Language :: Python", "Topic :: Scientific/Engineering :: Physics", + "Topic :: Scientific/Engineering", ] dependencies = [ "graphviz", @@ -47,9 +47,9 @@ dev = [ "tox >=1.9", # for skip_install, use_develop ] doc = [ + "Sphinx >=3", "docutils !=0.18.*, !=0.19.*", # https://github.com/executablebooks/jupyter-book/issues/2026#issuecomment-1636657741 "myst-nb >=0.14", # nb_ configuration prefixes - "Sphinx >=3", "sphinx-book-theme", "sphinx-codeautolink[ipython]", "sphinx-comments", @@ -77,9 +77,9 @@ lint = [ "ruff", ] sty = [ + "attrs", # https://github.com/ComPWA/compwa-org/runs/8127821070?check_suite_focus=true#step:5:52 "compwa-org[format]", "compwa-org[lint]", - "attrs", # https://github.com/ComPWA/compwa-org/runs/8127821070?check_suite_focus=true#step:5:52 "nbformat", "pre-commit >=1.4.0", ] From 27b47d20e2b9f7fd4d87d532e1515fb9c8b52057 Mon Sep 17 00:00:00 2001 From: Remco de Boer <29308176+redeboer@users.noreply.github.com> Date: Sat, 7 Oct 2023 01:12:57 +0200 Subject: [PATCH 23/33] MAINT: synchronize ComPWA dev setup --- .cspell.json | 1 + .github/workflows/pr-linting.yml | 19 ++++++++++--------- .github/workflows/release-drafter.yml | 2 +- .pre-commit-config.yaml | 4 ++-- .taplo.toml | 1 + .vscode/settings.json | 13 +++++++++---- commitlint.config.js | 11 ----------- 7 files changed, 24 insertions(+), 27 deletions(-) delete mode 100644 commitlint.config.js diff --git a/.cspell.json b/.cspell.json index b8786a53..984570eb 100644 --- a/.cspell.json +++ b/.cspell.json @@ -40,6 +40,7 @@ "docs/adr/*/*", "docs/conf.py", "labels.toml", + "labels/*.toml", "Makefile", "Manifest.toml", "Project.toml", diff --git a/.github/workflows/pr-linting.yml b/.github/workflows/pr-linting.yml index ef8190ac..cd3bb74f 100644 --- a/.github/workflows/pr-linting.yml +++ b/.github/workflows/pr-linting.yml @@ -1,5 +1,3 @@ -# cspell:ignore agilepathway commitlint kode - name: PR linting on: pull_request: @@ -14,19 +12,22 @@ on: jobs: check-labels: name: Check labels - runs-on: ubuntu-20.04 + runs-on: ubuntu-22.04 steps: - - uses: docker://agilepathway/pull-request-label-checker:latest + - uses: docker://agilepathway/pull-request-label-checker:latest # cspell:ignore agilepathway with: - any_of: 🐛 Bug,✨ Feature,⚙️ Enhancement,⚠️ Interface,❗ Behavior,📝 Docs,🔨 - Maintenance,🖱️ DX + any_of: >- + 🐛 Bug,✨ Feature,⚙️ Enhancement,⚠️ Interface,❗ Behavior,📝 Docs,🔨 Maintenance,🖱️ DX none_of: Epic,💫 Good first issue repo_token: ${{ secrets.GITHUB_TOKEN }} check-title: name: Check title - runs-on: ubuntu-20.04 + runs-on: ubuntu-22.04 steps: - uses: actions/checkout@v4 - - run: npm install @commitlint/config-conventional - - uses: JulienKode/pull-request-name-linter-action@v0.5.0 + - run: npm install @compwa/commitlint-config + - name: Create commitlint config + run: | + echo "module.exports = {extends: ['@compwa/commitlint-config']}" > commitlint.config.js + - uses: JulienKode/pull-request-name-linter-action@v0.5.0 # cspell:ignore kode diff --git a/.github/workflows/release-drafter.yml b/.github/workflows/release-drafter.yml index d54187de..d64f197b 100644 --- a/.github/workflows/release-drafter.yml +++ b/.github/workflows/release-drafter.yml @@ -9,7 +9,7 @@ on: jobs: update_release_draft: - runs-on: ubuntu-20.04 + runs-on: ubuntu-22.04 steps: - uses: release-drafter/release-drafter@v5 env: diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml index 738f2914..881982b4 100644 --- a/.pre-commit-config.yaml +++ b/.pre-commit-config.yaml @@ -38,7 +38,7 @@ repos: )$ - repo: https://github.com/ComPWA/repo-maintenance - rev: 0.0.202 + rev: 0.1.0rc0 hooks: - id: check-dev-files args: @@ -143,7 +143,7 @@ repos: - id: prettier - repo: https://github.com/ComPWA/mirrors-pyright - rev: v1.1.329 + rev: v1.1.330 hooks: - id: pyright diff --git a/.taplo.toml b/.taplo.toml index 424b7469..0d0d4461 100644 --- a/.taplo.toml +++ b/.taplo.toml @@ -3,6 +3,7 @@ exclude = [ "**/Manifest.toml", "**/Project.toml", "labels*.toml", + "labels/*.toml", ] [formatting] diff --git a/.vscode/settings.json b/.vscode/settings.json index cea93886..b3085ee5 100644 --- a/.vscode/settings.json +++ b/.vscode/settings.json @@ -1,4 +1,8 @@ { + "[git-commit]": { + "editor.rulers": [72], + "rewrap.wrappingColumn": 72 + }, "[json]": { "editor.defaultFormatter": "esbenp.prettier-vscode" }, @@ -13,7 +17,8 @@ "editor.codeActionsOnSave": { "source.organizeImports": true }, - "editor.defaultFormatter": "ms-python.black-formatter" + "editor.defaultFormatter": "ms-python.black-formatter", + "editor.rulers": [88] }, "[yaml]": { "editor.defaultFormatter": "esbenp.prettier-vscode" @@ -21,10 +26,9 @@ "black-formatter.importStrategy": "fromEnvironment", "cSpell.enabled": true, "editor.formatOnSave": true, - "editor.rulers": [88], "editor.unicodeHighlight.allowedCharacters": { - "ν": true, - "σ": true + "\u03bd": true, + "\u03c3": true }, "files.watcherExclude": { "**/*_cache/**": true, @@ -41,6 +45,7 @@ } ], "livePreview.defaultPreviewPath": "docs/_build/html", + "notebook.gotoSymbols.showAllSymbols": true, "python.analysis.autoImportCompletions": false, "python.analysis.typeCheckingMode": "strict", "python.testing.pytestEnabled": false, diff --git a/commitlint.config.js b/commitlint.config.js deleted file mode 100644 index d8b6bdcd..00000000 --- a/commitlint.config.js +++ /dev/null @@ -1,11 +0,0 @@ -module.exports = { - extends: ["@commitlint/config-conventional"], - rules: { - "type-case": [2, "always", ["upper-case"]], - "type-enum": [ - 2, - "always", - ["BEHAVIOR", "BREAK", "DOC", "DX", "ENH", "FEAT", "FIX", "MAINT"], - ], - }, -}; From beeb58c1a16bee72644a8a79b959ae0b20e46095 Mon Sep 17 00:00:00 2001 From: Remco de Boer <29308176+redeboer@users.noreply.github.com> Date: Sat, 7 Oct 2023 01:26:17 +0200 Subject: [PATCH 24/33] FIX: relink IPython API --- docs/conf.py | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/docs/conf.py b/docs/conf.py index 0b6df038..9bb6c1b4 100644 --- a/docs/conf.py +++ b/docs/conf.py @@ -194,7 +194,8 @@ def fetch_logo(url: str, output_path: str) -> None: # Intersphinx settings version_remapping = { "ipython": { - "8.12.2": "8.13.2", + "8.12.2": "8.12.1", + "8.12.3": "8.12.1", }, "ipywidgets": { "8.0.3": "8.0.5", From 665ce25b1b8106e74ec4838f8f27d351908488a8 Mon Sep 17 00:00:00 2001 From: Remco de Boer <29308176+redeboer@users.noreply.github.com> Date: Mon, 9 Oct 2023 11:59:54 +0200 Subject: [PATCH 25/33] MAINT: autoupdate pre-commit hooks --- .pre-commit-config.yaml | 6 +++--- 1 file changed, 3 insertions(+), 3 deletions(-) diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml index 881982b4..f781f2aa 100644 --- a/.pre-commit-config.yaml +++ b/.pre-commit-config.yaml @@ -13,7 +13,7 @@ repos: - id: check-useless-excludes - repo: https://github.com/pre-commit/pre-commit-hooks - rev: v4.4.0 + rev: v4.5.0 hooks: - id: check-ast - id: check-case-conflict @@ -38,7 +38,7 @@ repos: )$ - repo: https://github.com/ComPWA/repo-maintenance - rev: 0.1.0rc0 + rev: 0.1.0rc2 hooks: - id: check-dev-files args: @@ -148,7 +148,7 @@ repos: - id: pyright - repo: https://github.com/asottile/pyupgrade - rev: v3.14.0 + rev: v3.15.0 hooks: - id: pyupgrade args: From 2b60c7197ebf6e9736728298071264de91a2c0db Mon Sep 17 00:00:00 2001 From: Remco de Boer <29308176+redeboer@users.noreply.github.com> Date: Mon, 9 Oct 2023 12:00:38 +0200 Subject: [PATCH 26/33] MAINT: synchronize ComPWA dev environment --- .taplo.toml | 3 --- 1 file changed, 3 deletions(-) diff --git a/.taplo.toml b/.taplo.toml index 0d0d4461..16ab049a 100644 --- a/.taplo.toml +++ b/.taplo.toml @@ -1,9 +1,6 @@ exclude = [ - "**/Cargo.toml", "**/Manifest.toml", "**/Project.toml", - "labels*.toml", - "labels/*.toml", ] [formatting] From fccc3fceb5395ae83ba9c2b5cae802dae3628ef6 Mon Sep 17 00:00:00 2001 From: GitHub Date: Mon, 9 Oct 2023 10:32:37 +0000 Subject: [PATCH 27/33] MAINT: update pip constraints and pre-commit --- .constraints/py3.10.txt | 36 ++++++++++++++---------------------- .constraints/py3.11.txt | 36 ++++++++++++++---------------------- .constraints/py3.8.txt | 36 ++++++++++++++---------------------- .constraints/py3.9.txt | 36 ++++++++++++++---------------------- 4 files changed, 56 insertions(+), 88 deletions(-) diff --git a/.constraints/py3.10.txt b/.constraints/py3.10.txt index 8e7952e3..f1280b2c 100644 --- a/.constraints/py3.10.txt +++ b/.constraints/py3.10.txt @@ -5,20 +5,19 @@ # pip-compile --extra=dev --no-annotate --output-file=.constraints/py3.10.txt --strip-extras --unsafe-package=compwa-org --unsafe-package=pip --unsafe-package=setuptools # accessible-pygments==0.0.4 -aiofiles==22.1.0 -aiosqlite==0.19.0 alabaster==0.7.13 anyio==4.0.0 argon2-cffi==23.1.0 argon2-cffi-bindings==21.2.0 arrow==1.3.0 asttokens==2.4.0 +async-lru==2.0.4 attrs==23.1.0 babel==2.13.0 backcall==0.2.0 beautifulsoup4==4.12.2 black==23.9.1 -bleach==6.0.0 +bleach==6.1.0 cachetools==5.3.1 certifi==2023.7.22 cffi==1.16.0 @@ -29,19 +28,18 @@ click==8.1.7 colorama==0.4.6 comm==0.1.4 contourpy==1.1.1 -cycler==0.12.0 +cycler==0.12.1 debugpy==1.8.0 decorator==5.1.1 defusedxml==0.7.1 distlib==0.3.7 docstring-to-markdown==0.12 docutils==0.17.1 -entrypoints==0.4 exceptiongroup==1.1.3 executing==2.0.0 fastjsonschema==2.18.1 filelock==3.12.4 -fonttools==4.43.0 +fonttools==4.43.1 fqdn==1.5.1 graphviz==0.20.1 greenlet==3.0.0 @@ -64,19 +62,16 @@ jsonschema==4.19.1 jsonschema-specifications==2023.7.1 jupyter==1.0.0 jupyter-cache==0.6.1 -jupyter-client==7.4.9 +jupyter-client==8.3.1 jupyter-console==6.6.3 jupyter-core==5.3.2 jupyter-events==0.7.0 jupyter-lsp==2.2.0 jupyter-server==2.7.3 -jupyter-server-fileid==0.9.0 jupyter-server-terminals==0.4.4 -jupyter-server-ydoc==0.8.0 -jupyter-ydoc==0.2.5 -jupyterlab==3.6.6 +jupyterlab==4.0.6 jupyterlab-code-formatter==2.2.1 -jupyterlab-lsp==4.3.0 +jupyterlab-lsp==5.0.0 jupyterlab-myst==2.0.2 jupyterlab-pygments==0.2.2 jupyterlab-server==2.25.0 @@ -95,14 +90,13 @@ mpl-interactions==0.23.2 mypy-extensions==1.0.0 myst-nb==0.17.2 myst-parser==0.18.1 -nbclassic==1.0.0 nbclient==0.6.8 -nbconvert==7.8.0 +nbconvert==7.9.2 nbformat==5.9.2 nbmake==1.4.5 nest-asyncio==1.5.8 nodeenv==1.8.0 -notebook==6.5.6 +notebook==7.0.4 notebook-shim==0.2.3 numpy==1.26.0 overrides==7.4.0 @@ -132,10 +126,10 @@ pytest==7.4.2 python-dateutil==2.8.2 python-json-logger==2.0.7 python-lsp-jsonrpc==1.1.2 -python-lsp-server==1.8.0 +python-lsp-server==1.8.1 pytoolconfig==1.2.5 pyyaml==6.0.1 -pyzmq==24.0.1 +pyzmq==25.1.1 qtconsole==5.4.4 qtpy==2.4.0 referencing==0.30.2 @@ -143,7 +137,7 @@ requests==2.31.0 rfc3339-validator==0.1.4 rfc3986-validator==0.1.1 rope==1.10.0 -rpds-py==0.10.3 +rpds-py==0.10.4 ruff==0.0.292 send2trash==1.8.2 six==1.16.0 @@ -176,7 +170,7 @@ tinycss2==1.2.1 tomli==2.0.1 tornado==6.3.3 tox==4.11.3 -traitlets==5.11.1 +traitlets==5.11.2 types-python-dateutil==2.8.19.14 typing-extensions==4.8.0 ujson==5.8.0 @@ -186,11 +180,9 @@ virtualenv==20.24.5 wcwidth==0.2.8 webcolors==1.13 webencodings==0.5.1 -websocket-client==1.6.3 +websocket-client==1.6.4 wheel==0.41.2 widgetsnbextension==4.0.9 -y-py==0.6.0 -ypy-websocket==0.8.4 zipp==3.17.0 # The following packages are considered to be unsafe in a requirements file: diff --git a/.constraints/py3.11.txt b/.constraints/py3.11.txt index c826e73d..569c42c4 100644 --- a/.constraints/py3.11.txt +++ b/.constraints/py3.11.txt @@ -5,20 +5,19 @@ # pip-compile --extra=dev --no-annotate --output-file=.constraints/py3.11.txt --strip-extras --unsafe-package=compwa-org --unsafe-package=pip --unsafe-package=setuptools # accessible-pygments==0.0.4 -aiofiles==22.1.0 -aiosqlite==0.19.0 alabaster==0.7.13 anyio==4.0.0 argon2-cffi==23.1.0 argon2-cffi-bindings==21.2.0 arrow==1.3.0 asttokens==2.4.0 +async-lru==2.0.4 attrs==23.1.0 babel==2.13.0 backcall==0.2.0 beautifulsoup4==4.12.2 black==23.9.1 -bleach==6.0.0 +bleach==6.1.0 cachetools==5.3.1 certifi==2023.7.22 cffi==1.16.0 @@ -29,18 +28,17 @@ click==8.1.7 colorama==0.4.6 comm==0.1.4 contourpy==1.1.1 -cycler==0.12.0 +cycler==0.12.1 debugpy==1.8.0 decorator==5.1.1 defusedxml==0.7.1 distlib==0.3.7 docstring-to-markdown==0.12 docutils==0.17.1 -entrypoints==0.4 executing==2.0.0 fastjsonschema==2.18.1 filelock==3.12.4 -fonttools==4.43.0 +fonttools==4.43.1 fqdn==1.5.1 graphviz==0.20.1 greenlet==3.0.0 @@ -63,19 +61,16 @@ jsonschema==4.19.1 jsonschema-specifications==2023.7.1 jupyter==1.0.0 jupyter-cache==0.6.1 -jupyter-client==7.4.9 +jupyter-client==8.3.1 jupyter-console==6.6.3 jupyter-core==5.3.2 jupyter-events==0.7.0 jupyter-lsp==2.2.0 jupyter-server==2.7.3 -jupyter-server-fileid==0.9.0 jupyter-server-terminals==0.4.4 -jupyter-server-ydoc==0.8.0 -jupyter-ydoc==0.2.5 -jupyterlab==3.6.6 +jupyterlab==4.0.6 jupyterlab-code-formatter==2.2.1 -jupyterlab-lsp==4.3.0 +jupyterlab-lsp==5.0.0 jupyterlab-myst==2.0.2 jupyterlab-pygments==0.2.2 jupyterlab-server==2.25.0 @@ -94,14 +89,13 @@ mpl-interactions==0.23.2 mypy-extensions==1.0.0 myst-nb==0.17.2 myst-parser==0.18.1 -nbclassic==1.0.0 nbclient==0.6.8 -nbconvert==7.8.0 +nbconvert==7.9.2 nbformat==5.9.2 nbmake==1.4.5 nest-asyncio==1.5.8 nodeenv==1.8.0 -notebook==6.5.6 +notebook==7.0.4 notebook-shim==0.2.3 numpy==1.26.0 overrides==7.4.0 @@ -131,10 +125,10 @@ pytest==7.4.2 python-dateutil==2.8.2 python-json-logger==2.0.7 python-lsp-jsonrpc==1.1.2 -python-lsp-server==1.8.0 +python-lsp-server==1.8.1 pytoolconfig==1.2.5 pyyaml==6.0.1 -pyzmq==24.0.1 +pyzmq==25.1.1 qtconsole==5.4.4 qtpy==2.4.0 referencing==0.30.2 @@ -142,7 +136,7 @@ requests==2.31.0 rfc3339-validator==0.1.4 rfc3986-validator==0.1.1 rope==1.10.0 -rpds-py==0.10.3 +rpds-py==0.10.4 ruff==0.0.292 send2trash==1.8.2 six==1.16.0 @@ -174,7 +168,7 @@ terminado==0.17.1 tinycss2==1.2.1 tornado==6.3.3 tox==4.11.3 -traitlets==5.11.1 +traitlets==5.11.2 types-python-dateutil==2.8.19.14 typing-extensions==4.8.0 ujson==5.8.0 @@ -184,11 +178,9 @@ virtualenv==20.24.5 wcwidth==0.2.8 webcolors==1.13 webencodings==0.5.1 -websocket-client==1.6.3 +websocket-client==1.6.4 wheel==0.41.2 widgetsnbextension==4.0.9 -y-py==0.6.0 -ypy-websocket==0.8.4 zipp==3.17.0 # The following packages are considered to be unsafe in a requirements file: diff --git a/.constraints/py3.8.txt b/.constraints/py3.8.txt index 3ab75f3f..bcd538cd 100644 --- a/.constraints/py3.8.txt +++ b/.constraints/py3.8.txt @@ -5,20 +5,19 @@ # pip-compile --extra=dev --no-annotate --output-file=.constraints/py3.8.txt --strip-extras --unsafe-package=compwa-org --unsafe-package=pip --unsafe-package=setuptools # accessible-pygments==0.0.4 -aiofiles==22.1.0 -aiosqlite==0.19.0 alabaster==0.7.13 anyio==4.0.0 argon2-cffi==23.1.0 argon2-cffi-bindings==21.2.0 arrow==1.3.0 asttokens==2.4.0 +async-lru==2.0.4 attrs==23.1.0 babel==2.13.0 backcall==0.2.0 beautifulsoup4==4.12.2 black==23.9.1 -bleach==6.0.0 +bleach==6.1.0 cachetools==5.3.1 certifi==2023.7.22 cffi==1.16.0 @@ -29,19 +28,18 @@ click==8.1.7 colorama==0.4.6 comm==0.1.4 contourpy==1.1.1 -cycler==0.12.0 +cycler==0.12.1 debugpy==1.8.0 decorator==5.1.1 defusedxml==0.7.1 distlib==0.3.7 docstring-to-markdown==0.12 docutils==0.17.1 -entrypoints==0.4 exceptiongroup==1.1.3 executing==2.0.0 fastjsonschema==2.18.1 filelock==3.12.4 -fonttools==4.43.0 +fonttools==4.43.1 fqdn==1.5.1 graphviz==0.20.1 greenlet==3.0.0 @@ -65,19 +63,16 @@ jsonschema==4.19.1 jsonschema-specifications==2023.7.1 jupyter==1.0.0 jupyter-cache==0.6.1 -jupyter-client==7.4.9 +jupyter-client==8.3.1 jupyter-console==6.6.3 jupyter-core==5.3.2 jupyter-events==0.7.0 jupyter-lsp==2.2.0 jupyter-server==2.7.3 -jupyter-server-fileid==0.9.0 jupyter-server-terminals==0.4.4 -jupyter-server-ydoc==0.8.0 -jupyter-ydoc==0.2.5 -jupyterlab==3.6.6 +jupyterlab==4.0.6 jupyterlab-code-formatter==2.2.1 -jupyterlab-lsp==4.3.0 +jupyterlab-lsp==5.0.0 jupyterlab-myst==2.0.2 jupyterlab-pygments==0.2.2 jupyterlab-server==2.25.0 @@ -96,14 +91,13 @@ mpl-interactions==0.23.2 mypy-extensions==1.0.0 myst-nb==0.17.2 myst-parser==0.18.1 -nbclassic==1.0.0 nbclient==0.6.8 -nbconvert==7.8.0 +nbconvert==7.9.2 nbformat==5.9.2 nbmake==1.4.5 nest-asyncio==1.5.8 nodeenv==1.8.0 -notebook==6.5.6 +notebook==7.0.4 notebook-shim==0.2.3 numpy==1.24.4 overrides==7.4.0 @@ -134,11 +128,11 @@ pytest==7.4.2 python-dateutil==2.8.2 python-json-logger==2.0.7 python-lsp-jsonrpc==1.1.2 -python-lsp-server==1.8.0 +python-lsp-server==1.8.1 pytoolconfig==1.2.5 pytz==2023.3.post1 pyyaml==6.0.1 -pyzmq==24.0.1 +pyzmq==25.1.1 qtconsole==5.4.4 qtpy==2.4.0 referencing==0.30.2 @@ -146,7 +140,7 @@ requests==2.31.0 rfc3339-validator==0.1.4 rfc3986-validator==0.1.1 rope==1.10.0 -rpds-py==0.10.3 +rpds-py==0.10.4 ruff==0.0.292 send2trash==1.8.2 six==1.16.0 @@ -179,7 +173,7 @@ tinycss2==1.2.1 tomli==2.0.1 tornado==6.3.3 tox==4.11.3 -traitlets==5.11.1 +traitlets==5.11.2 types-python-dateutil==2.8.19.14 typing-extensions==4.8.0 ujson==5.8.0 @@ -189,11 +183,9 @@ virtualenv==20.24.5 wcwidth==0.2.8 webcolors==1.13 webencodings==0.5.1 -websocket-client==1.6.3 +websocket-client==1.6.4 wheel==0.41.2 widgetsnbextension==4.0.9 -y-py==0.6.0 -ypy-websocket==0.8.4 zipp==3.17.0 # The following packages are considered to be unsafe in a requirements file: diff --git a/.constraints/py3.9.txt b/.constraints/py3.9.txt index 10d65d35..de3edeb7 100644 --- a/.constraints/py3.9.txt +++ b/.constraints/py3.9.txt @@ -5,20 +5,19 @@ # pip-compile --extra=dev --no-annotate --output-file=.constraints/py3.9.txt --strip-extras --unsafe-package=compwa-org --unsafe-package=pip --unsafe-package=setuptools # accessible-pygments==0.0.4 -aiofiles==22.1.0 -aiosqlite==0.19.0 alabaster==0.7.13 anyio==4.0.0 argon2-cffi==23.1.0 argon2-cffi-bindings==21.2.0 arrow==1.3.0 asttokens==2.4.0 +async-lru==2.0.4 attrs==23.1.0 babel==2.13.0 backcall==0.2.0 beautifulsoup4==4.12.2 black==23.9.1 -bleach==6.0.0 +bleach==6.1.0 cachetools==5.3.1 certifi==2023.7.22 cffi==1.16.0 @@ -29,19 +28,18 @@ click==8.1.7 colorama==0.4.6 comm==0.1.4 contourpy==1.1.1 -cycler==0.12.0 +cycler==0.12.1 debugpy==1.8.0 decorator==5.1.1 defusedxml==0.7.1 distlib==0.3.7 docstring-to-markdown==0.12 docutils==0.17.1 -entrypoints==0.4 exceptiongroup==1.1.3 executing==2.0.0 fastjsonschema==2.18.1 filelock==3.12.4 -fonttools==4.43.0 +fonttools==4.43.1 fqdn==1.5.1 graphviz==0.20.1 greenlet==3.0.0 @@ -65,19 +63,16 @@ jsonschema==4.19.1 jsonschema-specifications==2023.7.1 jupyter==1.0.0 jupyter-cache==0.6.1 -jupyter-client==7.4.9 +jupyter-client==8.3.1 jupyter-console==6.6.3 jupyter-core==5.3.2 jupyter-events==0.7.0 jupyter-lsp==2.2.0 jupyter-server==2.7.3 -jupyter-server-fileid==0.9.0 jupyter-server-terminals==0.4.4 -jupyter-server-ydoc==0.8.0 -jupyter-ydoc==0.2.5 -jupyterlab==3.6.6 +jupyterlab==4.0.6 jupyterlab-code-formatter==2.2.1 -jupyterlab-lsp==4.3.0 +jupyterlab-lsp==5.0.0 jupyterlab-myst==2.0.2 jupyterlab-pygments==0.2.2 jupyterlab-server==2.25.0 @@ -96,14 +91,13 @@ mpl-interactions==0.23.2 mypy-extensions==1.0.0 myst-nb==0.17.2 myst-parser==0.18.1 -nbclassic==1.0.0 nbclient==0.6.8 -nbconvert==7.8.0 +nbconvert==7.9.2 nbformat==5.9.2 nbmake==1.4.5 nest-asyncio==1.5.8 nodeenv==1.8.0 -notebook==6.5.6 +notebook==7.0.4 notebook-shim==0.2.3 numpy==1.26.0 overrides==7.4.0 @@ -133,10 +127,10 @@ pytest==7.4.2 python-dateutil==2.8.2 python-json-logger==2.0.7 python-lsp-jsonrpc==1.1.2 -python-lsp-server==1.8.0 +python-lsp-server==1.8.1 pytoolconfig==1.2.5 pyyaml==6.0.1 -pyzmq==24.0.1 +pyzmq==25.1.1 qtconsole==5.4.4 qtpy==2.4.0 referencing==0.30.2 @@ -144,7 +138,7 @@ requests==2.31.0 rfc3339-validator==0.1.4 rfc3986-validator==0.1.1 rope==1.10.0 -rpds-py==0.10.3 +rpds-py==0.10.4 ruff==0.0.292 send2trash==1.8.2 six==1.16.0 @@ -177,7 +171,7 @@ tinycss2==1.2.1 tomli==2.0.1 tornado==6.3.3 tox==4.11.3 -traitlets==5.11.1 +traitlets==5.11.2 types-python-dateutil==2.8.19.14 typing-extensions==4.8.0 ujson==5.8.0 @@ -187,11 +181,9 @@ virtualenv==20.24.5 wcwidth==0.2.8 webcolors==1.13 webencodings==0.5.1 -websocket-client==1.6.3 +websocket-client==1.6.4 wheel==0.41.2 widgetsnbextension==4.0.9 -y-py==0.6.0 -ypy-websocket==0.8.4 zipp==3.17.0 # The following packages are considered to be unsafe in a requirements file: From f0aa06dbc13ddd71b4ddbeef1dcf0ff775f19a93 Mon Sep 17 00:00:00 2001 From: Remco de Boer <29308176+redeboer@users.noreply.github.com> Date: Mon, 9 Oct 2023 13:21:38 +0200 Subject: [PATCH 28/33] FIX: ignore link to Mandelbrot page --- docs/conf.py | 1 + 1 file changed, 1 insertion(+) diff --git a/docs/conf.py b/docs/conf.py index 9bb6c1b4..195553a9 100644 --- a/docs/conf.py +++ b/docs/conf.py @@ -306,6 +306,7 @@ def get_minor_version(package_name: str) -> str: "https://github.com/orgs/ComPWA/projects/6", # private "https://ieeexplore.ieee.org/document/6312940", # 401 "https://open.vscode.dev", + "https://rosettacode.org", "https://via.placeholder.com", # irregular timeout "https://www.andiamo.co.uk/resources/iso-language-codes", # 443, but works ] From 57a3f86d568cca189d8e597be3a14ab86a040fa5 Mon Sep 17 00:00:00 2001 From: Remco de Boer <29308176+redeboer@users.noreply.github.com> Date: Mon, 9 Oct 2023 17:03:46 +0200 Subject: [PATCH 29/33] DX: remove `.prettierrc` --- .cspell.json | 24 ++---------------------- .pre-commit-config.yaml | 3 ++- .prettierrc | 1 - .vscode/settings.json | 3 +-- 4 files changed, 5 insertions(+), 26 deletions(-) delete mode 100644 .prettierrc diff --git a/.cspell.json b/.cspell.json index 984570eb..b5b98e8c 100644 --- a/.cspell.json +++ b/.cspell.json @@ -16,42 +16,22 @@ "transisions" ], "ignorePaths": [ + "**/*.bib", "**/.cspell.json", - "*.bib", - "*.ico", - "*.root", - "*.rst_t", - "*.svg", - "*particle*.*ml", ".constraints/*.txt", ".editorconfig", ".gitignore", ".gitpod.*", - ".mypy.ini", ".pre-commit-config.yaml", ".prettierignore", ".readthedocs.yml", ".vscode/*", - ".vscode/.gitignore", "CITATION.cff", - "codecov.yml", - "Dockerfile", "docs/_templates/*", "docs/adr/*/*", "docs/conf.py", - "labels.toml", - "labels/*.toml", - "Makefile", - "Manifest.toml", - "Project.toml", "pyproject.toml", - "pyrightconfig.json", - "pytest.ini", - "requirements*.txt", - "setup.cfg", - "setup.py", - "tox.ini", - "typings" + "tox.ini" ], "language": "en-US", "overrides": [ diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml index f781f2aa..a436664a 100644 --- a/.pre-commit-config.yaml +++ b/.pre-commit-config.yaml @@ -38,10 +38,11 @@ repos: )$ - repo: https://github.com/ComPWA/repo-maintenance - rev: 0.1.0rc2 + rev: 0.1.0rc6 hooks: - id: check-dev-files args: + - --no-prettierrc - --pin-requirements=bimonthly - --repo-name=compwa-org - --repo-title=ComPWA Organization Documentation diff --git a/.prettierrc b/.prettierrc deleted file mode 100644 index ca09957f..00000000 --- a/.prettierrc +++ /dev/null @@ -1 +0,0 @@ -printWidth: 88 diff --git a/.vscode/settings.json b/.vscode/settings.json index b3085ee5..ca3becef 100644 --- a/.vscode/settings.json +++ b/.vscode/settings.json @@ -10,8 +10,7 @@ "editor.defaultFormatter": "esbenp.prettier-vscode" }, "[markdown]": { - "editor.defaultFormatter": "esbenp.prettier-vscode", - "editor.wordWrap": "off" + "editor.defaultFormatter": "esbenp.prettier-vscode" }, "[python]": { "editor.codeActionsOnSave": { From 58f158edb2f8c3c7d703739e6c48337dd85dd758 Mon Sep 17 00:00:00 2001 From: "pre-commit-ci[bot]" <66853113+pre-commit-ci[bot]@users.noreply.github.com> Date: Mon, 9 Oct 2023 15:06:39 +0000 Subject: [PATCH 30/33] [pre-commit.ci] auto fixes from pre-commit.com hooks for more information, see https://pre-commit.ci --- docs/_templates/genindex.html | 9 +++++---- 1 file changed, 5 insertions(+), 4 deletions(-) diff --git a/docs/_templates/genindex.html b/docs/_templates/genindex.html index abea27ff..21849ec3 100644 --- a/docs/_templates/genindex.html +++ b/docs/_templates/genindex.html @@ -7,11 +7,12 @@ {%- for ismain, link in links[1:] -%} , {% if ismain %}{% endif -%} [{{ loop.index }}] {%- if ismain %}{% - endif -%} + >{% if ismain %}{% endif -%} [{{ loop.index }}] {%- if ismain %}{% endif -%} -{%- endfor %} {%- else %} {{ firstname|e }} {%- endif %} {% endmacro %} {%- extends -"layout.html" %} {% set title = _('Index') %} {% block body %} +{%- endfor %} {%- else %} {{ firstname|e }} {%- endif %} {% endmacro %} {%- +extends "layout.html" %} {% set title = _('Index') %} {% block body %}

{{ _('Index') }}

From a29f08b9e65538cd48f15dd5103b6abdc199a2d4 Mon Sep 17 00:00:00 2001 From: GitHub Date: Mon, 9 Oct 2023 15:12:22 +0000 Subject: [PATCH 31/33] MAINT: update pip constraints and pre-commit --- .constraints/py3.10.txt | 2 +- .constraints/py3.11.txt | 2 +- .constraints/py3.8.txt | 2 +- .constraints/py3.9.txt | 2 +- 4 files changed, 4 insertions(+), 4 deletions(-) diff --git a/.constraints/py3.10.txt b/.constraints/py3.10.txt index f1280b2c..ce718bab 100644 --- a/.constraints/py3.10.txt +++ b/.constraints/py3.10.txt @@ -126,7 +126,7 @@ pytest==7.4.2 python-dateutil==2.8.2 python-json-logger==2.0.7 python-lsp-jsonrpc==1.1.2 -python-lsp-server==1.8.1 +python-lsp-server==1.8.2 pytoolconfig==1.2.5 pyyaml==6.0.1 pyzmq==25.1.1 diff --git a/.constraints/py3.11.txt b/.constraints/py3.11.txt index 569c42c4..e46a7b85 100644 --- a/.constraints/py3.11.txt +++ b/.constraints/py3.11.txt @@ -125,7 +125,7 @@ pytest==7.4.2 python-dateutil==2.8.2 python-json-logger==2.0.7 python-lsp-jsonrpc==1.1.2 -python-lsp-server==1.8.1 +python-lsp-server==1.8.2 pytoolconfig==1.2.5 pyyaml==6.0.1 pyzmq==25.1.1 diff --git a/.constraints/py3.8.txt b/.constraints/py3.8.txt index bcd538cd..64b4abb5 100644 --- a/.constraints/py3.8.txt +++ b/.constraints/py3.8.txt @@ -128,7 +128,7 @@ pytest==7.4.2 python-dateutil==2.8.2 python-json-logger==2.0.7 python-lsp-jsonrpc==1.1.2 -python-lsp-server==1.8.1 +python-lsp-server==1.8.2 pytoolconfig==1.2.5 pytz==2023.3.post1 pyyaml==6.0.1 diff --git a/.constraints/py3.9.txt b/.constraints/py3.9.txt index de3edeb7..8b616965 100644 --- a/.constraints/py3.9.txt +++ b/.constraints/py3.9.txt @@ -127,7 +127,7 @@ pytest==7.4.2 python-dateutil==2.8.2 python-json-logger==2.0.7 python-lsp-jsonrpc==1.1.2 -python-lsp-server==1.8.1 +python-lsp-server==1.8.2 pytoolconfig==1.2.5 pyyaml==6.0.1 pyzmq==25.1.1 From ca4a8ca8da59525fac7f47025485c5e446bfeb9c Mon Sep 17 00:00:00 2001 From: Remco de Boer <29308176+redeboer@users.noreply.github.com> Date: Mon, 9 Oct 2023 17:22:31 +0200 Subject: [PATCH 32/33] FIX: ignore `Manifest.toml` in cSpell config --- .cspell.json | 2 ++ .pre-commit-config.yaml | 2 +- 2 files changed, 3 insertions(+), 1 deletion(-) diff --git a/.cspell.json b/.cspell.json index b5b98e8c..fc4ea121 100644 --- a/.cspell.json +++ b/.cspell.json @@ -18,6 +18,8 @@ "ignorePaths": [ "**/*.bib", "**/.cspell.json", + "**/Manifest.toml", + "**/Project.toml", ".constraints/*.txt", ".editorconfig", ".gitignore", diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml index a436664a..19d31739 100644 --- a/.pre-commit-config.yaml +++ b/.pre-commit-config.yaml @@ -38,7 +38,7 @@ repos: )$ - repo: https://github.com/ComPWA/repo-maintenance - rev: 0.1.0rc6 + rev: 0.1.0rc7 hooks: - id: check-dev-files args: From 90d597bc7a22a5678408e4218911952a260f1451 Mon Sep 17 00:00:00 2001 From: Remco de Boer <29308176+redeboer@users.noreply.github.com> Date: Mon, 9 Oct 2023 17:37:47 +0200 Subject: [PATCH 33/33] MAINT: autoupdate pre-commit config --- .pre-commit-config.yaml | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml index 19d31739..878c1e0d 100644 --- a/.pre-commit-config.yaml +++ b/.pre-commit-config.yaml @@ -38,7 +38,7 @@ repos: )$ - repo: https://github.com/ComPWA/repo-maintenance - rev: 0.1.0rc7 + rev: 0.1.0 hooks: - id: check-dev-files args: