1
0
Fork 0
mirror of https://github.com/Findus23/halo_comparison.git synced 2024-09-19 16:03:50 +02:00
halo_comparison/compare_halos.py

302 lines
11 KiB
Python
Raw Normal View History

2022-05-24 17:06:49 +02:00
import copy
2022-05-06 09:51:43 +02:00
from typing import Dict
2022-05-04 13:42:57 +02:00
import matplotlib.pyplot as plt
import numpy as np
2022-05-24 17:06:49 +02:00
import pandas as pd
2022-05-04 13:42:57 +02:00
from matplotlib.axes import Axes
2022-05-24 17:06:49 +02:00
from matplotlib.colors import LogNorm
2022-05-04 13:42:57 +02:00
from matplotlib.figure import Figure
2022-05-09 15:20:10 +02:00
from numpy import linalg
from pyvista import Plotter
2022-05-04 13:42:57 +02:00
2022-05-24 17:06:49 +02:00
from cic import cic_deposit
2022-05-06 13:23:31 +02:00
from paths import base_dir
2022-05-11 14:22:34 +02:00
from read_vr_files import read_velo_halos
2022-05-04 13:42:57 +02:00
from readfiles import read_file, read_halo_file
from remap_particle_IDs import IDScaler
from threed import plotdf3d
2022-05-05 11:53:43 +02:00
from utils import print_progress, memory_usage
2022-05-04 13:42:57 +02:00
2022-05-05 11:25:42 +02:00
2022-05-06 13:23:31 +02:00
def apply_offset_to_list(value_list, offset):
result_list = []
for value in value_list:
value = apply_offset(value, offset)
result_list.append(value)
return result_list
def apply_offset(value, offset):
box_size = 100
if value > box_size / 2:
value -= box_size
value -= offset
return value
2022-05-05 11:25:42 +02:00
2022-05-06 13:23:31 +02:00
2022-05-24 17:06:49 +02:00
def compare_halo_resolutions(
ref_waveform: str, comp_waveform: str,
reference_resolution: int, comparison_resolution: int,
plot=False, plot3d=False, plot_cic=False,
single=False, velo_halos=False, force=False
):
reference_dir = base_dir / f"{ref_waveform}_{reference_resolution}_100"
comparison_dir = base_dir / f"{comp_waveform}_{comparison_resolution}_100/"
2022-05-06 13:23:31 +02:00
comparison_id = reference_dir.name + "_" + comparison_dir.name
2022-05-11 14:22:34 +02:00
if velo_halos:
comparison_id += "_velo"
2022-05-24 17:06:49 +02:00
outfile = (base_dir / "comparisons" / comparison_id).with_suffix(".csv")
print(f"output: {outfile}")
if outfile.exists() and not force:
print(outfile, "exists already")
print("skipping")
return
compared_halos = []
2022-05-12 16:03:43 +02:00
skip_counter = 0
2022-05-05 11:25:42 +02:00
print("reading reference file")
df_ref, ref_meta = read_file(reference_dir)
2022-05-11 14:22:34 +02:00
if velo_halos:
2022-05-12 16:03:43 +02:00
df_ref_halo, ref_halo_lookup, ref_unbound = read_velo_halos(reference_dir, recursivly=False)
for k, v in ref_halo_lookup.items():
v.update(ref_unbound[k])
2022-05-11 14:22:34 +02:00
else:
df_ref_halo = read_halo_file(reference_dir)
2022-05-05 11:25:42 +02:00
print("reading comparison file")
df_comp, comp_meta = read_file(comparison_dir)
2022-05-11 14:22:34 +02:00
if velo_halos:
2022-05-12 16:03:43 +02:00
df_comp_halo, comp_halo_lookup, comp_unbound = read_velo_halos(comparison_dir, recursivly=False)
for k, v in comp_halo_lookup.items():
v.update(comp_unbound[k])
2022-05-11 14:22:34 +02:00
else:
df_comp_halo = read_halo_file(comparison_dir)
2022-05-05 11:25:42 +02:00
2022-05-06 09:51:43 +02:00
print("precalculating halo memberships")
2022-05-11 14:22:34 +02:00
if not velo_halos:
ref_halo_lookup = precalculate_halo_membership(df_ref, df_ref_halo)
comp_halo_lookup = precalculate_halo_membership(df_comp, df_comp_halo)
2022-05-06 09:51:43 +02:00
2022-05-05 11:53:43 +02:00
print(f"Memory ref: {memory_usage(df_ref):.2f} MB")
print(f"Memory comp: {memory_usage(df_comp):.2f} MB")
2022-05-05 11:25:42 +02:00
2022-05-05 11:53:43 +02:00
for index, original_halo in df_ref_halo.iterrows():
print(f"{index} of {len(df_ref_halo)} original halos")
2022-05-06 09:51:43 +02:00
halo_particle_ids = ref_halo_lookup[int(index)]
2022-05-24 17:06:49 +02:00
ref_halo: pd.Series = df_ref_halo.loc[index]
if ref_halo["cNFW"] < 0:
print("NEGATIVE")
print(ref_halo["cNFW"])
if len(halo_particle_ids) < 50:
continue
2022-05-12 16:03:43 +02:00
print("LEN", len(halo_particle_ids), ref_halo.Mass_tot)
if 1 < len(halo_particle_ids) < 20:
raise ValueError("test")
print("skipping")
continue
if not halo_particle_ids:
continue
2022-05-06 13:23:31 +02:00
offset_x, offset_y = ref_halo.X, ref_halo.Y
2022-05-05 11:53:43 +02:00
# cumulative_mass_profile(particles_in_ref_halo, ref_halo, ref_meta, plot=plot)
2022-05-05 11:25:42 +02:00
2022-05-05 11:53:43 +02:00
prev_len = len(halo_particle_ids)
2022-05-24 17:06:49 +02:00
unscaled_halo_particle_ids = copy.copy(halo_particle_ids)
2022-05-05 11:25:42 +02:00
if reference_resolution < comparison_resolution:
print("upscaling IDs")
upscaled_ids = set()
scaler = IDScaler(reference_resolution, comparison_resolution)
for id in halo_particle_ids:
upscaled_ids.update(set(scaler.upscale(id)))
halo_particle_ids = upscaled_ids
after_len = len(upscaled_ids)
2022-05-05 11:53:43 +02:00
print(f"{prev_len} => {after_len} (factor {after_len / prev_len})")
2022-05-05 11:25:42 +02:00
if comparison_resolution < reference_resolution:
print("downscaling IDs")
downscaled_ids = set()
scaler = IDScaler(comparison_resolution, reference_resolution)
for id in halo_particle_ids:
downscaled_ids.add(scaler.downscale(id))
halo_particle_ids = downscaled_ids
2022-05-05 11:53:43 +02:00
after_len = len(halo_particle_ids)
print(f"{prev_len} => {after_len} (factor {prev_len / after_len})")
2022-05-05 11:25:42 +02:00
2022-05-05 11:53:43 +02:00
print("look up halo particles in comparison dataset")
2022-05-05 11:25:42 +02:00
2022-05-12 16:03:43 +02:00
halo_distances = np.linalg.norm(
ref_halo[['X', 'Y', 'Z']].values
- df_comp_halo[['X', 'Y', 'Z']].values,
axis=1)
# print(list(halo_distances))
nearby_halos = set(df_comp_halo.loc[halo_distances < ref_halo.Rvir * 5].index.to_list())
2022-05-24 17:06:49 +02:00
if plot or plot3d or plot_cic or (not velo_halos):
halo_particles = df_ref.loc[list(unscaled_halo_particle_ids)]
2022-05-12 16:03:43 +02:00
# halos_in_particles = set(comp_halo_lookup.keys())
# if velo_halos:
# ...
# # for halo_id, halo_set in comp_halo_lookup.items():
# # if halo_particle_ids.isdisjoint(halo_set):
# # continue
# # halos_in_particles.add(halo_id)
# else:
# halos_in_particles = set(halo_particles["FOFGroupIDs"])
# halos_in_particles.discard(2147483647)
2022-05-11 14:22:34 +02:00
# print(f"{len(halos_in_particles)} halos found in new particles")
# print(halos_in_particles)
# print(halos_in_particles_alt)
# print(halos_in_particles == halos_in_particles_alt)
# exit()
# assert halos_in_particles == halos_in_particles_alt
# continue
2022-05-05 11:25:42 +02:00
if plot:
fig: Figure = plt.figure()
ax: Axes = fig.gca()
2022-05-06 13:23:31 +02:00
ax.scatter(apply_offset_to_list(halo_particles["X"], offset_x),
apply_offset_to_list(halo_particles["Y"], offset_y), s=1,
alpha=.3, label="Halo")
2022-05-24 17:06:49 +02:00
if plot_cic:
diameter = ref_halo["R_size"]
X = ref_halo["Xc"]
Y = ref_halo["Yc"]
Xs = (halo_particles.X.to_numpy() - X) / diameter / 2 + 0.5
Ys = (halo_particles.Y.to_numpy() - Y) / diameter / 2 + 0.5
print(min(Xs), max(Xs))
# ax.scatter(Xs, Ys)
# plt.show()
rho = cic_deposit(Xs, Ys, 1000)
cmap = plt.cm.viridis
data = np.log(1.001 + rho)
norm = plt.Normalize(vmin=data.min(), vmax=data.max())
image = cmap(norm(data))
plt.imsave(f"out_{index}.png", image)
fig: Figure = plt.figure()
ax: Axes = fig.gca()
i = ax.imshow(1.001 + rho, norm=LogNorm())
fig.colorbar(i)
plt.show()
if plot3d:
pl = Plotter()
plotdf3d(pl, halo_particles, color="#b3cde3") # light blue
2022-05-11 14:22:34 +02:00
pl.set_focus((ref_halo.X, ref_halo.Y, ref_halo.Z))
2022-05-05 11:25:42 +02:00
# ax.scatter(particles_in_ref_halo["X"], particles_in_ref_halo["Y"], s=1, alpha=.3, label="RefHalo")
# plt.legend()
# plt.show()
best_halo = None
best_halo_match = 0
2022-05-12 16:03:43 +02:00
if not nearby_halos:
2022-05-11 14:22:34 +02:00
continue
2022-05-12 16:03:43 +02:00
raise Exception("something doesn't make any sense") # TODO
# continue
2022-05-05 11:25:42 +02:00
2022-05-12 16:03:43 +02:00
for i, halo_id in enumerate(nearby_halos):
2022-05-05 11:25:42 +02:00
# print("----------", halo, "----------")
2022-05-05 11:53:43 +02:00
# halo_data = df_comp_halo.loc[halo]
2022-05-06 09:51:43 +02:00
# particles_in_comp_halo: DataFrame = df_comp.loc[df_comp["FOFGroupIDs"] == halo]
2022-05-06 13:23:31 +02:00
particle_ids_in_comp_halo = comp_halo_lookup[halo_id]
2022-05-06 09:51:43 +02:00
halo_size = len(particle_ids_in_comp_halo)
# df = particles_in_comp_halo.join(halo_particles, how="inner", rsuffix="ref")
shared_particles = particle_ids_in_comp_halo.intersection(halo_particle_ids)
shared_size = len(shared_particles)
2022-05-12 16:03:43 +02:00
# print(shared_size)
2022-05-11 14:22:34 +02:00
if not shared_size:
2022-05-12 16:03:43 +02:00
continue
2022-05-11 14:22:34 +02:00
size_match = shared_size / halo_size
# if shared_size==halo_size:
# raise Exception("match")
if plot or plot3d:
2022-05-06 09:51:43 +02:00
df = df_comp.loc[list(shared_particles)]
if plot:
2022-05-06 13:23:31 +02:00
color = f"C{i + 1}"
ax.scatter(apply_offset_to_list(df["X"], offset_x), apply_offset_to_list(df["Y"], offset_y), s=1,
alpha=.3, c=color)
2022-05-24 17:06:49 +02:00
# comp_halo = df_comp_halo.loc[halo_id]
2022-05-06 13:23:31 +02:00
# circle = Circle((apply_offset(comp_halo.X, offset_x), apply_offset(comp_halo.Y, offset_y)),
# comp_halo["Sizes"] / 1000, zorder=10,
# linewidth=1, edgecolor=color, fill=None
# )
# ax.add_artist(circle)
if plot3d:
plotdf3d(pl, df, color="#fed9a6") # light orange
2022-05-06 09:51:43 +02:00
# print_progress(i, len(halos_in_particles), halo)
2022-05-05 11:25:42 +02:00
# ax.scatter(particles_in_comp_halo["X"], particles_in_comp_halo["Y"], s=2, alpha=.3, label=f"shared {halo}")
if shared_size > best_halo_match:
best_halo_match = shared_size
2022-05-06 13:23:31 +02:00
best_halo = halo_id
2022-05-05 11:25:42 +02:00
2022-05-12 16:03:43 +02:00
if not best_halo:
skip_counter += 1
continue
2022-05-24 17:06:49 +02:00
comp_halo: pd.Series = df_comp_halo.loc[best_halo]
halo_data = pd.concat([
ref_halo.add_prefix("ref_"),
comp_halo.add_prefix("comp_")
])
distance = linalg.norm(
2022-05-09 15:20:10 +02:00
np.array([ref_halo.X, ref_halo.Y, ref_halo.Z]) - np.array([comp_halo.X, comp_halo.Y, comp_halo.Z])
2022-05-24 17:06:49 +02:00
) / ref_halo.Rvir
halo_data["distance"] = distance
halo_data["match"] = best_halo_match / len(halo_particle_ids)
compared_halos.append(halo_data)
2022-05-05 11:25:42 +02:00
# exit()
if plot:
2022-05-06 13:23:31 +02:00
print(f"plotting with offsets ({offset_x},{offset_y})")
# ax.legend()
2022-05-05 11:25:42 +02:00
ax.set_title(f"{reference_dir.name} vs. {comparison_dir.name} (Halo {index})")
fig.savefig("out.png", dpi=300)
plt.show()
if plot3d:
pl.show()
2022-05-05 11:25:42 +02:00
if single:
break
2022-05-24 17:06:49 +02:00
df = pd.concat(compared_halos, axis=1).T
2022-05-05 11:25:42 +02:00
print(df)
2022-05-09 15:20:10 +02:00
print(f"saving to {outfile}")
2022-05-24 17:06:49 +02:00
df.to_csv(outfile, index=False)
2022-05-12 16:03:43 +02:00
print(skip_counter)
2022-05-05 11:53:43 +02:00
return df, reference_dir.name + "_" + comparison_dir.name
2022-05-05 11:25:42 +02:00
2022-05-06 09:51:43 +02:00
def precalculate_halo_membership(df_comp, df_comp_halo):
pointer = 0
comp_halo_lookup: Dict[int, set[int]] = {}
for i, halo in df_comp_halo.iterrows():
print_progress(i, len(df_comp_halo), halo["Sizes"])
size = int(halo["Sizes"])
halo_id = int(i)
halo_particles = df_comp.iloc[pointer:pointer + size]
# check_id = halo_particles["FOFGroupIDs"].to_numpy()
# assert (check_id == i).all()
# assert (check_id==check_id[0]
pointer += size
ids = set(halo_particles.index.to_list())
comp_halo_lookup[halo_id] = ids
return comp_halo_lookup
2022-05-05 11:25:42 +02:00
if __name__ == '__main__':
compare_halo_resolutions(
2022-05-24 17:06:49 +02:00
ref_waveform="shannon",
comp_waveform="shannon",
2022-05-05 11:25:42 +02:00
reference_resolution=128,
comparison_resolution=512,
2022-05-24 17:06:49 +02:00
plot=True,
2022-05-11 14:22:34 +02:00
plot3d=False,
2022-05-24 17:06:49 +02:00
plot_cic=False,
2022-05-12 16:03:43 +02:00
velo_halos=True,
2022-05-24 17:06:49 +02:00
single=False,
force=True
2022-05-05 11:25:42 +02:00
)