bella-companion 0.0.47__py3-none-any.whl → 0.1.1__py3-none-any.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Potentially problematic release.
This version of bella-companion might be problematic. Click here for more details.
- bella_companion/.DS_Store +0 -0
- bella_companion/eucovid/beast_configs/GLM.xml +28 -18
- bella_companion/eucovid/beast_configs/MLP.xml +3 -4
- bella_companion/eucovid/run_beast.py +13 -95
- bella_companion/features.py +13 -0
- bella_companion/simulations/figures/epi_multitype.py +5 -5
- bella_companion/simulations/figures/fbd_2traits.py +5 -5
- bella_companion/simulations/scenarios/epi_multitype.py +1 -1
- bella_companion/simulations/scenarios/epi_skyline.py +1 -1
- bella_companion/simulations/scenarios/fbd_2traits.py +1 -1
- bella_companion/simulations/scenarios/fbd_no_traits.py +1 -1
- bella_companion/simulations/scenarios/scenario.py +1 -1
- bella_companion/utils/__init__.py +4 -4
- bella_companion/utils/beast.py +2 -2
- bella_companion/utils/explain/__init__.py +7 -0
- bella_companion/{simulations/figures → utils}/explain/pdp.py +61 -18
- bella_companion/utils/explain/shap.py +104 -0
- bella_companion/utils/explain/typeguards.py +20 -0
- {bella_companion-0.0.47.dist-info → bella_companion-0.1.1.dist-info}/METADATA +8 -5
- bella_companion-0.1.1.dist-info/RECORD +64 -0
- bella_companion-0.1.1.dist-info/WHEEL +4 -0
- {bella_companion-0.0.47.dist-info → bella_companion-0.1.1.dist-info}/entry_points.txt +1 -0
- bella_companion/__pycache__/__init__.cpython-310.pyc +0 -0
- bella_companion/__pycache__/cli.cpython-310.pyc +0 -0
- bella_companion/eucovid/__pycache__/__init__.cpython-310.pyc +0 -0
- bella_companion/eucovid/__pycache__/run_beast.cpython-310.pyc +0 -0
- bella_companion/eucovid/beast_configs/Nonparametric.xml +0 -399
- bella_companion/eucovid/data/case_data.tsv +0 -346
- bella_companion/eucovid/data/change_dates.tsv +0 -8
- bella_companion/eucovid/data/osi.tsv +0 -376
- bella_companion/eucovid/data/predictors/all/closedborders_7e_nt.tsv +0 -35
- bella_companion/eucovid/data/predictors/all/dist_7e_ls.tsv +0 -35
- bella_companion/eucovid/data/predictors/all/flight_7e_ls.tsv +0 -35
- bella_companion/eucovid/data/predictors/all/flight_pop_x_7e_ls.tsv +0 -35
- bella_companion/eucovid/data/predictors/all/osi_x_7e_ls.tsv +0 -35
- bella_companion/eucovid/data/predictors/all/osi_y_7e_ls.tsv +0 -35
- bella_companion/eucovid/data/predictors/all/pop_x_7e_ls.tsv +0 -35
- bella_companion/eucovid/data/predictors/all/pop_y_7e_ls.tsv +0 -35
- bella_companion/eucovid/data/predictors/all/sharedborders_7e_nt.tsv +0 -35
- bella_companion/eucovid/data/predictors/changetimes_all_7e.tsv +0 -6
- bella_companion/platyrrhine/__pycache__/__init__.cpython-310.pyc +0 -0
- bella_companion/platyrrhine/__pycache__/results.cpython-310.pyc +0 -0
- bella_companion/platyrrhine/__pycache__/run_beast.cpython-310.pyc +0 -0
- bella_companion/platyrrhine/__pycache__/summarize.cpython-310.pyc +0 -0
- bella_companion/platyrrhine/__pycache__/summarize_logs.cpython-310.pyc +0 -0
- bella_companion/simulations/__pycache__/__init__.cpython-310.pyc +0 -0
- bella_companion/simulations/__pycache__/features.cpython-310.pyc +0 -0
- bella_companion/simulations/__pycache__/generate_data.cpython-310.pyc +0 -0
- bella_companion/simulations/__pycache__/generate_figures.cpython-310.pyc +0 -0
- bella_companion/simulations/__pycache__/metrics.cpython-310.pyc +0 -0
- bella_companion/simulations/__pycache__/run_beast.cpython-310.pyc +0 -0
- bella_companion/simulations/__pycache__/summarize.cpython-310.pyc +0 -0
- bella_companion/simulations/__pycache__/summarize_logs.cpython-310.pyc +0 -0
- bella_companion/simulations/features.py +0 -7
- bella_companion/simulations/figures/__pycache__/__init__.cpython-310.pyc +0 -0
- bella_companion/simulations/figures/__pycache__/epi_multitype.cpython-310.pyc +0 -0
- bella_companion/simulations/figures/__pycache__/epi_skyline.cpython-310.pyc +0 -0
- bella_companion/simulations/figures/__pycache__/fbd_2traits.cpython-310.pyc +0 -0
- bella_companion/simulations/figures/__pycache__/fbd_no_traits.cpython-310.pyc +0 -0
- bella_companion/simulations/figures/__pycache__/scenarios.cpython-310.pyc +0 -0
- bella_companion/simulations/figures/__pycache__/utils.cpython-310.pyc +0 -0
- bella_companion/simulations/figures/explain/__init__.py +0 -6
- bella_companion/simulations/figures/explain/__pycache__/__init__.cpython-310.pyc +0 -0
- bella_companion/simulations/figures/explain/__pycache__/pdp.cpython-310.pyc +0 -0
- bella_companion/simulations/figures/explain/__pycache__/shap.cpython-310.pyc +0 -0
- bella_companion/simulations/figures/explain/shap.py +0 -62
- bella_companion/simulations/scenarios/__pycache__/__init__.cpython-310.pyc +0 -0
- bella_companion/simulations/scenarios/__pycache__/common.cpython-310.pyc +0 -0
- bella_companion/simulations/scenarios/__pycache__/epi_multitype.cpython-310.pyc +0 -0
- bella_companion/simulations/scenarios/__pycache__/epi_skyline.cpython-310.pyc +0 -0
- bella_companion/simulations/scenarios/__pycache__/fbd_2traits.cpython-310.pyc +0 -0
- bella_companion/simulations/scenarios/__pycache__/fbd_no_traits.cpython-310.pyc +0 -0
- bella_companion/simulations/scenarios/__pycache__/scenario.cpython-310.pyc +0 -0
- bella_companion/utils/__pycache__/__init__.cpython-310.pyc +0 -0
- bella_companion/utils/__pycache__/beast.cpython-310.pyc +0 -0
- bella_companion/utils/__pycache__/explain.cpython-310.pyc +0 -0
- bella_companion/utils/__pycache__/slurm.cpython-310.pyc +0 -0
- bella_companion/utils/explain.py +0 -45
- bella_companion-0.0.47.dist-info/RECORD +0 -116
- bella_companion-0.0.47.dist-info/WHEEL +0 -5
- bella_companion-0.0.47.dist-info/top_level.txt +0 -1
- /bella_companion/eucovid/data/{predictors/changetimes_flights_4e.tsv → changetimes.csv} +0 -0
- /bella_companion/eucovid/data/{predictors/flight_pop_x_4e_ls.tsv → flights.csv} +0 -0
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
@@ -1,62 +0,0 @@
|
|
|
1
|
-
from functools import partial
|
|
2
|
-
from itertools import product
|
|
3
|
-
from pathlib import Path
|
|
4
|
-
from typing import Callable
|
|
5
|
-
|
|
6
|
-
import matplotlib.pyplot as plt
|
|
7
|
-
import numpy as np
|
|
8
|
-
import seaborn as sns
|
|
9
|
-
from joblib import Parallel, delayed
|
|
10
|
-
from lumiere.typing import ActivationFunction, Weights
|
|
11
|
-
from tqdm import tqdm
|
|
12
|
-
|
|
13
|
-
from bella_companion.simulations.features import Feature
|
|
14
|
-
from bella_companion.utils import get_median_shap_features_importance
|
|
15
|
-
|
|
16
|
-
|
|
17
|
-
def plot_shap_features_importance(
|
|
18
|
-
weights: list[list[Weights]], # shape: (n_runs, n_weights_samples, ...)
|
|
19
|
-
features: dict[str, Feature],
|
|
20
|
-
output_file: Path,
|
|
21
|
-
hidden_activation: ActivationFunction,
|
|
22
|
-
output_activation: ActivationFunction,
|
|
23
|
-
):
|
|
24
|
-
continuous_grid: list[float] = np.linspace(0, 1, 10).tolist()
|
|
25
|
-
features_grid: list[list[float]] = [
|
|
26
|
-
[0, 1] if feature.is_binary else continuous_grid
|
|
27
|
-
for feature in features.values()
|
|
28
|
-
]
|
|
29
|
-
inputs = list(product(*features_grid))
|
|
30
|
-
|
|
31
|
-
jobs = Parallel(n_jobs=-1, return_as="generator_unordered")(
|
|
32
|
-
delayed(
|
|
33
|
-
partial(
|
|
34
|
-
get_median_shap_features_importance,
|
|
35
|
-
inputs=inputs,
|
|
36
|
-
hidden_activation=hidden_activation,
|
|
37
|
-
output_activation=output_activation,
|
|
38
|
-
)
|
|
39
|
-
)(w)
|
|
40
|
-
for w in weights
|
|
41
|
-
)
|
|
42
|
-
features_importances = np.array(
|
|
43
|
-
[job for job in tqdm(jobs, total=len(weights), desc="Evaluating SHAPs")]
|
|
44
|
-
) # shape: (n_runs, n_features)
|
|
45
|
-
features_importances /= features_importances.sum(axis=1, keepdims=True)
|
|
46
|
-
|
|
47
|
-
def _plot_violins(group_check: Callable[[Feature], bool]):
|
|
48
|
-
for i, (feature_name, feature) in enumerate(features.items()):
|
|
49
|
-
if group_check(feature):
|
|
50
|
-
sns.violinplot(
|
|
51
|
-
y=features_importances[:, i],
|
|
52
|
-
x=[feature_name] * len(features_importances),
|
|
53
|
-
cut=0,
|
|
54
|
-
color="#E74C3C" if feature.is_relevant else "gray",
|
|
55
|
-
)
|
|
56
|
-
|
|
57
|
-
_plot_violins(lambda f: not f.is_binary)
|
|
58
|
-
_plot_violins(lambda f: f.is_binary)
|
|
59
|
-
plt.xlabel("Feature") # pyright: ignore
|
|
60
|
-
plt.ylabel("Importance") # pyright: ignore
|
|
61
|
-
plt.savefig(output_file) # pyright: ignore
|
|
62
|
-
plt.close()
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
bella_companion/utils/explain.py
DELETED
|
@@ -1,45 +0,0 @@
|
|
|
1
|
-
import numpy as np
|
|
2
|
-
from lumiere import get_partial_dependence_values, get_shap_features_importance
|
|
3
|
-
from lumiere.typing import ActivationFunction, Weights
|
|
4
|
-
from numpy.typing import ArrayLike
|
|
5
|
-
|
|
6
|
-
|
|
7
|
-
def get_median_partial_dependence_values(
|
|
8
|
-
weights: list[Weights], # shape: (n_weight_samples, ...)
|
|
9
|
-
features_grid: list[list[float]],
|
|
10
|
-
hidden_activation: ActivationFunction,
|
|
11
|
-
output_activation: ActivationFunction,
|
|
12
|
-
) -> list[list[float]]: # shape: (n_features, n_grid_points)
|
|
13
|
-
pdvalues = [
|
|
14
|
-
get_partial_dependence_values(
|
|
15
|
-
weights=w,
|
|
16
|
-
features_grid=features_grid,
|
|
17
|
-
hidden_activation=hidden_activation,
|
|
18
|
-
output_activation=output_activation,
|
|
19
|
-
)
|
|
20
|
-
for w in weights
|
|
21
|
-
]
|
|
22
|
-
return [
|
|
23
|
-
np.median([pd[feature_idx] for pd in pdvalues], axis=0).tolist()
|
|
24
|
-
for feature_idx in range(len(features_grid))
|
|
25
|
-
]
|
|
26
|
-
|
|
27
|
-
|
|
28
|
-
def get_median_shap_features_importance(
|
|
29
|
-
weights: list[Weights],
|
|
30
|
-
inputs: ArrayLike,
|
|
31
|
-
hidden_activation: ActivationFunction,
|
|
32
|
-
output_activation: ActivationFunction,
|
|
33
|
-
) -> list[float]: # length: n_features
|
|
34
|
-
features_importance = np.array(
|
|
35
|
-
[
|
|
36
|
-
get_shap_features_importance(
|
|
37
|
-
weights=w,
|
|
38
|
-
inputs=inputs,
|
|
39
|
-
hidden_activation=hidden_activation,
|
|
40
|
-
output_activation=output_activation,
|
|
41
|
-
)
|
|
42
|
-
for w in weights
|
|
43
|
-
]
|
|
44
|
-
)
|
|
45
|
-
return np.median(features_importance, axis=0).tolist()
|
|
@@ -1,116 +0,0 @@
|
|
|
1
|
-
bella_companion/BELLA.jar,sha256=4mKDzPfz263rTqA9KS2f4Mc-UWGMuj8G48ZDonKSqVw,67408597
|
|
2
|
-
bella_companion/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
3
|
-
bella_companion/cli.py,sha256=CrtV2CG6G1nKCCVu02gtNlpHNJHLnFtSaru-LFiHKKc,3014
|
|
4
|
-
bella_companion/version.xml,sha256=Gr3nsYqFhVNP0Mszl_IfilxefsPN8ZpQlGlB8OJSwnE,522
|
|
5
|
-
bella_companion/__pycache__/__init__.cpython-310.pyc,sha256=OWbv3-oQ0uVrCKYMlnplMpvDhv5Ytf3aYb7Eu_UONkU,151
|
|
6
|
-
bella_companion/__pycache__/cli.cpython-310.pyc,sha256=-k34T2uplWxW_fUrSVadFAYEDos-bvonW2RDeyHuj0A,2680
|
|
7
|
-
bella_companion/eucovid/__init__.py,sha256=09Ld_G7fZvCDCgEWsmaOyLVQ8pFc9QHAGnXKJ9Zm2AM,81
|
|
8
|
-
bella_companion/eucovid/run_beast.py,sha256=wsNLqRMfloqTeXuxSUSD2ow15S-a2q1wyMVKdrDI6_E,3911
|
|
9
|
-
bella_companion/eucovid/__pycache__/__init__.cpython-310.pyc,sha256=cwLb8j-Jrl5beRcoZEtbpvQlG9KENPuB2F4fa1RBYIQ,248
|
|
10
|
-
bella_companion/eucovid/__pycache__/run_beast.cpython-310.pyc,sha256=jEqqaPBugV7B8YZQjNIgYnhpCwDOV21xyG1N_IbRdJo,1922
|
|
11
|
-
bella_companion/eucovid/beast_configs/GLM.xml,sha256=b5rAeKVEam3u2AGSJsm7EHB6LcC0l9bp1SyZT2QyjpI,10892
|
|
12
|
-
bella_companion/eucovid/beast_configs/MLP.xml,sha256=M0_B6t0bZpjCAQqAmjrFshW96pt9sNREcoLUjwchX6Q,10616
|
|
13
|
-
bella_companion/eucovid/beast_configs/Nonparametric.xml,sha256=n-t4sUfDS9AzC02tbIk5mx_RDg2l62ELhdR3I3_jjHE,17783
|
|
14
|
-
bella_companion/eucovid/data/case_data.tsv,sha256=XaSzZh5NcEMVt9d_XlQ19T8UuEkHGrjpSFXhe9IycNg,12412
|
|
15
|
-
bella_companion/eucovid/data/change_dates.tsv,sha256=_pmVFYiL4X9Pd79uYVgyz3sKeRap7xVcXk0OjqVhuVQ,227
|
|
16
|
-
bella_companion/eucovid/data/msa.fasta,sha256=sWaVSINSJDDLjmwlpl31JWM5VnKF7yViSpERI69glQc,4839354
|
|
17
|
-
bella_companion/eucovid/data/osi.tsv,sha256=iTDWL_-PnVQPg_-hWROXWKNFakDq_S1fEig1A_MqMVI,9228
|
|
18
|
-
bella_companion/eucovid/data/predictors/changetimes_all_7e.tsv,sha256=hH0xXD2lr_8RPQRqvENv6clPHauAXH22SGQHb3hlfzs,120
|
|
19
|
-
bella_companion/eucovid/data/predictors/changetimes_flights_4e.tsv,sha256=XEepIXKRwcKknJq4-ovKlorvCypGi67B8znuQ5f1LTg,60
|
|
20
|
-
bella_companion/eucovid/data/predictors/flight_pop_x_4e_ls.tsv,sha256=tMR9-tuGtC3rVABXUtNdV9irUX-9aCCVb_fwksHTn8U,1068
|
|
21
|
-
bella_companion/eucovid/data/predictors/all/closedborders_7e_nt.tsv,sha256=5gP-cEzgKSCvlK0_PlkrimYGEwOaLPO0GiiM4PIKU-M,280
|
|
22
|
-
bella_companion/eucovid/data/predictors/all/dist_7e_ls.tsv,sha256=rr71QPiJu35CYbySMJyH_GDX51D2iTIncZImwAXIvlo,1890
|
|
23
|
-
bella_companion/eucovid/data/predictors/all/flight_7e_ls.tsv,sha256=5WztZpQrjK7puERA1oxsCn5t2G1w9NGTGKjr85gMQ54,1873
|
|
24
|
-
bella_companion/eucovid/data/predictors/all/flight_pop_x_7e_ls.tsv,sha256=qfRTXyZItzEm8pxurhFYO-DvpJXD-J4lMH5eyZKF0aE,1862
|
|
25
|
-
bella_companion/eucovid/data/predictors/all/osi_x_7e_ls.tsv,sha256=kke2eHlVuc84qMj1WBllhBG2BQt7JHUWDZeiVoAP8Lw,1900
|
|
26
|
-
bella_companion/eucovid/data/predictors/all/osi_y_7e_ls.tsv,sha256=5YDXe4GstyyRKP15213cAAEm5lVFW_bC98R8ipc1XoE,1900
|
|
27
|
-
bella_companion/eucovid/data/predictors/all/pop_x_7e_ls.tsv,sha256=3fVYRQ1ylwsa7YptMU8f_xELwwqIF3Ux8akL9UaXKis,1904
|
|
28
|
-
bella_companion/eucovid/data/predictors/all/pop_y_7e_ls.tsv,sha256=Ku39Ts0HW9r5lThAZ01V7HJDi0aoRYs0aQs5EXlZCkQ,1904
|
|
29
|
-
bella_companion/eucovid/data/predictors/all/sharedborders_7e_nt.tsv,sha256=pPVT5DIaZuc3B0mSs-B3kw3G2zja1LfmL_xLwlNtLDo,280
|
|
30
|
-
bella_companion/platyrrhine/__init__.py,sha256=gySgNPoKaEdhcZppKMsCmS-aAcYw_rDEw0viz72Udaw,259
|
|
31
|
-
bella_companion/platyrrhine/beast_config.xml,sha256=bLzavt-Zd8cmSgQQnlCBfZ9KyM7d1inOGx12VNjPFb4,7056
|
|
32
|
-
bella_companion/platyrrhine/results.py,sha256=aRx9MkI43f5bhr-16UkShDH-_oMNFzhHxfU2WK1L3BY,7468
|
|
33
|
-
bella_companion/platyrrhine/run_beast.py,sha256=t1gUmn_HEXKqxgGXYCdohGDWeL-QEpW7r3bKXlRfdog,2494
|
|
34
|
-
bella_companion/platyrrhine/summarize.py,sha256=Qc3GE2vUspTqU_QjLdULvK0r7AZ3JTdqsBmd71izt7M,1356
|
|
35
|
-
bella_companion/platyrrhine/__pycache__/__init__.cpython-310.pyc,sha256=_7OOgWWr8apuTVm7TLhvmP41QHTDFlDNjTtJ9J3vpZc,425
|
|
36
|
-
bella_companion/platyrrhine/__pycache__/results.cpython-310.pyc,sha256=ytoolBYXSbQHjso0byIJXWwGSE94TeM5ko8L0tOCrTk,6627
|
|
37
|
-
bella_companion/platyrrhine/__pycache__/run_beast.cpython-310.pyc,sha256=Z5nfOPwht1yR_uDJoTt2Zj-ZR_Tr-QeIqGWtZYEBbBQ,2172
|
|
38
|
-
bella_companion/platyrrhine/__pycache__/summarize.cpython-310.pyc,sha256=m9ruJb4uO_az3qn4T8Iq3zPR0LSsFLBjeISn6y5-DXM,1622
|
|
39
|
-
bella_companion/platyrrhine/__pycache__/summarize_logs.cpython-310.pyc,sha256=yKvebBShpNqMoVI2g3VzseuJrMG43A8U8vF7Yg288AE,1616
|
|
40
|
-
bella_companion/platyrrhine/data/change_times.csv,sha256=tedobHbaY7-6M3V6F6HSqGAU9dpeeajR5mu1XGJfp6w,68
|
|
41
|
-
bella_companion/platyrrhine/data/traits.csv,sha256=N_mCnaM9Gy0Qot7-l_mK0vMvr7e_5BZ4bgUHpcoG9UM,3949
|
|
42
|
-
bella_companion/platyrrhine/data/trees.nwk,sha256=lpSiGUG5s3zE--IKPOyWrJ5vpJb_xAPnfxychs3YNIs,488232
|
|
43
|
-
bella_companion/simulations/__init__.py,sha256=gjO_QB2wp335l7UO-zA9fFQ5vmZauGItBuO-QZFu93E,439
|
|
44
|
-
bella_companion/simulations/features.py,sha256=DZOBpJGlQ0UinqUZYbEtoemZ2eQGVLV_i-DfpW31qJI,104
|
|
45
|
-
bella_companion/simulations/generate_data.py,sha256=edfhXrs76hl30i_xizup4z6qgzXZyaDzX_PVC62Ytpw,849
|
|
46
|
-
bella_companion/simulations/generate_figures.py,sha256=r3zGKnLGDpuVzzWVQIumkt1sTMl_4w1iKnVNy-fTJAg,371
|
|
47
|
-
bella_companion/simulations/metrics.py,sha256=kSX7-B4a-LDm1V--S8CvEJDktlJ8qkpo_gY6V7XbOXw,1930
|
|
48
|
-
bella_companion/simulations/run_beast.py,sha256=-L5PHkpPK-NGQoXxmeH7LMIWxtodvL4TOo-KkR2ISVQ,3299
|
|
49
|
-
bella_companion/simulations/summarize.py,sha256=hfYpgmv2irD8wNQ-GYtJA324w94SKoYhx0bpDG2bb3w,1207
|
|
50
|
-
bella_companion/simulations/__pycache__/__init__.cpython-310.pyc,sha256=IoVTIDdo1s8l5t8qtw71HwOMnHnc-HrfbapHEuY_ItA,588
|
|
51
|
-
bella_companion/simulations/__pycache__/features.cpython-310.pyc,sha256=lKPxu0fteOgho5ZuC0MNQJssIGZ1L5YP6G6wtdKZhH0,437
|
|
52
|
-
bella_companion/simulations/__pycache__/generate_data.cpython-310.pyc,sha256=02XU0jjLp_OpbdRXHCuESRb7gLIPc6r7ZlgWOt90oTc,1273
|
|
53
|
-
bella_companion/simulations/__pycache__/generate_figures.cpython-310.pyc,sha256=tU90zwDopaeqgz5v7p_uMnVmdZoRqxN84-zsiKu1t-U,560
|
|
54
|
-
bella_companion/simulations/__pycache__/metrics.cpython-310.pyc,sha256=39dzyU2PWUDpR0npJlO-MMha1jTFJ40sDQF9BLhPZRE,2652
|
|
55
|
-
bella_companion/simulations/__pycache__/run_beast.cpython-310.pyc,sha256=ByrndOcAAyCJ8vOCCSsISLPjGRMDzkDCsZAqMge2iAw,2635
|
|
56
|
-
bella_companion/simulations/__pycache__/summarize.cpython-310.pyc,sha256=bIi5Iwro1QlZ5iDtdoG_Ze4mW-2yWHglyeaRWpbUXdI,1340
|
|
57
|
-
bella_companion/simulations/__pycache__/summarize_logs.cpython-310.pyc,sha256=N3unUXsBHq5rrC4GHK6i0O0uzh71AIGdPFN3Lxb-el8,1359
|
|
58
|
-
bella_companion/simulations/beast_configs/epi-multitype/GLM.xml,sha256=VymAYsaZVuB3EPE0DCQSXpKepVq8pPjKaB5yhEpaVkE,4334
|
|
59
|
-
bella_companion/simulations/beast_configs/epi-multitype/MLP.xml,sha256=AoJyjvVcwKtut64d7sB2gnnenx5sXyuTTNCivykUyqU,4077
|
|
60
|
-
bella_companion/simulations/beast_configs/epi-multitype/Nonparametric.xml,sha256=DfCMcLM53b-XP9oIiQ9wJWOVTEP3GnoZaL5BMzLLfIQ,3208
|
|
61
|
-
bella_companion/simulations/beast_configs/epi-skyline/GLM.xml,sha256=7LtJhU7o7aQsnWK7ZIKj-mzmHgCn_RjxvKKbLIlp1Go,3619
|
|
62
|
-
bella_companion/simulations/beast_configs/epi-skyline/MLP.xml,sha256=ptoLM0FLDp54bUSxPm12qIvOYWyBkWR1e9VWVWjgU8E,3426
|
|
63
|
-
bella_companion/simulations/beast_configs/epi-skyline/Nonparametric.xml,sha256=LTiatqeAMiFfdD1leQ5TrGaJhsYwlkbMDpxqhVFOgUQ,2561
|
|
64
|
-
bella_companion/simulations/beast_configs/fbd-2traits/GLM.xml,sha256=Iff0eAShKLeOnlTmNu6044Wljtla3yckqo2LZ7mP6LY,5897
|
|
65
|
-
bella_companion/simulations/beast_configs/fbd-2traits/MLP.xml,sha256=RvF70fcnvoBcJxjyT4nELlFm94atSZpKm9d1aS-cJZ4,5428
|
|
66
|
-
bella_companion/simulations/beast_configs/fbd-2traits/Nonparametric.xml,sha256=ev6ZfMeCwMyK54G_4O8g-tbgoxoD3asxt71x91Cb1QY,3618
|
|
67
|
-
bella_companion/simulations/beast_configs/fbd-no-traits/GLM.xml,sha256=Caq7Gxqx-wYAu3_YkMikVqni3DjBv1Wt00sc1Upo1X8,4743
|
|
68
|
-
bella_companion/simulations/beast_configs/fbd-no-traits/MLP.xml,sha256=JE_cGh2DW5yPAXyXXr0D3DlovmV-aIbze7qrhENHK3w,4275
|
|
69
|
-
bella_companion/simulations/beast_configs/fbd-no-traits/Nonparametric.xml,sha256=m2xaHZwskCFInvVY1QH1fwQqH6p_fgESlPX2BbBeUhk,2822
|
|
70
|
-
bella_companion/simulations/figures/__init__.py,sha256=LeHPeBb4vxJo0pxLZi_9s6iRBKvWC32yhAZBByqK2_8,590
|
|
71
|
-
bella_companion/simulations/figures/epi_multitype.py,sha256=Ni-hqIiPw0XV_WlypVQD7M1wlpDVz089SqIHly6NsLM,2643
|
|
72
|
-
bella_companion/simulations/figures/epi_skyline.py,sha256=SyFOsb8dwLuoN5IOCiQbG-ZCPDS8Wua_LL-cOuLtu_s,1673
|
|
73
|
-
bella_companion/simulations/figures/fbd_2traits.py,sha256=eU302inVrFDFvKLqNb6t7Z69HLrG0tBrDqRp9AlIjac,2742
|
|
74
|
-
bella_companion/simulations/figures/fbd_no_traits.py,sha256=-_c-qnrFAYZ7vd4Ieeb-uYA3VUwURfrcP11BN9PG8JY,1907
|
|
75
|
-
bella_companion/simulations/figures/scenarios.py,sha256=gbMz1TUxxT2RSIq2kQlFioNdgSHk-gQY2OQuf6-7Fww,2817
|
|
76
|
-
bella_companion/simulations/figures/utils.py,sha256=0M5OrxaEuqcj9rR2uAc_O7utQvhEceZGH0sKrGRWaWs,3129
|
|
77
|
-
bella_companion/simulations/figures/__pycache__/__init__.cpython-310.pyc,sha256=hCtbzMhTC_u8-mCqttWA6ZIWKWxEMuqCZRBPcc2UJrg,693
|
|
78
|
-
bella_companion/simulations/figures/__pycache__/epi_multitype.cpython-310.pyc,sha256=67fkvg26_7BBIdGC9W9yw6xe46EXygCVgSkg8pSffOg,2716
|
|
79
|
-
bella_companion/simulations/figures/__pycache__/epi_skyline.cpython-310.pyc,sha256=zFWaeMyNQkynbJGZ--ya9YjviunoL5o8mlnjxxRHuRE,1705
|
|
80
|
-
bella_companion/simulations/figures/__pycache__/fbd_2traits.cpython-310.pyc,sha256=_URcHHm3IbMcDHDf3m_DWrwuhzArIQtESxJttcS71yc,2764
|
|
81
|
-
bella_companion/simulations/figures/__pycache__/fbd_no_traits.cpython-310.pyc,sha256=GUqMEJSVrtei5kAs-OEVwW6ETcY6RLXtYGqK-xue4c0,1781
|
|
82
|
-
bella_companion/simulations/figures/__pycache__/scenarios.cpython-310.pyc,sha256=Dlp6Dg5sMkwA5vScLd1TQH0v_q6k3JLeF8TyB7Oes5Y,2140
|
|
83
|
-
bella_companion/simulations/figures/__pycache__/utils.cpython-310.pyc,sha256=gr5wL9ASi0ZS34_rEeIxKrmE-Aw1nORq-DbEDCLnXfU,3979
|
|
84
|
-
bella_companion/simulations/figures/explain/__init__.py,sha256=DnmVIWO65nTT5VsWnbS7NyYgKEY_eo4oMCtCY_ML2Vk,260
|
|
85
|
-
bella_companion/simulations/figures/explain/pdp.py,sha256=3n3ssgufW_43pn2hO5V5J_jgcJH3Fpb8stIRtTnlQ8w,3801
|
|
86
|
-
bella_companion/simulations/figures/explain/shap.py,sha256=1PkbCgynbW-PXkkRpIcY7JoBYqOxqmu1OEOif_roFY8,2207
|
|
87
|
-
bella_companion/simulations/figures/explain/__pycache__/__init__.cpython-310.pyc,sha256=fTqKAgUlMz5E6IXn_bFMd2H5ZzUkF0RAkhZdmC1BOpg,407
|
|
88
|
-
bella_companion/simulations/figures/explain/__pycache__/pdp.cpython-310.pyc,sha256=_Np-khsYmnoISKlyt-5v-A6lTkqdqy5rQMV3VfqH81U,3474
|
|
89
|
-
bella_companion/simulations/figures/explain/__pycache__/shap.cpython-310.pyc,sha256=5IY_KT6WrAKbkbttaUVTBT-NrsuL5TrI6JDpqLubEHU,2756
|
|
90
|
-
bella_companion/simulations/scenarios/__init__.py,sha256=3Kl1lKcFpfb3vLX64DmSW4XCF5kXU1ZoHtstFH-ZIzU,876
|
|
91
|
-
bella_companion/simulations/scenarios/common.py,sha256=_ddaSuTvEVdttGkXB4HPc2B7IB1F_GBOCW3cVOPZ-ZM,807
|
|
92
|
-
bella_companion/simulations/scenarios/epi_multitype.py,sha256=fTkFeGHxyV_1f2nX3g_Oyr_e6wkorhXEicJjIAgeZKA,2439
|
|
93
|
-
bella_companion/simulations/scenarios/epi_skyline.py,sha256=JqnOVATECxBUqEbkR5lBlMI2O8k4hO6ipR8k9cHUsm0,2365
|
|
94
|
-
bella_companion/simulations/scenarios/fbd_2traits.py,sha256=-amB3NX0GsVgYbFuHH71t93FuXUEnRUyhWf2Qpcpia4,3541
|
|
95
|
-
bella_companion/simulations/scenarios/fbd_no_traits.py,sha256=R6CH0fVeQg-Iesl39pq2uY8ICVEO4VZbvUVUCGwauJU,2520
|
|
96
|
-
bella_companion/simulations/scenarios/scenario.py,sha256=_FRWAyOFbw94lAzd3zCD-1ek4TrssoiXfXRQPShLiIA,620
|
|
97
|
-
bella_companion/simulations/scenarios/__pycache__/__init__.cpython-310.pyc,sha256=u8Myq0Jl4dr5i0IzQoZiBxkGfEHQrLfhS2gRnPgFm-g,1081
|
|
98
|
-
bella_companion/simulations/scenarios/__pycache__/common.cpython-310.pyc,sha256=qLAVMzuY5Q2YGmeUlaLUqa_81dAdhKnX2FkYdC82GEw,1226
|
|
99
|
-
bella_companion/simulations/scenarios/__pycache__/epi_multitype.cpython-310.pyc,sha256=qyesYumfFnaXSenM1T0p1sjqDKUnzT_-aMWt0bPEJ9Q,2390
|
|
100
|
-
bella_companion/simulations/scenarios/__pycache__/epi_skyline.cpython-310.pyc,sha256=wg5eyiA3grtlNE0KzSr-xAQaYHdw2d5UjpFT_MSXoyM,2194
|
|
101
|
-
bella_companion/simulations/scenarios/__pycache__/fbd_2traits.cpython-310.pyc,sha256=gg15HCp0Q_oqOxXYrbM9uOPjw58HpRNVWexO5p6Jb14,3028
|
|
102
|
-
bella_companion/simulations/scenarios/__pycache__/fbd_no_traits.cpython-310.pyc,sha256=TMz7ljrkXDCwKlqKP1wSOfbxvqvkFfzzUwZSqQtaQMs,2637
|
|
103
|
-
bella_companion/simulations/scenarios/__pycache__/scenario.cpython-310.pyc,sha256=1cWwz_MoZopfAt9ErEbWZnLutFODPwkujkTkS2NHsQg,1147
|
|
104
|
-
bella_companion/utils/__init__.py,sha256=UtMwPK9dWf9NAl0ic8CSsgdW7aSm-5J49OqgvD7UpYw,480
|
|
105
|
-
bella_companion/utils/beast.py,sha256=TBa0cLklX1_tXqoQE4LRYvds7mLg_9fS2-6U6OHENHo,2184
|
|
106
|
-
bella_companion/utils/explain.py,sha256=uP7HPyn2YiykAI69BQV3RooDpC6qKoCLXfp3Uibp4zk,1475
|
|
107
|
-
bella_companion/utils/slurm.py,sha256=xEyf-Jxk8fy71t3fko_Ic9WtUFSdLFE3w4tR17gaBPw,1868
|
|
108
|
-
bella_companion/utils/__pycache__/__init__.cpython-310.pyc,sha256=QKECw9gSF8x3G4oXI06atZpaLDPSxm3k4qJ_-0nADbo,527
|
|
109
|
-
bella_companion/utils/__pycache__/beast.cpython-310.pyc,sha256=OeIB4XTx6zZnQG1Eikaf-qUfC5ONSGnMeDVbhdIyHSU,2537
|
|
110
|
-
bella_companion/utils/__pycache__/explain.cpython-310.pyc,sha256=K7YHxY520Q0nJtTVa-eEKw3B99MsrO_b-U50X_yihGQ,1819
|
|
111
|
-
bella_companion/utils/__pycache__/slurm.cpython-310.pyc,sha256=kKWmJwCTlotpPuXi4kzXNx2-zY9BXuzjhGi5ZrcN0oI,1785
|
|
112
|
-
bella_companion-0.0.47.dist-info/METADATA,sha256=MMvsZAJNo1nikOwAlFZwYbvITPB-wW2iSRB2sxW7NbY,392
|
|
113
|
-
bella_companion-0.0.47.dist-info/WHEEL,sha256=_zCd3N1l69ArxyTb8rzEoP9TpbYXkqRFSNOD5OuxnTs,91
|
|
114
|
-
bella_companion-0.0.47.dist-info/entry_points.txt,sha256=SVEYDBrkBWPrOGwnEH2aO5TSVIAvfKE37sqm-9ut9jg,51
|
|
115
|
-
bella_companion-0.0.47.dist-info/top_level.txt,sha256=q0loZYv4vf3zF_tOATyAJqeyLOEuPyLbObNqIGP7Fmc,16
|
|
116
|
-
bella_companion-0.0.47.dist-info/RECORD,,
|
|
@@ -1 +0,0 @@
|
|
|
1
|
-
bella_companion
|
|
File without changes
|
|
File without changes
|