Adds fixed dipole
This commit is contained in:
parent
06c3ed985f
commit
c741c8963f
5029
diagnosis1.nb
Normal file
5029
diagnosis1.nb
Normal file
File diff suppressed because it is too large
Load Diff
123
pdme/model/fixed_dipole_model.py
Normal file
123
pdme/model/fixed_dipole_model.py
Normal file
@ -0,0 +1,123 @@
|
|||||||
|
import numpy
|
||||||
|
from dataclasses import dataclass
|
||||||
|
from typing import Sequence, Tuple
|
||||||
|
import scipy.optimize
|
||||||
|
from pdme.model.model import Model
|
||||||
|
from pdme.measurement import DotMeasurement
|
||||||
|
|
||||||
|
|
||||||
|
class FixedDipoleModel(Model):
|
||||||
|
'''
|
||||||
|
Model of oscillating dipole with a fixed dipole moment.
|
||||||
|
|
||||||
|
Parameters
|
||||||
|
----------
|
||||||
|
p : numpy.ndarray
|
||||||
|
The fixed dipole moment.
|
||||||
|
n : int
|
||||||
|
The number of dipoles to assume.
|
||||||
|
'''
|
||||||
|
def __init__(self, xmin: float, xmax: float, ymin: float, ymax: float, zmin: float, zmax: float, p: numpy.ndarray, n: int) -> None:
|
||||||
|
self.xmin = xmin
|
||||||
|
self.xmax = xmax
|
||||||
|
self.ymin = ymin
|
||||||
|
self.ymax = ymax
|
||||||
|
self.zmin = zmin
|
||||||
|
self.zmax = zmax
|
||||||
|
self.p = p
|
||||||
|
self._n = n
|
||||||
|
|
||||||
|
def __repr__(self) -> str:
|
||||||
|
return f'FixedDipoleModel({self.xmin}, {self.xmax}, {self.ymin}, {self.ymax}, {self.zmin}, {self.zmax}, {self.p}, {self.n()})'
|
||||||
|
|
||||||
|
def point_length(self) -> int:
|
||||||
|
'''
|
||||||
|
Dipole is constrained magnitude, but free orientation.
|
||||||
|
Six degrees of freedom: (sx, sy, sz, w).
|
||||||
|
'''
|
||||||
|
return 4
|
||||||
|
|
||||||
|
def n(self) -> int:
|
||||||
|
return self._n
|
||||||
|
|
||||||
|
def v_for_point_at_dot(self, dot: DotMeasurement, pt: numpy.ndarray) -> float:
|
||||||
|
s = pt[0:3]
|
||||||
|
w = pt[3]
|
||||||
|
|
||||||
|
diff = dot.r - s
|
||||||
|
alpha = self.p.dot(diff) / (numpy.linalg.norm(diff)**3)
|
||||||
|
b = (1 / numpy.pi) * (w / (w**2 + dot.f**2))
|
||||||
|
return alpha**2 * b
|
||||||
|
|
||||||
|
def jac_for_point_at_dot(self, dot: DotMeasurement, pt: numpy.ndarray) -> numpy.ndarray:
|
||||||
|
s = pt[0:3]
|
||||||
|
w = pt[3]
|
||||||
|
|
||||||
|
diff = dot.r - s
|
||||||
|
alpha = self.p.dot(diff) / (numpy.linalg.norm(diff)**3)
|
||||||
|
b = (1 / numpy.pi) * (w / (w**2 + dot.f**2))
|
||||||
|
|
||||||
|
r_divs = (-self.p / (numpy.linalg.norm(diff)**3) + 3 * self.p.dot(diff) * diff / (numpy.linalg.norm(diff)**5)) * 2 * alpha * b
|
||||||
|
|
||||||
|
f2 = dot.f**2
|
||||||
|
w2 = w**2
|
||||||
|
|
||||||
|
w_div = alpha**2 * (1 / numpy.pi) * ((f2 - w2) / ((f2 + w2)**2))
|
||||||
|
|
||||||
|
return numpy.concatenate((r_divs, w_div), axis=None)
|
||||||
|
|
||||||
|
|
||||||
|
@dataclass
|
||||||
|
class FixedDipoleDiscretisation():
|
||||||
|
'''
|
||||||
|
Representation of a discretisation of a FixedDipoleDiscretisation.
|
||||||
|
Also captures a rough maximum value of dipole.
|
||||||
|
|
||||||
|
Parameters
|
||||||
|
----------
|
||||||
|
model : FixedDipoleModel
|
||||||
|
The parent model of the discretisation.
|
||||||
|
num_x : int
|
||||||
|
The number of partitions of the x axis.
|
||||||
|
num_y : int
|
||||||
|
The number of partitions of the y axis.
|
||||||
|
num_z : int
|
||||||
|
The number of partitions of the z axis.
|
||||||
|
'''
|
||||||
|
model: FixedDipoleModel
|
||||||
|
num_x: int
|
||||||
|
num_y: int
|
||||||
|
num_z: int
|
||||||
|
|
||||||
|
def __post_init__(self):
|
||||||
|
self.cell_count = self.num_x * self.num_y * self.num_z
|
||||||
|
self.x_step = (self.model.xmax - self.model.xmin) / self.num_x
|
||||||
|
self.y_step = (self.model.ymax - self.model.ymin) / self.num_y
|
||||||
|
self.z_step = (self.model.zmax - self.model.zmin) / self.num_z
|
||||||
|
|
||||||
|
def bounds(self, index: Tuple[float, float, float]) -> Tuple:
|
||||||
|
xi, yi, zi = index
|
||||||
|
|
||||||
|
# For this model, a point is (sx, sx, sy, w).
|
||||||
|
# We want to keep w unbounded, restrict sx, sy, sz, px and py based on step.
|
||||||
|
return (
|
||||||
|
[
|
||||||
|
xi * self.x_step + self.model.xmin, yi * self.y_step + self.model.ymin, zi * self.z_step + self.model.zmin,
|
||||||
|
-numpy.inf
|
||||||
|
],
|
||||||
|
[
|
||||||
|
(xi + 1) * self.x_step + self.model.xmin, (yi + 1) * self.y_step + self.model.ymin, (zi + 1) * self.z_step + self.model.zmin,
|
||||||
|
numpy.inf
|
||||||
|
]
|
||||||
|
)
|
||||||
|
|
||||||
|
def all_indices(self) -> numpy.ndindex:
|
||||||
|
# see https://github.com/numpy/numpy/issues/20706 for why this is a mypy problem.
|
||||||
|
return numpy.ndindex((self.num_x, self.num_y, self.num_z)) # type:ignore
|
||||||
|
|
||||||
|
def solve_for_index(self, dots: Sequence[DotMeasurement], index: Tuple[float, float, float]) -> scipy.optimize.OptimizeResult:
|
||||||
|
bounds = self.bounds(index)
|
||||||
|
sx_mean = (bounds[0][0] + bounds[1][0]) / 2
|
||||||
|
sy_mean = (bounds[0][1] + bounds[1][1]) / 2
|
||||||
|
sz_mean = (bounds[0][2] + bounds[1][2]) / 2
|
||||||
|
return self.model.solve(dots, initial_pt=numpy.array([sx_mean, sy_mean, sz_mean, .1]), bounds=bounds)
|
162
pdme/model/fixed_magnitude_model.py
Normal file
162
pdme/model/fixed_magnitude_model.py
Normal file
@ -0,0 +1,162 @@
|
|||||||
|
import numpy
|
||||||
|
from dataclasses import dataclass
|
||||||
|
from typing import Sequence, Tuple
|
||||||
|
import scipy.optimize
|
||||||
|
from pdme.model.model import Model
|
||||||
|
from pdme.measurement import DotMeasurement
|
||||||
|
|
||||||
|
|
||||||
|
class FixedMagnitudeModel(Model):
|
||||||
|
'''
|
||||||
|
Model of oscillating dipole with a fixed magnitude, but free rotation.
|
||||||
|
|
||||||
|
Parameters
|
||||||
|
----------
|
||||||
|
pfixed : float
|
||||||
|
The fixed dipole magnitude.
|
||||||
|
n : int
|
||||||
|
The number of dipoles to assume.
|
||||||
|
'''
|
||||||
|
def __init__(self, xmin: float, xmax: float, ymin: float, ymax: float, zmin: float, zmax: float, pfixed: float, n: int) -> None:
|
||||||
|
self.xmin = xmin
|
||||||
|
self.xmax = xmax
|
||||||
|
self.ymin = ymin
|
||||||
|
self.ymax = ymax
|
||||||
|
self.zmin = zmin
|
||||||
|
self.zmax = zmax
|
||||||
|
self.pfixed = pfixed
|
||||||
|
self._n = n
|
||||||
|
|
||||||
|
def __repr__(self) -> str:
|
||||||
|
return f'FixedMagnitudeModel({self.xmin}, {self.xmax}, {self.ymin}, {self.ymax}, {self.zmin}, {self.zmax}, {self.n()})'
|
||||||
|
|
||||||
|
def point_length(self) -> int:
|
||||||
|
'''
|
||||||
|
Dipole is constrained magnitude, but free orientation.
|
||||||
|
Six degrees of freedom: (p_theta, p_phi, sx, sy, sz, w).
|
||||||
|
'''
|
||||||
|
return 6
|
||||||
|
|
||||||
|
def n(self) -> int:
|
||||||
|
return self._n
|
||||||
|
|
||||||
|
def v_for_point_at_dot(self, dot: DotMeasurement, pt: numpy.ndarray) -> float:
|
||||||
|
p_theta = pt[0]
|
||||||
|
p_phi = pt[1]
|
||||||
|
s = pt[2:5]
|
||||||
|
w = pt[5]
|
||||||
|
|
||||||
|
p = numpy.array([
|
||||||
|
self.pfixed * numpy.sin(p_theta) * numpy.cos(p_phi),
|
||||||
|
self.pfixed * numpy.sin(p_theta) * numpy.sin(p_phi),
|
||||||
|
self.pfixed * numpy.cos(p_theta)
|
||||||
|
])
|
||||||
|
diff = dot.r - s
|
||||||
|
alpha = p.dot(diff) / (numpy.linalg.norm(diff)**3)
|
||||||
|
b = (1 / numpy.pi) * (w / (w**2 + dot.f**2))
|
||||||
|
return alpha**2 * b
|
||||||
|
|
||||||
|
def jac_for_point_at_dot(self, dot: DotMeasurement, pt: numpy.ndarray) -> numpy.ndarray:
|
||||||
|
p_theta = pt[0]
|
||||||
|
p_phi = pt[1]
|
||||||
|
s = pt[2:5]
|
||||||
|
w = pt[5]
|
||||||
|
|
||||||
|
p = numpy.array([
|
||||||
|
self.pfixed * numpy.sin(p_theta) * numpy.cos(p_phi),
|
||||||
|
self.pfixed * numpy.sin(p_theta) * numpy.sin(p_phi),
|
||||||
|
self.pfixed * numpy.cos(p_theta)
|
||||||
|
])
|
||||||
|
diff = dot.r - s
|
||||||
|
alpha = p.dot(diff) / (numpy.linalg.norm(diff)**3)
|
||||||
|
b = (1 / numpy.pi) * (w / (w**2 + dot.f**2))
|
||||||
|
|
||||||
|
theta_div_middle = self.pfixed * (
|
||||||
|
diff[0] * numpy.cos(p_phi) * numpy.cos(p_theta)
|
||||||
|
+ diff[1] * numpy.sin(p_phi) * numpy.cos(p_theta)
|
||||||
|
- diff[2] * numpy.sin(p_theta)
|
||||||
|
)
|
||||||
|
theta_div = 2 * alpha * (theta_div_middle) / (numpy.linalg.norm(diff)**3) * b
|
||||||
|
|
||||||
|
phi_div_middle = self.pfixed * (
|
||||||
|
diff[1] * numpy.sin(p_theta) * numpy.cos(p_phi)
|
||||||
|
- diff[0] * numpy.sin(p_theta) * numpy.sin(p_phi)
|
||||||
|
)
|
||||||
|
phi_div = 2 * alpha * (phi_div_middle) / (numpy.linalg.norm(diff)**3) * b
|
||||||
|
|
||||||
|
r_divs = (-p / (numpy.linalg.norm(diff)**3) + 3 * p.dot(diff) * diff / (numpy.linalg.norm(diff)**5)) * 2 * alpha * b
|
||||||
|
|
||||||
|
f2 = dot.f**2
|
||||||
|
w2 = w**2
|
||||||
|
|
||||||
|
w_div = alpha**2 * (1 / numpy.pi) * ((f2 - w2) / ((f2 + w2)**2))
|
||||||
|
|
||||||
|
return numpy.concatenate((theta_div, phi_div, r_divs, w_div), axis=None)
|
||||||
|
|
||||||
|
|
||||||
|
@dataclass
|
||||||
|
class FixedMagnitudeDiscretisation():
|
||||||
|
'''
|
||||||
|
Representation of a discretisation of a FixedMagnitudeDiscretisation.
|
||||||
|
Also captures a rough maximum value of dipole.
|
||||||
|
|
||||||
|
Parameters
|
||||||
|
----------
|
||||||
|
model : FixedMagnitudeModel
|
||||||
|
The parent model of the discretisation.
|
||||||
|
num_ptheta: int
|
||||||
|
The number of partitions of ptheta.
|
||||||
|
num_pphi: int
|
||||||
|
The number of partitions of pphi.
|
||||||
|
num_x : int
|
||||||
|
The number of partitions of the x axis.
|
||||||
|
num_y : int
|
||||||
|
The number of partitions of the y axis.
|
||||||
|
num_z : int
|
||||||
|
The number of partitions of the z axis.
|
||||||
|
'''
|
||||||
|
model: FixedMagnitudeModel
|
||||||
|
num_ptheta: int
|
||||||
|
num_pphi: int
|
||||||
|
num_x: int
|
||||||
|
num_y: int
|
||||||
|
num_z: int
|
||||||
|
|
||||||
|
def __post_init__(self):
|
||||||
|
self.cell_count = self.num_x * self.num_y * self.num_z
|
||||||
|
self.x_step = (self.model.xmax - self.model.xmin) / self.num_x
|
||||||
|
self.y_step = (self.model.ymax - self.model.ymin) / self.num_y
|
||||||
|
self.z_step = (self.model.zmax - self.model.zmin) / self.num_z
|
||||||
|
self.h_step = 2 / self.num_ptheta
|
||||||
|
self.phi_step = 2 * numpy.pi / self.num_pphi
|
||||||
|
|
||||||
|
def bounds(self, index: Tuple[float, float, float, float, float]) -> Tuple:
|
||||||
|
pthetai, pphii, xi, yi, zi = index
|
||||||
|
|
||||||
|
# For this model, a point is (p_theta, p_phi, sx, sx, sy, w).
|
||||||
|
# We want to keep w unbounded, restrict sx, sy, sz, px and py based on step.
|
||||||
|
return (
|
||||||
|
[
|
||||||
|
numpy.arccos(1 - pthetai * self.h_step), pphii * self.phi_step,
|
||||||
|
xi * self.x_step + self.model.xmin, yi * self.y_step + self.model.ymin, zi * self.z_step + self.model.zmin,
|
||||||
|
-numpy.inf
|
||||||
|
],
|
||||||
|
[
|
||||||
|
numpy.arccos(1 - (pthetai + 1) * self.h_step), (pphii + 1) * self.phi_step,
|
||||||
|
(xi + 1) * self.x_step + self.model.xmin, (yi + 1) * self.y_step + self.model.ymin, (zi + 1) * self.z_step + self.model.zmin,
|
||||||
|
numpy.inf
|
||||||
|
]
|
||||||
|
)
|
||||||
|
|
||||||
|
def all_indices(self) -> numpy.ndindex:
|
||||||
|
# see https://github.com/numpy/numpy/issues/20706 for why this is a mypy problem.
|
||||||
|
return numpy.ndindex((self.num_ptheta, self.num_pphi, self.num_x, self.num_y, self.num_z)) # type:ignore
|
||||||
|
|
||||||
|
def solve_for_index(self, dots: Sequence[DotMeasurement], index: Tuple[float, float, float, float, float]) -> scipy.optimize.OptimizeResult:
|
||||||
|
bounds = self.bounds(index)
|
||||||
|
ptheta_mean = (bounds[0][0] + bounds[1][0]) / 2
|
||||||
|
pphi_mean = (bounds[0][1] + bounds[1][1]) / 2
|
||||||
|
sx_mean = (bounds[0][2] + bounds[1][2]) / 2
|
||||||
|
sy_mean = (bounds[0][3] + bounds[1][3]) / 2
|
||||||
|
sz_mean = (bounds[0][4] + bounds[1][4]) / 2
|
||||||
|
return self.model.solve(dots, initial_pt=numpy.array([ptheta_mean, pphi_mean, sx_mean, sy_mean, sz_mean, .1]), bounds=bounds)
|
108
scripts/z-band-fixed-dipole-middle/all.py
Normal file
108
scripts/z-band-fixed-dipole-middle/all.py
Normal file
@ -0,0 +1,108 @@
|
|||||||
|
from pdme.model.fixed_dipole_model import FixedDipoleModel, FixedDipoleDiscretisation
|
||||||
|
from pdme.measurement import OscillatingDipole, OscillatingDipoleArrangement
|
||||||
|
import itertools
|
||||||
|
import logging
|
||||||
|
import multiprocessing
|
||||||
|
import numpy
|
||||||
|
import csv
|
||||||
|
import random
|
||||||
|
|
||||||
|
|
||||||
|
FILENAME = "z-band-fixed-dipole-middle-all-dots-square.csv"
|
||||||
|
csv_fields = ["dipole_mom", "dipole_loc", "dipole_freq", "low_success", "low_count", "medium_success", "medium_count", "high_success", "high_count"]
|
||||||
|
|
||||||
|
|
||||||
|
def get_pt():
|
||||||
|
return ((1, 1, 1), (random.uniform(-10, 10), random.uniform(-10, 10), random.uniform(3.5, 4.5)))
|
||||||
|
|
||||||
|
|
||||||
|
def get_a_result(discretisation, dots, index):
|
||||||
|
return (index, discretisation.solve_for_index(dots, index))
|
||||||
|
|
||||||
|
|
||||||
|
def main():
|
||||||
|
|
||||||
|
with open(FILENAME, "a", newline="") as outfile:
|
||||||
|
# csv fields
|
||||||
|
writer = csv.DictWriter(outfile, fieldnames=csv_fields, dialect='unix')
|
||||||
|
writer.writeheader()
|
||||||
|
|
||||||
|
for run in range(1, 101):
|
||||||
|
|
||||||
|
p_pts, s_pts = get_pt()
|
||||||
|
dipoles = OscillatingDipoleArrangement([OscillatingDipole(p_pts, s_pts, run)])
|
||||||
|
logging.info(f"gonna work on point {(p_pts, s_pts, run)}")
|
||||||
|
dot_inputs = list(itertools.chain.from_iterable(
|
||||||
|
(([1, 2, 0], f), ([1, 1, 0], f), ([2, 1, 0], f), ([2, 2, 0], f)) for f in numpy.arange(1, 10, 2)
|
||||||
|
))
|
||||||
|
dots = dipoles.get_dot_measurements(dot_inputs)
|
||||||
|
|
||||||
|
model_low = FixedDipoleModel(-10, 10, -10, 10, 2.5, 3.5, numpy.array([1, 1, 1]), 1)
|
||||||
|
discretisation_low = FixedDipoleDiscretisation(model_low, 5, 5, 5)
|
||||||
|
|
||||||
|
model_medium = FixedDipoleModel(-10, 10, -10, 10, 3.5, 4.5, numpy.array([1, 1, 1]), 1)
|
||||||
|
discretisation_medium = FixedDipoleDiscretisation(model_medium, 5, 5, 5)
|
||||||
|
|
||||||
|
model_high = FixedDipoleModel(-10, 10, -10, 10, 4.5, 5.5, numpy.array([1, 1, 1]), 1)
|
||||||
|
discretisation_high = FixedDipoleDiscretisation(model_high, 5, 5, 5)
|
||||||
|
|
||||||
|
with multiprocessing.Pool(multiprocessing.cpu_count()-1 or 1) as pool:
|
||||||
|
results_low = pool.starmap(get_a_result, zip(itertools.repeat(discretisation_low), itertools.repeat(dots), discretisation_low.all_indices()))
|
||||||
|
|
||||||
|
with multiprocessing.Pool(multiprocessing.cpu_count()-1 or 1) as pool:
|
||||||
|
results_medium = pool.starmap(get_a_result, zip(itertools.repeat(discretisation_medium), itertools.repeat(dots), discretisation_medium.all_indices()))
|
||||||
|
|
||||||
|
with multiprocessing.Pool(multiprocessing.cpu_count()-1 or 1) as pool:
|
||||||
|
results_high = pool.starmap(get_a_result, zip(itertools.repeat(discretisation_high), itertools.repeat(dots), discretisation_high.all_indices()))
|
||||||
|
|
||||||
|
count_low = 0
|
||||||
|
success_low = 0
|
||||||
|
for idx, result in results_low:
|
||||||
|
count_low += 1
|
||||||
|
if result.success and result.cost <= 1e-10 and numpy.linalg.norm(result.x[0:3]) < 10:
|
||||||
|
answer = result.normalised_x
|
||||||
|
success_low += 1
|
||||||
|
else:
|
||||||
|
answer = None
|
||||||
|
|
||||||
|
count_medium = 0
|
||||||
|
success_medium = 0
|
||||||
|
for idx, result in results_medium:
|
||||||
|
count_medium += 1
|
||||||
|
if result.success and result.cost <= 1e-10 and numpy.linalg.norm(result.x[0:3]) < 10:
|
||||||
|
answer = result.normalised_x
|
||||||
|
success_medium += 1
|
||||||
|
else:
|
||||||
|
answer = None
|
||||||
|
|
||||||
|
count_high = 0
|
||||||
|
success_high = 0
|
||||||
|
for idx, result in results_high:
|
||||||
|
count_high += 1
|
||||||
|
if result.success and result.cost <= 1e-10 and numpy.linalg.norm(result.x[0:3]) < 10:
|
||||||
|
answer = result.normalised_x
|
||||||
|
success_high += 1
|
||||||
|
else:
|
||||||
|
answer = None
|
||||||
|
|
||||||
|
logging.info(f"Low : Out of {count_low} cells, {success_low} were successful")
|
||||||
|
logging.info(f"Medium: Out of {count_medium} cells, {success_medium} were successful")
|
||||||
|
logging.info(f"High : Out of {count_high} cells, {success_high} were successful")
|
||||||
|
|
||||||
|
with open(FILENAME, "a", newline='') as outfile:
|
||||||
|
writer = csv.DictWriter(outfile, fieldnames=csv_fields, dialect='unix')
|
||||||
|
writer.writerow({
|
||||||
|
"dipole_mom": p_pts,
|
||||||
|
"dipole_loc": s_pts,
|
||||||
|
"dipole_freq": run,
|
||||||
|
"low_success": success_low,
|
||||||
|
"high_success": success_high,
|
||||||
|
"medium_success": success_medium,
|
||||||
|
"low_count": count_low,
|
||||||
|
"medium_count": count_medium,
|
||||||
|
"high_count": count_high
|
||||||
|
})
|
||||||
|
|
||||||
|
if __name__ == "__main__":
|
||||||
|
logging.basicConfig(level=logging.INFO)
|
||||||
|
main()
|
108
scripts/z-band-fixed-dipole-middle/narrowersquare.py
Normal file
108
scripts/z-band-fixed-dipole-middle/narrowersquare.py
Normal file
@ -0,0 +1,108 @@
|
|||||||
|
from pdme.model.fixed_dipole_model import FixedDipoleModel, FixedDipoleDiscretisation
|
||||||
|
from pdme.measurement import OscillatingDipole, OscillatingDipoleArrangement
|
||||||
|
import itertools
|
||||||
|
import logging
|
||||||
|
import multiprocessing
|
||||||
|
import numpy
|
||||||
|
import csv
|
||||||
|
import random
|
||||||
|
|
||||||
|
|
||||||
|
FILENAME = "z-band-fixed-dipole-middle-all-dots-narrower-square.csv"
|
||||||
|
csv_fields = ["dipole_mom", "dipole_loc", "dipole_freq", "low_success", "low_count", "medium_success", "medium_count", "high_success", "high_count"]
|
||||||
|
|
||||||
|
|
||||||
|
def get_pt():
|
||||||
|
return ((1, 1, 1), (random.uniform(-10, 10), random.uniform(-10, 10), random.uniform(3.5, 4.5)))
|
||||||
|
|
||||||
|
|
||||||
|
def get_a_result(discretisation, dots, index):
|
||||||
|
return (index, discretisation.solve_for_index(dots, index))
|
||||||
|
|
||||||
|
|
||||||
|
def main():
|
||||||
|
|
||||||
|
with open(FILENAME, "a", newline="") as outfile:
|
||||||
|
# csv fields
|
||||||
|
writer = csv.DictWriter(outfile, fieldnames=csv_fields, dialect='unix')
|
||||||
|
writer.writeheader()
|
||||||
|
|
||||||
|
for run in range(1, 101):
|
||||||
|
|
||||||
|
p_pts, s_pts = get_pt()
|
||||||
|
dipoles = OscillatingDipoleArrangement([OscillatingDipole(p_pts, s_pts, run)])
|
||||||
|
logging.info(f"gonna work on point {(p_pts, s_pts, run)}")
|
||||||
|
dot_inputs = list(itertools.chain.from_iterable(
|
||||||
|
(([-.25, .25, 0], f), ([-.25, -.25, 0], f), ([.25, -.25, 0], f), ([.25, .25, 0], f)) for f in numpy.arange(1, 10, 2)
|
||||||
|
))
|
||||||
|
dots = dipoles.get_dot_measurements(dot_inputs)
|
||||||
|
|
||||||
|
model_low = FixedDipoleModel(-10, 10, -10, 10, 2.5, 3.5, numpy.array([1, 1, 1]), 1)
|
||||||
|
discretisation_low = FixedDipoleDiscretisation(model_low, 5, 5, 5)
|
||||||
|
|
||||||
|
model_medium = FixedDipoleModel(-10, 10, -10, 10, 3.5, 4.5, numpy.array([1, 1, 1]), 1)
|
||||||
|
discretisation_medium = FixedDipoleDiscretisation(model_medium, 5, 5, 5)
|
||||||
|
|
||||||
|
model_high = FixedDipoleModel(-10, 10, -10, 10, 4.5, 5.5, numpy.array([1, 1, 1]), 1)
|
||||||
|
discretisation_high = FixedDipoleDiscretisation(model_high, 5, 5, 5)
|
||||||
|
|
||||||
|
with multiprocessing.Pool(multiprocessing.cpu_count()-1 or 1) as pool:
|
||||||
|
results_low = pool.starmap(get_a_result, zip(itertools.repeat(discretisation_low), itertools.repeat(dots), discretisation_low.all_indices()))
|
||||||
|
|
||||||
|
with multiprocessing.Pool(multiprocessing.cpu_count()-1 or 1) as pool:
|
||||||
|
results_medium = pool.starmap(get_a_result, zip(itertools.repeat(discretisation_medium), itertools.repeat(dots), discretisation_medium.all_indices()))
|
||||||
|
|
||||||
|
with multiprocessing.Pool(multiprocessing.cpu_count()-1 or 1) as pool:
|
||||||
|
results_high = pool.starmap(get_a_result, zip(itertools.repeat(discretisation_high), itertools.repeat(dots), discretisation_high.all_indices()))
|
||||||
|
|
||||||
|
count_low = 0
|
||||||
|
success_low = 0
|
||||||
|
for idx, result in results_low:
|
||||||
|
count_low += 1
|
||||||
|
if result.success and result.cost <= 1e-10 and numpy.linalg.norm(result.x[0:3]) < 10:
|
||||||
|
answer = result.normalised_x
|
||||||
|
success_low += 1
|
||||||
|
else:
|
||||||
|
answer = None
|
||||||
|
|
||||||
|
count_medium = 0
|
||||||
|
success_medium = 0
|
||||||
|
for idx, result in results_medium:
|
||||||
|
count_medium += 1
|
||||||
|
if result.success and result.cost <= 1e-10 and numpy.linalg.norm(result.x[0:3]) < 10:
|
||||||
|
answer = result.normalised_x
|
||||||
|
success_medium += 1
|
||||||
|
else:
|
||||||
|
answer = None
|
||||||
|
|
||||||
|
count_high = 0
|
||||||
|
success_high = 0
|
||||||
|
for idx, result in results_high:
|
||||||
|
count_high += 1
|
||||||
|
if result.success and result.cost <= 1e-10 and numpy.linalg.norm(result.x[0:3]) < 10:
|
||||||
|
answer = result.normalised_x
|
||||||
|
success_high += 1
|
||||||
|
else:
|
||||||
|
answer = None
|
||||||
|
|
||||||
|
logging.info(f"Low : Out of {count_low} cells, {success_low} were successful")
|
||||||
|
logging.info(f"Medium: Out of {count_medium} cells, {success_medium} were successful")
|
||||||
|
logging.info(f"High : Out of {count_high} cells, {success_high} were successful")
|
||||||
|
|
||||||
|
with open(FILENAME, "a", newline='') as outfile:
|
||||||
|
writer = csv.DictWriter(outfile, fieldnames=csv_fields, dialect='unix')
|
||||||
|
writer.writerow({
|
||||||
|
"dipole_mom": p_pts,
|
||||||
|
"dipole_loc": s_pts,
|
||||||
|
"dipole_freq": run,
|
||||||
|
"low_success": success_low,
|
||||||
|
"high_success": success_high,
|
||||||
|
"medium_success": success_medium,
|
||||||
|
"low_count": count_low,
|
||||||
|
"medium_count": count_medium,
|
||||||
|
"high_count": count_high
|
||||||
|
})
|
||||||
|
|
||||||
|
if __name__ == "__main__":
|
||||||
|
logging.basicConfig(level=logging.INFO)
|
||||||
|
main()
|
108
scripts/z-band-fixed-dipole-middle/widesquare.py
Normal file
108
scripts/z-band-fixed-dipole-middle/widesquare.py
Normal file
@ -0,0 +1,108 @@
|
|||||||
|
from pdme.model.fixed_dipole_model import FixedDipoleModel, FixedDipoleDiscretisation
|
||||||
|
from pdme.measurement import OscillatingDipole, OscillatingDipoleArrangement
|
||||||
|
import itertools
|
||||||
|
import logging
|
||||||
|
import multiprocessing
|
||||||
|
import numpy
|
||||||
|
import csv
|
||||||
|
import random
|
||||||
|
|
||||||
|
|
||||||
|
FILENAME = "z-band-fixed-dipole-middle-all-dots-wide-square.csv"
|
||||||
|
csv_fields = ["dipole_mom", "dipole_loc", "dipole_freq", "low_success", "low_count", "medium_success", "medium_count", "high_success", "high_count"]
|
||||||
|
|
||||||
|
|
||||||
|
def get_pt():
|
||||||
|
return ((1, 1, 1), (random.uniform(-10, 10), random.uniform(-10, 10), random.uniform(3.5, 4.5)))
|
||||||
|
|
||||||
|
|
||||||
|
def get_a_result(discretisation, dots, index):
|
||||||
|
return (index, discretisation.solve_for_index(dots, index))
|
||||||
|
|
||||||
|
|
||||||
|
def main():
|
||||||
|
|
||||||
|
with open(FILENAME, "a", newline="") as outfile:
|
||||||
|
# csv fields
|
||||||
|
writer = csv.DictWriter(outfile, fieldnames=csv_fields, dialect='unix')
|
||||||
|
writer.writeheader()
|
||||||
|
|
||||||
|
for run in range(1, 101):
|
||||||
|
|
||||||
|
p_pts, s_pts = get_pt()
|
||||||
|
dipoles = OscillatingDipoleArrangement([OscillatingDipole(p_pts, s_pts, run)])
|
||||||
|
logging.info(f"gonna work on point {(p_pts, s_pts, run)}")
|
||||||
|
dot_inputs = list(itertools.chain.from_iterable(
|
||||||
|
(([1, 2, 0], f), ([1, 1, 0], f), ([2, 1, 0], f), ([2, 2, 0], f)) for f in numpy.arange(1, 10, 2)
|
||||||
|
))
|
||||||
|
dots = dipoles.get_dot_measurements(dot_inputs)
|
||||||
|
|
||||||
|
model_low = FixedDipoleModel(-10, 10, -10, 10, 2.5, 3.5, numpy.array([1, 1, 1]), 1)
|
||||||
|
discretisation_low = FixedDipoleDiscretisation(model_low, 5, 5, 5)
|
||||||
|
|
||||||
|
model_medium = FixedDipoleModel(-10, 10, -10, 10, 3.5, 4.5, numpy.array([1, 1, 1]), 1)
|
||||||
|
discretisation_medium = FixedDipoleDiscretisation(model_medium, 5, 5, 5)
|
||||||
|
|
||||||
|
model_high = FixedDipoleModel(-10, 10, -10, 10, 4.5, 5.5, numpy.array([1, 1, 1]), 1)
|
||||||
|
discretisation_high = FixedDipoleDiscretisation(model_high, 5, 5, 5)
|
||||||
|
|
||||||
|
with multiprocessing.Pool(multiprocessing.cpu_count()-1 or 1) as pool:
|
||||||
|
results_low = pool.starmap(get_a_result, zip(itertools.repeat(discretisation_low), itertools.repeat(dots), discretisation_low.all_indices()))
|
||||||
|
|
||||||
|
with multiprocessing.Pool(multiprocessing.cpu_count()-1 or 1) as pool:
|
||||||
|
results_medium = pool.starmap(get_a_result, zip(itertools.repeat(discretisation_medium), itertools.repeat(dots), discretisation_medium.all_indices()))
|
||||||
|
|
||||||
|
with multiprocessing.Pool(multiprocessing.cpu_count()-1 or 1) as pool:
|
||||||
|
results_high = pool.starmap(get_a_result, zip(itertools.repeat(discretisation_high), itertools.repeat(dots), discretisation_high.all_indices()))
|
||||||
|
|
||||||
|
count_low = 0
|
||||||
|
success_low = 0
|
||||||
|
for idx, result in results_low:
|
||||||
|
count_low += 1
|
||||||
|
if result.success and result.cost <= 1e-10 and numpy.linalg.norm(result.x[0:3]) < 10:
|
||||||
|
answer = result.normalised_x
|
||||||
|
success_low += 1
|
||||||
|
else:
|
||||||
|
answer = None
|
||||||
|
|
||||||
|
count_medium = 0
|
||||||
|
success_medium = 0
|
||||||
|
for idx, result in results_medium:
|
||||||
|
count_medium += 1
|
||||||
|
if result.success and result.cost <= 1e-10 and numpy.linalg.norm(result.x[0:3]) < 10:
|
||||||
|
answer = result.normalised_x
|
||||||
|
success_medium += 1
|
||||||
|
else:
|
||||||
|
answer = None
|
||||||
|
|
||||||
|
count_high = 0
|
||||||
|
success_high = 0
|
||||||
|
for idx, result in results_high:
|
||||||
|
count_high += 1
|
||||||
|
if result.success and result.cost <= 1e-10 and numpy.linalg.norm(result.x[0:3]) < 10:
|
||||||
|
answer = result.normalised_x
|
||||||
|
success_high += 1
|
||||||
|
else:
|
||||||
|
answer = None
|
||||||
|
|
||||||
|
logging.info(f"Low : Out of {count_low} cells, {success_low} were successful")
|
||||||
|
logging.info(f"Medium: Out of {count_medium} cells, {success_medium} were successful")
|
||||||
|
logging.info(f"High : Out of {count_high} cells, {success_high} were successful")
|
||||||
|
|
||||||
|
with open(FILENAME, "a", newline='') as outfile:
|
||||||
|
writer = csv.DictWriter(outfile, fieldnames=csv_fields, dialect='unix')
|
||||||
|
writer.writerow({
|
||||||
|
"dipole_mom": p_pts,
|
||||||
|
"dipole_loc": s_pts,
|
||||||
|
"dipole_freq": run,
|
||||||
|
"low_success": success_low,
|
||||||
|
"high_success": success_high,
|
||||||
|
"medium_success": success_medium,
|
||||||
|
"low_count": count_low,
|
||||||
|
"medium_count": count_medium,
|
||||||
|
"high_count": count_high
|
||||||
|
})
|
||||||
|
|
||||||
|
if __name__ == "__main__":
|
||||||
|
logging.basicConfig(level=logging.INFO)
|
||||||
|
main()
|
117
scripts/z-band-fixed-magnitude-middle/all.py
Normal file
117
scripts/z-band-fixed-magnitude-middle/all.py
Normal file
@ -0,0 +1,117 @@
|
|||||||
|
from pdme.model.fixed_magnitude_model import FixedMagnitudeModel, FixedMagnitudeDiscretisation
|
||||||
|
from pdme.measurement import OscillatingDipole, OscillatingDipoleArrangement
|
||||||
|
import itertools
|
||||||
|
import logging
|
||||||
|
import multiprocessing
|
||||||
|
import numpy
|
||||||
|
import csv
|
||||||
|
import random
|
||||||
|
|
||||||
|
|
||||||
|
FILENAME = "z-band-fixed-magnitude-middle-all-dots-square.csv"
|
||||||
|
csv_fields = ["dipole_mom", "dipole_loc", "dipole_freq", "low_success", "low_count", "medium_success", "medium_count", "high_success", "high_count"]
|
||||||
|
|
||||||
|
|
||||||
|
def get_uniform_sphere():
|
||||||
|
r = 6
|
||||||
|
a = random.uniform(-10, 10)
|
||||||
|
b = random.uniform(-10, 10)
|
||||||
|
c = random.uniform(-10, 10)
|
||||||
|
f = (a**2 + b**2 + c**2)**.5
|
||||||
|
return (a * r / f, b * r / f, c * r / f)
|
||||||
|
|
||||||
|
|
||||||
|
def get_pt():
|
||||||
|
return (get_uniform_sphere(), (random.uniform(-10, 10), random.uniform(-10, 10), random.uniform(3.5, 4.5)))
|
||||||
|
|
||||||
|
|
||||||
|
def get_a_result(discretisation, dots, index):
|
||||||
|
return (index, discretisation.solve_for_index(dots, index))
|
||||||
|
|
||||||
|
|
||||||
|
def main():
|
||||||
|
|
||||||
|
with open(FILENAME, "a", newline="") as outfile:
|
||||||
|
# csv fields
|
||||||
|
writer = csv.DictWriter(outfile, fieldnames=csv_fields, dialect='unix')
|
||||||
|
writer.writeheader()
|
||||||
|
|
||||||
|
for run in range(1, 101):
|
||||||
|
|
||||||
|
p_pts, s_pts = get_pt()
|
||||||
|
dipoles = OscillatingDipoleArrangement([OscillatingDipole(p_pts, s_pts, run)])
|
||||||
|
logging.info(f"gonna work on point {(p_pts, s_pts, run)}")
|
||||||
|
dot_inputs = list(itertools.chain.from_iterable(
|
||||||
|
(([1, 2, 0], f), ([1, 1, 0], f), ([2, 1, 0], f), ([2, 2, 0], f)) for f in numpy.arange(1, 10, 2)
|
||||||
|
))
|
||||||
|
dots = dipoles.get_dot_measurements(dot_inputs)
|
||||||
|
|
||||||
|
model_low = FixedMagnitudeModel(-10, 10, -10, 10, 2.5, 3.5, 6, 1)
|
||||||
|
discretisation_low = FixedMagnitudeDiscretisation(model_low, 6, 6, 5, 5, 5)
|
||||||
|
|
||||||
|
model_medium = FixedMagnitudeModel(-10, 10, -10, 10, 3.5, 4.5, 6, 1)
|
||||||
|
discretisation_medium = FixedMagnitudeDiscretisation(model_medium, 6, 6, 5, 5, 5)
|
||||||
|
|
||||||
|
model_high = FixedMagnitudeModel(-10, 10, -10, 10, 4.5, 5.5, 6, 1)
|
||||||
|
discretisation_high = FixedMagnitudeDiscretisation(model_high, 6, 6, 5, 5, 5)
|
||||||
|
|
||||||
|
with multiprocessing.Pool(multiprocessing.cpu_count()-1 or 1) as pool:
|
||||||
|
results_low = pool.starmap(get_a_result, zip(itertools.repeat(discretisation_low), itertools.repeat(dots), discretisation_low.all_indices()))
|
||||||
|
|
||||||
|
with multiprocessing.Pool(multiprocessing.cpu_count()-1 or 1) as pool:
|
||||||
|
results_medium = pool.starmap(get_a_result, zip(itertools.repeat(discretisation_medium), itertools.repeat(dots), discretisation_medium.all_indices()))
|
||||||
|
|
||||||
|
with multiprocessing.Pool(multiprocessing.cpu_count()-1 or 1) as pool:
|
||||||
|
results_high = pool.starmap(get_a_result, zip(itertools.repeat(discretisation_high), itertools.repeat(dots), discretisation_high.all_indices()))
|
||||||
|
|
||||||
|
count_low = 0
|
||||||
|
success_low = 0
|
||||||
|
for idx, result in results_low:
|
||||||
|
count_low += 1
|
||||||
|
if result.success and result.cost <= 1e-10 and numpy.linalg.norm(result.x[0:3]) < 10:
|
||||||
|
answer = result.normalised_x
|
||||||
|
success_low += 1
|
||||||
|
else:
|
||||||
|
answer = None
|
||||||
|
|
||||||
|
count_medium = 0
|
||||||
|
success_medium = 0
|
||||||
|
for idx, result in results_medium:
|
||||||
|
count_medium += 1
|
||||||
|
if result.success and result.cost <= 1e-10 and numpy.linalg.norm(result.x[0:3]) < 10:
|
||||||
|
answer = result.normalised_x
|
||||||
|
success_medium += 1
|
||||||
|
else:
|
||||||
|
answer = None
|
||||||
|
|
||||||
|
count_high = 0
|
||||||
|
success_high = 0
|
||||||
|
for idx, result in results_high:
|
||||||
|
count_high += 1
|
||||||
|
if result.success and result.cost <= 1e-10 and numpy.linalg.norm(result.x[0:3]) < 10:
|
||||||
|
answer = result.normalised_x
|
||||||
|
success_high += 1
|
||||||
|
else:
|
||||||
|
answer = None
|
||||||
|
|
||||||
|
logging.info(f"Low : Out of {count_low} cells, {success_low} were successful")
|
||||||
|
logging.info(f"Medium: Out of {count_medium} cells, {success_medium} were successful")
|
||||||
|
logging.info(f"High : Out of {count_high} cells, {success_high} were successful")
|
||||||
|
|
||||||
|
with open(FILENAME, "a", newline='') as outfile:
|
||||||
|
writer = csv.DictWriter(outfile, fieldnames=csv_fields, dialect='unix')
|
||||||
|
writer.writerow({
|
||||||
|
"dipole_mom": p_pts,
|
||||||
|
"dipole_loc": s_pts,
|
||||||
|
"dipole_freq": run,
|
||||||
|
"low_success": success_low,
|
||||||
|
"high_success": success_high,
|
||||||
|
"medium_success": success_medium,
|
||||||
|
"low_count": count_low,
|
||||||
|
"medium_count": count_medium,
|
||||||
|
"high_count": count_high
|
||||||
|
})
|
||||||
|
|
||||||
|
if __name__ == "__main__":
|
||||||
|
logging.basicConfig(level=logging.INFO)
|
||||||
|
main()
|
117
scripts/z-band-fixed-magnitude-middle/narrowersquare.py
Normal file
117
scripts/z-band-fixed-magnitude-middle/narrowersquare.py
Normal file
@ -0,0 +1,117 @@
|
|||||||
|
from pdme.model.fixed_magnitude_model import FixedMagnitudeModel, FixedMagnitudeDiscretisation
|
||||||
|
from pdme.measurement import OscillatingDipole, OscillatingDipoleArrangement
|
||||||
|
import itertools
|
||||||
|
import logging
|
||||||
|
import multiprocessing
|
||||||
|
import numpy
|
||||||
|
import csv
|
||||||
|
import random
|
||||||
|
|
||||||
|
|
||||||
|
FILENAME = "z-band-fixed-magnitude-middle-all-dots-narrower-square.csv"
|
||||||
|
csv_fields = ["dipole_mom", "dipole_loc", "dipole_freq", "low_success", "low_count", "medium_success", "medium_count", "high_success", "high_count"]
|
||||||
|
|
||||||
|
|
||||||
|
def get_uniform_sphere():
|
||||||
|
r = 6
|
||||||
|
a = random.uniform(-10, 10)
|
||||||
|
b = random.uniform(-10, 10)
|
||||||
|
c = random.uniform(-10, 10)
|
||||||
|
f = (a**2 + b**2 + c**2)**.5
|
||||||
|
return (a * r / f, b * r / f, c * r / f)
|
||||||
|
|
||||||
|
|
||||||
|
def get_pt():
|
||||||
|
return (get_uniform_sphere(), (random.uniform(-10, 10), random.uniform(-10, 10), random.uniform(3.5, 4.5)))
|
||||||
|
|
||||||
|
|
||||||
|
def get_a_result(discretisation, dots, index):
|
||||||
|
return (index, discretisation.solve_for_index(dots, index))
|
||||||
|
|
||||||
|
|
||||||
|
def main():
|
||||||
|
|
||||||
|
with open(FILENAME, "a", newline="") as outfile:
|
||||||
|
# csv fields
|
||||||
|
writer = csv.DictWriter(outfile, fieldnames=csv_fields, dialect='unix')
|
||||||
|
writer.writeheader()
|
||||||
|
|
||||||
|
for run in range(1, 101):
|
||||||
|
|
||||||
|
p_pts, s_pts = get_pt()
|
||||||
|
dipoles = OscillatingDipoleArrangement([OscillatingDipole(p_pts, s_pts, run)])
|
||||||
|
logging.info(f"gonna work on point {(p_pts, s_pts, run)}")
|
||||||
|
dot_inputs = list(itertools.chain.from_iterable(
|
||||||
|
(([-.25, .25, 0], f), ([-.25, -.25, 0], f), ([.25, -.25, 0], f), ([.25, .25, 0], f)) for f in numpy.arange(1, 10, 2)
|
||||||
|
))
|
||||||
|
dots = dipoles.get_dot_measurements(dot_inputs)
|
||||||
|
|
||||||
|
model_low = FixedMagnitudeModel(-10, 10, -10, 10, 2.5, 3.5, 6, 1)
|
||||||
|
discretisation_low = FixedMagnitudeDiscretisation(model_low, 6, 6, 5, 5, 5)
|
||||||
|
|
||||||
|
model_medium = FixedMagnitudeModel(-10, 10, -10, 10, 3.5, 4.5, 6, 1)
|
||||||
|
discretisation_medium = FixedMagnitudeDiscretisation(model_medium, 6, 6, 5, 5, 5)
|
||||||
|
|
||||||
|
model_high = FixedMagnitudeModel(-10, 10, -10, 10, 4.5, 5.5, 6, 1)
|
||||||
|
discretisation_high = FixedMagnitudeDiscretisation(model_high, 6, 6, 5, 5, 5)
|
||||||
|
|
||||||
|
with multiprocessing.Pool(multiprocessing.cpu_count()-1 or 1) as pool:
|
||||||
|
results_low = pool.starmap(get_a_result, zip(itertools.repeat(discretisation_low), itertools.repeat(dots), discretisation_low.all_indices()))
|
||||||
|
|
||||||
|
with multiprocessing.Pool(multiprocessing.cpu_count()-1 or 1) as pool:
|
||||||
|
results_medium = pool.starmap(get_a_result, zip(itertools.repeat(discretisation_medium), itertools.repeat(dots), discretisation_medium.all_indices()))
|
||||||
|
|
||||||
|
with multiprocessing.Pool(multiprocessing.cpu_count()-1 or 1) as pool:
|
||||||
|
results_high = pool.starmap(get_a_result, zip(itertools.repeat(discretisation_high), itertools.repeat(dots), discretisation_high.all_indices()))
|
||||||
|
|
||||||
|
count_low = 0
|
||||||
|
success_low = 0
|
||||||
|
for idx, result in results_low:
|
||||||
|
count_low += 1
|
||||||
|
if result.success and result.cost <= 1e-10 and numpy.linalg.norm(result.x[0:3]) < 10:
|
||||||
|
answer = result.normalised_x
|
||||||
|
success_low += 1
|
||||||
|
else:
|
||||||
|
answer = None
|
||||||
|
|
||||||
|
count_medium = 0
|
||||||
|
success_medium = 0
|
||||||
|
for idx, result in results_medium:
|
||||||
|
count_medium += 1
|
||||||
|
if result.success and result.cost <= 1e-10 and numpy.linalg.norm(result.x[0:3]) < 10:
|
||||||
|
answer = result.normalised_x
|
||||||
|
success_medium += 1
|
||||||
|
else:
|
||||||
|
answer = None
|
||||||
|
|
||||||
|
count_high = 0
|
||||||
|
success_high = 0
|
||||||
|
for idx, result in results_high:
|
||||||
|
count_high += 1
|
||||||
|
if result.success and result.cost <= 1e-10 and numpy.linalg.norm(result.x[0:3]) < 10:
|
||||||
|
answer = result.normalised_x
|
||||||
|
success_high += 1
|
||||||
|
else:
|
||||||
|
answer = None
|
||||||
|
|
||||||
|
logging.info(f"Low : Out of {count_low} cells, {success_low} were successful")
|
||||||
|
logging.info(f"Medium: Out of {count_medium} cells, {success_medium} were successful")
|
||||||
|
logging.info(f"High : Out of {count_high} cells, {success_high} were successful")
|
||||||
|
|
||||||
|
with open(FILENAME, "a", newline='') as outfile:
|
||||||
|
writer = csv.DictWriter(outfile, fieldnames=csv_fields, dialect='unix')
|
||||||
|
writer.writerow({
|
||||||
|
"dipole_mom": p_pts,
|
||||||
|
"dipole_loc": s_pts,
|
||||||
|
"dipole_freq": run,
|
||||||
|
"low_success": success_low,
|
||||||
|
"high_success": success_high,
|
||||||
|
"medium_success": success_medium,
|
||||||
|
"low_count": count_low,
|
||||||
|
"medium_count": count_medium,
|
||||||
|
"high_count": count_high
|
||||||
|
})
|
||||||
|
|
||||||
|
if __name__ == "__main__":
|
||||||
|
logging.basicConfig(level=logging.INFO)
|
||||||
|
main()
|
117
scripts/z-band-fixed-magnitude-middle/widesquare.py
Normal file
117
scripts/z-band-fixed-magnitude-middle/widesquare.py
Normal file
@ -0,0 +1,117 @@
|
|||||||
|
from pdme.model.fixed_magnitude_model import FixedMagnitudeModel, FixedMagnitudeDiscretisation
|
||||||
|
from pdme.measurement import OscillatingDipole, OscillatingDipoleArrangement
|
||||||
|
import itertools
|
||||||
|
import logging
|
||||||
|
import multiprocessing
|
||||||
|
import numpy
|
||||||
|
import csv
|
||||||
|
import random
|
||||||
|
|
||||||
|
|
||||||
|
FILENAME = "z-band-fixed-magnitude-middle-all-dots-wide-square.csv"
|
||||||
|
csv_fields = ["dipole_mom", "dipole_loc", "dipole_freq", "low_success", "low_count", "medium_success", "medium_count", "high_success", "high_count"]
|
||||||
|
|
||||||
|
|
||||||
|
def get_uniform_sphere():
|
||||||
|
r = 6
|
||||||
|
a = random.uniform(-10, 10)
|
||||||
|
b = random.uniform(-10, 10)
|
||||||
|
c = random.uniform(-10, 10)
|
||||||
|
f = (a**2 + b**2 + c**2)**.5
|
||||||
|
return (a * r / f, b * r / f, c * r / f)
|
||||||
|
|
||||||
|
|
||||||
|
def get_pt():
|
||||||
|
return (get_uniform_sphere(), (random.uniform(-10, 10), random.uniform(-10, 10), random.uniform(3.5, 4.5)))
|
||||||
|
|
||||||
|
|
||||||
|
def get_a_result(discretisation, dots, index):
|
||||||
|
return (index, discretisation.solve_for_index(dots, index))
|
||||||
|
|
||||||
|
|
||||||
|
def main():
|
||||||
|
|
||||||
|
with open(FILENAME, "a", newline="") as outfile:
|
||||||
|
# csv fields
|
||||||
|
writer = csv.DictWriter(outfile, fieldnames=csv_fields, dialect='unix')
|
||||||
|
writer.writeheader()
|
||||||
|
|
||||||
|
for run in range(1, 101):
|
||||||
|
|
||||||
|
p_pts, s_pts = get_pt()
|
||||||
|
dipoles = OscillatingDipoleArrangement([OscillatingDipole(p_pts, s_pts, run)])
|
||||||
|
logging.info(f"gonna work on point {(p_pts, s_pts, run)}")
|
||||||
|
dot_inputs = list(itertools.chain.from_iterable(
|
||||||
|
(([-2, 2, 0], f), ([-2, -2, 0], f), ([2, -2, 0], f), ([2, 2, 0], f)) for f in numpy.arange(1, 10, 2)
|
||||||
|
))
|
||||||
|
dots = dipoles.get_dot_measurements(dot_inputs)
|
||||||
|
|
||||||
|
model_low = FixedMagnitudeModel(-10, 10, -10, 10, 2.5, 3.5, 6, 1)
|
||||||
|
discretisation_low = FixedMagnitudeDiscretisation(model_low, 6, 6, 5, 5, 5)
|
||||||
|
|
||||||
|
model_medium = FixedMagnitudeModel(-10, 10, -10, 10, 3.5, 4.5, 6, 1)
|
||||||
|
discretisation_medium = FixedMagnitudeDiscretisation(model_medium, 6, 6, 5, 5, 5)
|
||||||
|
|
||||||
|
model_high = FixedMagnitudeModel(-10, 10, -10, 10, 4.5, 5.5, 6, 1)
|
||||||
|
discretisation_high = FixedMagnitudeDiscretisation(model_high, 6, 6, 5, 5, 5)
|
||||||
|
|
||||||
|
with multiprocessing.Pool(multiprocessing.cpu_count()-1 or 1) as pool:
|
||||||
|
results_low = pool.starmap(get_a_result, zip(itertools.repeat(discretisation_low), itertools.repeat(dots), discretisation_low.all_indices()))
|
||||||
|
|
||||||
|
with multiprocessing.Pool(multiprocessing.cpu_count()-1 or 1) as pool:
|
||||||
|
results_medium = pool.starmap(get_a_result, zip(itertools.repeat(discretisation_medium), itertools.repeat(dots), discretisation_medium.all_indices()))
|
||||||
|
|
||||||
|
with multiprocessing.Pool(multiprocessing.cpu_count()-1 or 1) as pool:
|
||||||
|
results_high = pool.starmap(get_a_result, zip(itertools.repeat(discretisation_high), itertools.repeat(dots), discretisation_high.all_indices()))
|
||||||
|
|
||||||
|
count_low = 0
|
||||||
|
success_low = 0
|
||||||
|
for idx, result in results_low:
|
||||||
|
count_low += 1
|
||||||
|
if result.success and result.cost <= 1e-10 and numpy.linalg.norm(result.x[0:3]) < 10:
|
||||||
|
answer = result.normalised_x
|
||||||
|
success_low += 1
|
||||||
|
else:
|
||||||
|
answer = None
|
||||||
|
|
||||||
|
count_medium = 0
|
||||||
|
success_medium = 0
|
||||||
|
for idx, result in results_medium:
|
||||||
|
count_medium += 1
|
||||||
|
if result.success and result.cost <= 1e-10 and numpy.linalg.norm(result.x[0:3]) < 10:
|
||||||
|
answer = result.normalised_x
|
||||||
|
success_medium += 1
|
||||||
|
else:
|
||||||
|
answer = None
|
||||||
|
|
||||||
|
count_high = 0
|
||||||
|
success_high = 0
|
||||||
|
for idx, result in results_high:
|
||||||
|
count_high += 1
|
||||||
|
if result.success and result.cost <= 1e-10 and numpy.linalg.norm(result.x[0:3]) < 10:
|
||||||
|
answer = result.normalised_x
|
||||||
|
success_high += 1
|
||||||
|
else:
|
||||||
|
answer = None
|
||||||
|
|
||||||
|
logging.info(f"Low : Out of {count_low} cells, {success_low} were successful")
|
||||||
|
logging.info(f"Medium: Out of {count_medium} cells, {success_medium} were successful")
|
||||||
|
logging.info(f"High : Out of {count_high} cells, {success_high} were successful")
|
||||||
|
|
||||||
|
with open(FILENAME, "a", newline='') as outfile:
|
||||||
|
writer = csv.DictWriter(outfile, fieldnames=csv_fields, dialect='unix')
|
||||||
|
writer.writerow({
|
||||||
|
"dipole_mom": p_pts,
|
||||||
|
"dipole_loc": s_pts,
|
||||||
|
"dipole_freq": run,
|
||||||
|
"low_success": success_low,
|
||||||
|
"high_success": success_high,
|
||||||
|
"medium_success": success_medium,
|
||||||
|
"low_count": count_low,
|
||||||
|
"medium_count": count_medium,
|
||||||
|
"high_count": count_high
|
||||||
|
})
|
||||||
|
|
||||||
|
if __name__ == "__main__":
|
||||||
|
logging.basicConfig(level=logging.INFO)
|
||||||
|
main()
|
102
z-band-fixed-dipole-middle-all-dots-narrower-square.csv
Normal file
102
z-band-fixed-dipole-middle-all-dots-narrower-square.csv
Normal file
@ -0,0 +1,102 @@
|
|||||||
|
"dipole_mom","dipole_loc","dipole_freq","low_success","low_count","medium_success","medium_count","high_success","high_count"
|
||||||
|
"dipole_mom","dipole_loc","dipole_freq","low_success","low_count","medium_success","medium_count","high_success","high_count"
|
||||||
|
"(1, 1, 1)","(-1.3071476997121163, -6.700249117765953, 4.395652427243794)","1","65","125","68","125","73","125"
|
||||||
|
"(1, 1, 1)","(7.218372433770103, -5.4783551032463755, 3.5820519422486634)","2","75","125","71","125","63","125"
|
||||||
|
"(1, 1, 1)","(2.670117263667258, -9.627026891446988, 4.003539768646438)","3","77","125","81","125","76","125"
|
||||||
|
"(1, 1, 1)","(2.3513316333181518, -8.402829356877447, 4.419760582254243)","4","87","125","98","125","90","125"
|
||||||
|
"(1, 1, 1)","(-2.9839225924046575, -6.141574546943785, 4.1041288625417485)","5","73","125","87","125","76","125"
|
||||||
|
"(1, 1, 1)","(-4.204110846621358, 2.5303736517209057, 4.048769088470612)","6","95","125","98","125","97","125"
|
||||||
|
"(1, 1, 1)","(2.3951582053250107, -3.806262247740051, 3.52835893773293)","7","42","125","53","125","51","125"
|
||||||
|
"(1, 1, 1)","(4.614882297991274, -8.808238152984519, 3.7824650173104026)","8","90","125","97","125","92","125"
|
||||||
|
"(1, 1, 1)","(9.855038420690349, -5.756988885735215, 4.02622426234394)","9","63","125","63","125","60","125"
|
||||||
|
"(1, 1, 1)","(-1.975488734839292, 1.1919182845159497, 3.6993525693957134)","10","5","125","5","125","1","125"
|
||||||
|
"(1, 1, 1)","(4.392293449091486, 8.928201833428023, 4.054857054102779)","11","39","125","47","125","51","125"
|
||||||
|
"(1, 1, 1)","(-0.8851390479842447, -8.799158377226185, 4.401733682923287)","12","67","125","66","125","66","125"
|
||||||
|
"(1, 1, 1)","(0.42620076797180495, -1.6572190172596173, 4.26833391853475)","13","4","125","9","125","8","125"
|
||||||
|
"(1, 1, 1)","(-0.34332949190052275, 7.390672414051384, 4.285219727507512)","14","58","125","50","125","34","125"
|
||||||
|
"(1, 1, 1)","(6.370340479825991, -9.803769484121197, 3.558244929025539)","15","89","125","78","125","62","125"
|
||||||
|
"(1, 1, 1)","(6.404437426109364, 1.4294134888840944, 3.7659622101764874)","16","41","125","33","125","30","125"
|
||||||
|
"(1, 1, 1)","(-1.8976622476931766, 9.122269173201449, 3.7652768901767337)","17","75","125","73","125","72","125"
|
||||||
|
"(1, 1, 1)","(-8.143746209641334, 6.416731541712444, 4.152532781560311)","18","83","125","61","125","51","125"
|
||||||
|
"(1, 1, 1)","(-2.896487219663868, -0.12771390497393398, 4.419779314721039)","19","97","125","86","125","86","125"
|
||||||
|
"(1, 1, 1)","(-4.874035805963994, 6.798418215490049, 3.6614980332268123)","20","77","125","68","125","64","125"
|
||||||
|
"(1, 1, 1)","(2.5780932230895903, 8.330432617992656, 3.831260261873832)","21","34","125","46","125","44","125"
|
||||||
|
"(1, 1, 1)","(5.394702089639798, -3.8157885544740378, 3.81976828019038)","22","83","125","86","125","79","125"
|
||||||
|
"(1, 1, 1)","(6.780437420843672, -4.548672162372895, 3.811811299277605)","23","76","125","70","125","67","125"
|
||||||
|
"(1, 1, 1)","(-1.1140709786515828, 9.224680535022042, 4.417201732495089)","24","72","125","73","125","65","125"
|
||||||
|
"(1, 1, 1)","(9.840480458049512, -4.081933028387194, 3.754773675980285)","25","68","125","68","125","64","125"
|
||||||
|
"(1, 1, 1)","(-8.992020659984203, 2.445449284562626, 3.6713428659907255)","26","75","125","82","125","83","125"
|
||||||
|
"(1, 1, 1)","(9.33865987676737, 4.080295537411807, 4.493177257924216)","27","75","125","69","125","74","125"
|
||||||
|
"(1, 1, 1)","(2.4289336895957128, 3.3064937024643353, 4.031356880776505)","28","0","125","0","125","2","125"
|
||||||
|
"(1, 1, 1)","(-1.565081115509086, 3.214572009875468, 4.366734735167469)","29","24","125","27","125","23","125"
|
||||||
|
"(1, 1, 1)","(-8.326745947809552, 2.4186579290782912, 3.998914473553338)","30","85","125","93","125","87","125"
|
||||||
|
"(1, 1, 1)","(8.900966393777146, 4.728569183030116, 4.052313581259492)","31","73","125","71","125","72","125"
|
||||||
|
"(1, 1, 1)","(5.6089623686378705, 5.235400040117584, 3.5204966739804275)","32","39","125","48","125","32","125"
|
||||||
|
"(1, 1, 1)","(-2.141467548978177, 3.6861264504765856, 4.151195275048425)","33","52","125","38","125","34","125"
|
||||||
|
"(1, 1, 1)","(-3.6785617070181686, -8.43223311494629, 4.034902923022079)","34","59","125","56","125","57","125"
|
||||||
|
"(1, 1, 1)","(7.02252151510433, -0.8467000098044402, 4.446000810839051)","35","85","125","91","125","87","125"
|
||||||
|
"(1, 1, 1)","(1.0071792288024177, 1.9552038161188356, 4.438810828257602)","36","0","125","0","125","8","125"
|
||||||
|
"(1, 1, 1)","(1.7678933213377057, 9.310191575902028, 3.9768855608808455)","37","65","125","65","125","66","125"
|
||||||
|
"(1, 1, 1)","(9.8764776529365, 4.812107041082296, 4.423304716572885)","38","60","125","71","125","76","125"
|
||||||
|
"(1, 1, 1)","(-2.9375746159005356, -2.7403141667371766, 4.012796058782112)","39","93","125","94","125","97","125"
|
||||||
|
"(1, 1, 1)","(-5.75953746672911, 9.276715894071359, 3.801553423391647)","40","63","125","66","125","56","125"
|
||||||
|
"(1, 1, 1)","(-6.6822323090082865, -6.258971699410716, 4.431815039205021)","41","50","125","53","125","51","125"
|
||||||
|
"(1, 1, 1)","(-4.026753235654348, -9.812528165804853, 3.5963558752504965)","42","51","125","58","125","54","125"
|
||||||
|
"(1, 1, 1)","(2.6097119512596585, -9.726945912857284, 4.430690997565616)","43","79","125","87","125","87","125"
|
||||||
|
"(1, 1, 1)","(0.04668988565424925, 0.2512264654907739, 3.7585484691726863)","44","0","125","0","125","0","125"
|
||||||
|
"(1, 1, 1)","(9.820856391123357, 9.87339142049668, 4.203592518006166)","45","56","125","57","125","72","125"
|
||||||
|
"(1, 1, 1)","(7.4197203947739645, -3.0677498083556998, 3.8105825202118453)","46","76","125","69","125","72","125"
|
||||||
|
"(1, 1, 1)","(2.011468427331206, -0.5861081537599766, 4.312083152133434)","47","11","125","10","125","6","125"
|
||||||
|
"(1, 1, 1)","(-5.756739442389145, -8.245316022824852, 4.171930309954691)","48","47","125","55","125","51","125"
|
||||||
|
"(1, 1, 1)","(4.490485790422662, 1.8732729498228764, 3.93326803719199)","49","31","125","34","125","31","125"
|
||||||
|
"(1, 1, 1)","(6.417964772392757, -1.1433752107731703, 4.32797930850544)","50","82","125","87","125","84","125"
|
||||||
|
"(1, 1, 1)","(-6.791084454056289, 0.9280624799258632, 3.6768392137910415)","51","88","125","93","125","82","125"
|
||||||
|
"(1, 1, 1)","(-9.582966173166751, 2.154393617259995, 4.490746748792899)","52","76","125","85","125","87","125"
|
||||||
|
"(1, 1, 1)","(4.48850023517352, -4.827423234222152, 3.8296749113008053)","53","77","125","86","125","77","125"
|
||||||
|
"(1, 1, 1)","(-7.052819413017439, 9.638245665241396, 3.6244690819235528)","54","62","125","64","125","58","125"
|
||||||
|
"(1, 1, 1)","(-8.29317373205476, -6.58274239289103, 4.463613321583182)","55","45","125","54","125","53","125"
|
||||||
|
"(1, 1, 1)","(-5.484506885574225, 0.3238134367884449, 4.363823405732285)","56","91","125","98","125","96","125"
|
||||||
|
"(1, 1, 1)","(-3.7499297857576774, 8.224147507188825, 3.849332549933495)","57","69","125","70","125","66","125"
|
||||||
|
"(1, 1, 1)","(-7.899606501489307, 5.136397656905771, 3.9206317026822695)","58","93","125","79","125","62","125"
|
||||||
|
"(1, 1, 1)","(-3.8046044696678694, 5.335120295090137, 3.5542283412585114)","59","78","125","70","125","66","125"
|
||||||
|
"(1, 1, 1)","(6.230387177307197, 6.589239099683155, 3.659310224400456)","60","71","125","80","125","82","125"
|
||||||
|
"(1, 1, 1)","(2.6248653618706914, -6.625672325698535, 4.128391376089842)","61","92","125","77","125","62","125"
|
||||||
|
"(1, 1, 1)","(8.671187442245238, 4.490909303874629, 3.6882658976437286)","62","61","125","75","125","82","125"
|
||||||
|
"(1, 1, 1)","(4.879576943471719, 4.62609474351688, 4.220496316727257)","63","39","125","52","125","45","125"
|
||||||
|
"(1, 1, 1)","(-6.035052405635408, 2.0563400072208893, 4.450247481328782)","64","92","125","81","125","63","125"
|
||||||
|
"(1, 1, 1)","(-7.30372423377659, 6.365942598458975, 3.712835165977979)","65","76","125","65","125","54","125"
|
||||||
|
"(1, 1, 1)","(-9.093726414247591, -4.082397710629677, 4.381882393102692)","66","49","125","56","125","52","125"
|
||||||
|
"(1, 1, 1)","(7.18875719610379, 8.09659664609671, 4.2056490589887225)","67","61","125","63","125","80","125"
|
||||||
|
"(1, 1, 1)","(-8.767868975226582, -7.110440467123724, 4.143221741917714)","68","45","125","53","125","51","125"
|
||||||
|
"(1, 1, 1)","(-4.645885675492691, 5.84450948382878, 4.332548703062837)","69","65","125","66","125","61","125"
|
||||||
|
"(1, 1, 1)","(-0.3515331659703502, -2.6682483026586334, 3.948948551702751)","70","96","125","90","125","77","125"
|
||||||
|
"(1, 1, 1)","(-0.3458547516538957, -2.491947278374047, 4.13684511981341)","71","92","125","89","125","80","125"
|
||||||
|
"(1, 1, 1)","(-8.365438644778688, 8.911536794594738, 4.35595576607531)","72","68","125","64","125","53","125"
|
||||||
|
"(1, 1, 1)","(1.7421570906859092, -4.933996380786521, 3.5410097450551685)","73","90","125","80","125","72","125"
|
||||||
|
"(1, 1, 1)","(0.3805029227999608, 8.329915127355157, 4.404605725184772)","74","65","125","72","125","70","125"
|
||||||
|
"(1, 1, 1)","(-9.227523091144647, 1.6001819216662376, 3.8219292828494433)","75","67","125","77","125","77","125"
|
||||||
|
"(1, 1, 1)","(-9.767645879311456, -1.0931545436354728, 4.0699503052104955)","76","52","125","60","125","54","125"
|
||||||
|
"(1, 1, 1)","(1.5091280004018959, 9.412777563405083, 4.360556528629392)","77","64","125","65","125","74","125"
|
||||||
|
"(1, 1, 1)","(-1.7623804361864632, -2.0351033653042734, 4.472849399366704)","78","98","125","83","125","72","125"
|
||||||
|
"(1, 1, 1)","(3.7355290659682243, -7.362021942105972, 4.145494539316297)","79","97","125","78","125","63","125"
|
||||||
|
"(1, 1, 1)","(-9.03106127454528, 9.357492439901577, 3.6050033084196405)","80","69","125","64","125","55","125"
|
||||||
|
"(1, 1, 1)","(2.9881194986618613, 0.03803834040546583, 3.6238812922556503)","81","16","125","15","125","9","125"
|
||||||
|
"(1, 1, 1)","(-0.9729670201368386, 6.734606686223945, 4.240792163436636)","82","68","125","73","125","71","125"
|
||||||
|
"(1, 1, 1)","(4.504085235771001, -0.27544762434952474, 4.190743785296113)","83","35","125","53","125","41","125"
|
||||||
|
"(1, 1, 1)","(-1.2818528945002932, 2.219270467308574, 3.995049912652533)","84","44","125","32","125","42","125"
|
||||||
|
"(1, 1, 1)","(-4.619703893760443, -7.933597445973679, 3.817598301618231)","85","46","125","55","125","54","125"
|
||||||
|
"(1, 1, 1)","(0.9355382175114446, 6.279210741725343, 4.305535266349451)","86","80","125","82","125","86","125"
|
||||||
|
"(1, 1, 1)","(0.036379510848508545, 8.618906140674284, 3.537433742801035)","87","69","125","72","125","75","125"
|
||||||
|
"(1, 1, 1)","(-9.163218135748112, -2.857301712786178, 4.140633573739266)","88","48","125","56","125","51","125"
|
||||||
|
"(1, 1, 1)","(8.79807097941676, 8.667555586971506, 4.013901825212938)","89","49","125","60","125","74","125"
|
||||||
|
"(1, 1, 1)","(9.427709499269614, 3.6585610586304824, 4.010369447501767)","90","65","125","68","125","81","125"
|
||||||
|
"(1, 1, 1)","(4.7983927306812575, -8.988917241832235, 4.227310555397707)","91","69","125","75","125","46","125"
|
||||||
|
"(1, 1, 1)","(5.197762102511529, -6.545821443810722, 3.7446701513376035)","92","78","125","62","125","54","125"
|
||||||
|
"(1, 1, 1)","(6.922025186915906, -1.2132821056716914, 4.132922329295377)","93","67","125","73","125","72","125"
|
||||||
|
"(1, 1, 1)","(-5.899108956676551, 4.748633032730844, 3.842525673768547)","94","74","125","65","125","51","125"
|
||||||
|
"(1, 1, 1)","(-9.186235737127497, 5.786607875326968, 4.471088201722466)","95","94","125","78","125","63","125"
|
||||||
|
"(1, 1, 1)","(0.9907173778988998, -9.020115269140792, 3.5126392637533206)","96","69","125","74","125","71","125"
|
||||||
|
"(1, 1, 1)","(-1.1089684741182566, -7.74549902787808, 3.780271935235385)","97","57","125","57","125","55","125"
|
||||||
|
"(1, 1, 1)","(9.058511997318845, 0.00032359542407434105, 3.7192703699393164)","98","69","125","67","125","76","125"
|
||||||
|
"(1, 1, 1)","(-4.9484009469033445, -3.5973226585462985, 3.65498202562694)","99","60","125","57","125","56","125"
|
||||||
|
"(1, 1, 1)","(-1.8666588479949162, -4.867448255550755, 4.24673773104358)","100","73","125","87","125","82","125"
|
|
101
z-band-fixed-dipole-middle-all-dots-square.csv
Normal file
101
z-band-fixed-dipole-middle-all-dots-square.csv
Normal file
@ -0,0 +1,101 @@
|
|||||||
|
"dipole_mom","dipole_loc","dipole_freq","low_success","low_count","medium_success","medium_count","high_success","high_count"
|
||||||
|
"(1, 1, 1)","(-3.1785819524149765, -6.422104762626337, 3.9503090060105075)","1","77","125","72","125","69","125"
|
||||||
|
"(1, 1, 1)","(2.3715791204749532, 0.8946224822851594, 3.6596389328307817)","2","0","125","1","125","0","125"
|
||||||
|
"(1, 1, 1)","(-7.992571481753332, -3.2414854464110725, 4.40969635565024)","3","55","125","67","125","73","125"
|
||||||
|
"(1, 1, 1)","(0.18382562551655646, 1.5998424236883402, 3.8195429110965113)","4","0","125","3","125","0","125"
|
||||||
|
"(1, 1, 1)","(-3.6827593505161964, 1.8939634776585468, 4.438083480198813)","5","83","125","87","125","87","125"
|
||||||
|
"(1, 1, 1)","(8.643061006806928, 1.1908613125185479, 3.5023411593837706)","6","10","125","5","125","7","125"
|
||||||
|
"(1, 1, 1)","(8.360375979734002, 5.547093599572079, 3.5801578606472626)","7","3","125","5","125","5","125"
|
||||||
|
"(1, 1, 1)","(-5.3304836862880345, 3.420923266031, 4.493435732890354)","8","98","125","90","125","86","125"
|
||||||
|
"(1, 1, 1)","(7.984736794236422, -1.6003368074379019, 3.6355663710931685)","9","46","125","45","125","29","125"
|
||||||
|
"(1, 1, 1)","(5.642757490783447, -4.805649520676285, 4.370813035953928)","10","86","125","85","125","67","125"
|
||||||
|
"(1, 1, 1)","(-4.569214341502674, -8.246472599027852, 3.808664982838632)","11","60","125","58","125","56","125"
|
||||||
|
"(1, 1, 1)","(-0.6129822734076242, 1.975121443573073, 4.399593960910105)","12","0","125","4","125","10","125"
|
||||||
|
"(1, 1, 1)","(-7.224710077987353, 4.986469509193924, 3.5500709388358995)","13","79","125","77","125","88","125"
|
||||||
|
"(1, 1, 1)","(1.1089755949393556, -7.324406145133818, 4.1767941513462485)","14","61","125","64","125","67","125"
|
||||||
|
"(1, 1, 1)","(-6.867511754123543, 1.18728891752699, 4.2096167453193)","15","63","125","69","125","77","125"
|
||||||
|
"(1, 1, 1)","(4.98504343651075, -7.331413874604693, 4.119739248214733)","16","86","125","85","125","77","125"
|
||||||
|
"(1, 1, 1)","(2.1395885791327913, 3.3464194248174373, 4.40640326427988)","17","0","125","0","125","1","125"
|
||||||
|
"(1, 1, 1)","(-3.8978078287173634, 8.401408452943816, 3.700675778196623)","18","73","125","64","125","60","125"
|
||||||
|
"(1, 1, 1)","(-1.028439700076305, 0.6659407077361514, 4.255066188150615)","19","91","125","92","125","74","125"
|
||||||
|
"(1, 1, 1)","(9.103765768536213, -2.6429730959873865, 4.182310744512549)","20","63","125","69","125","70","125"
|
||||||
|
"(1, 1, 1)","(6.707547653269074, -0.015568357215471451, 3.5750954205182848)","21","8","125","5","125","5","125"
|
||||||
|
"(1, 1, 1)","(1.185779787422108, 1.5631441121482403, 3.737987495469337)","22","3","125","3","125","0","125"
|
||||||
|
"(1, 1, 1)","(-5.613039768280252, 6.299456678286823, 4.0560214768735)","23","85","125","92","125","68","125"
|
||||||
|
"(1, 1, 1)","(-1.3418600636884719, -8.621600945824696, 3.9456438859871943)","24","50","125","50","125","52","125"
|
||||||
|
"(1, 1, 1)","(0.6391430775402807, 4.776811138220161, 3.8880039255622783)","25","5","125","5","125","2","125"
|
||||||
|
"(1, 1, 1)","(9.716312018262851, -9.819604792241911, 3.5096617782969646)","26","98","125","73","125","67","125"
|
||||||
|
"(1, 1, 1)","(2.357752609628861, 4.681634704665571, 3.93205780885211)","27","3","125","1","125","0","125"
|
||||||
|
"(1, 1, 1)","(-5.326398260622536, 0.8441526268359674, 4.342122031520651)","28","68","125","81","125","83","125"
|
||||||
|
"(1, 1, 1)","(-7.1473858987787375, 6.8740486258929465, 4.206224781687428)","29","99","125","88","125","66","125"
|
||||||
|
"(1, 1, 1)","(-0.5572781737262602, -9.63362593814352, 4.334269824159562)","30","50","125","51","125","49","125"
|
||||||
|
"(1, 1, 1)","(1.5430419494398038, -2.694675499070385, 4.422271137144171)","31","92","125","100","125","71","125"
|
||||||
|
"(1, 1, 1)","(-2.4118576229348188, -5.594438950606695, 4.39659317424543)","32","50","125","57","125","54","125"
|
||||||
|
"(1, 1, 1)","(4.678205579345846, -4.435255379647796, 4.415372026737615)","33","87","125","90","125","71","125"
|
||||||
|
"(1, 1, 1)","(2.5732715043481456, 2.7680441452666855, 4.36708571927521)","34","0","125","0","125","0","125"
|
||||||
|
"(1, 1, 1)","(-0.45514110441184386, -2.5898312120446665, 3.8239833237186494)","35","75","125","80","125","85","125"
|
||||||
|
"(1, 1, 1)","(-1.6715171065088654, 2.3907998333194413, 4.3343725413538285)","36","94","125","90","125","81","125"
|
||||||
|
"(1, 1, 1)","(1.2954242282382982, 1.1475851551449345, 4.007534665821421)","37","1","125","0","125","1","125"
|
||||||
|
"(1, 1, 1)","(8.298178690654495, -4.141358410749514, 4.304610245268913)","38","70","125","67","125","59","125"
|
||||||
|
"(1, 1, 1)","(-1.2671565512188625, 8.229565678133145, 4.291837210529245)","39","66","125","76","125","85","125"
|
||||||
|
"(1, 1, 1)","(4.749643440467219, 3.8451313296984715, 3.812787589912217)","40","10","125","8","125","2","125"
|
||||||
|
"(1, 1, 1)","(-6.299274623755398, 3.8228778564119175, 3.63006506136637)","41","77","125","75","125","81","125"
|
||||||
|
"(1, 1, 1)","(-9.233557617798752, -1.6251341799729317, 4.409757983260206)","42","50","125","53","125","49","125"
|
||||||
|
"(1, 1, 1)","(3.4609625630083904, 1.6336099070892836, 3.603472486492687)","43","0","125","2","125","0","125"
|
||||||
|
"(1, 1, 1)","(-8.083958068616187, 1.3469207593366015, 3.5108572945186087)","44","53","125","57","125","56","125"
|
||||||
|
"(1, 1, 1)","(0.9530809650185859, 2.2507091657498925, 4.404289386701055)","45","0","125","0","125","0","125"
|
||||||
|
"(1, 1, 1)","(-1.884800878786434, -7.3914056230122815, 4.472928549544164)","46","50","125","50","125","47","125"
|
||||||
|
"(1, 1, 1)","(0.31835677905577064, -1.1121446251771836, 3.9804333112197186)","47","90","125","90","125","64","125"
|
||||||
|
"(1, 1, 1)","(7.167300978585935, 1.2643644632249185, 4.006103450999424)","48","36","125","31","125","21","125"
|
||||||
|
"(1, 1, 1)","(-7.190308244123709, 7.983515736172674, 3.5167673758868823)","49","94","125","83","125","66","125"
|
||||||
|
"(1, 1, 1)","(5.763030355813228, -0.08308322178580418, 3.8085763478095758)","50","19","125","14","125","10","125"
|
||||||
|
"(1, 1, 1)","(4.75507438343544, -1.7993137194421838, 3.839877283178131)","51","84","125","85","125","94","125"
|
||||||
|
"(1, 1, 1)","(-1.934559887382827, 4.879515264403025, 4.475103601503803)","52","82","125","79","125","84","125"
|
||||||
|
"(1, 1, 1)","(-0.10536751573241254, 9.954038518337963, 3.8566055204226792)","53","64","125","66","125","72","125"
|
||||||
|
"(1, 1, 1)","(-4.9114431009710895, -2.3921752213783787, 3.5360805336039265)","54","51","125","59","125","54","125"
|
||||||
|
"(1, 1, 1)","(9.747801374345261, -7.768497639861471, 3.622251646152478)","55","82","125","71","125","63","125"
|
||||||
|
"(1, 1, 1)","(-2.69873225857705, 6.082441097361819, 3.5454456502688414)","56","75","125","71","125","68","125"
|
||||||
|
"(1, 1, 1)","(2.190571797735899, 0.14782308658974408, 4.400301455100462)","57","12","125","10","125","6","125"
|
||||||
|
"(1, 1, 1)","(-6.485911622507812, -9.635183657240667, 4.374995706344277)","58","46","125","47","125","45","125"
|
||||||
|
"(1, 1, 1)","(-2.7960112534874026, 0.6822227130858423, 3.9875136023988222)","59","90","125","91","125","87","125"
|
||||||
|
"(1, 1, 1)","(-4.777994877373047, -4.080466479637437, 3.7197919402255932)","60","54","125","50","125","52","125"
|
||||||
|
"(1, 1, 1)","(7.525565018865191, 4.037935252860281, 4.031998502681133)","61","53","125","44","125","48","125"
|
||||||
|
"(1, 1, 1)","(0.9061564844602863, -8.072226639958153, 4.343003811150518)","62","51","125","53","125","57","125"
|
||||||
|
"(1, 1, 1)","(-5.66832757958637, -3.847685827237088, 3.5096350701263224)","63","59","125","51","125","50","125"
|
||||||
|
"(1, 1, 1)","(0.2314458957843577, 7.053326465007217, 4.387348329925239)","64","75","125","90","125","95","125"
|
||||||
|
"(1, 1, 1)","(-2.8910973976658223, -7.281736469122411, 4.248369571019221)","65","50","125","50","125","49","125"
|
||||||
|
"(1, 1, 1)","(7.287682532362346, -9.5990487954715, 3.806108855607121)","66","89","125","87","125","78","125"
|
||||||
|
"(1, 1, 1)","(5.818170404095326, -7.61052267559805, 3.7888182490436435)","67","86","125","89","125","78","125"
|
||||||
|
"(1, 1, 1)","(7.716120964992118, -6.279628727423114, 3.7458790472523704)","68","84","125","75","125","66","125"
|
||||||
|
"(1, 1, 1)","(8.12398855203881, -4.0810701582818805, 3.9494713672960176)","69","70","125","70","125","59","125"
|
||||||
|
"(1, 1, 1)","(-0.15176837140678856, 7.237739314230868, 4.476319710419323)","70","73","125","87","125","89","125"
|
||||||
|
"(1, 1, 1)","(5.173363578248136, -1.759201026748185, 3.949799309636673)","71","81","125","76","125","84","125"
|
||||||
|
"(1, 1, 1)","(6.504343678145553, 0.009745124653788295, 4.497792684296299)","72","74","125","87","125","94","125"
|
||||||
|
"(1, 1, 1)","(4.8388270713739026, 7.6135355267442115, 4.322569123931589)","73","79","125","80","125","84","125"
|
||||||
|
"(1, 1, 1)","(-9.796768569975583, 1.6869843015068842, 4.38036728963277)","74","55","125","59","125","60","125"
|
||||||
|
"(1, 1, 1)","(4.11957754443913, 8.648829912960274, 4.316033259566462)","75","62","125","75","125","77","125"
|
||||||
|
"(1, 1, 1)","(-0.6959053617541642, 8.794311054271557, 3.7199841213462275)","76","67","125","72","125","71","125"
|
||||||
|
"(1, 1, 1)","(-9.85981640041688, 8.501247791006104, 4.200085561912752)","77","88","125","90","125","62","125"
|
||||||
|
"(1, 1, 1)","(-4.503094361382631, -3.5758418203740794, 4.1742172891574905)","78","47","125","50","125","48","125"
|
||||||
|
"(1, 1, 1)","(-7.562117385350358, 6.821430667431876, 3.6131160754669533)","79","70","125","87","125","62","125"
|
||||||
|
"(1, 1, 1)","(5.003242339118447, -0.8852330917050129, 4.175362884082549)","80","80","125","85","125","95","125"
|
||||||
|
"(1, 1, 1)","(4.254490915773115, 1.2269901450531115, 4.463918713650002)","81","12","125","11","125","5","125"
|
||||||
|
"(1, 1, 1)","(-3.307218386349242, 0.5780076149661113, 4.215404166404236)","82","76","125","84","125","87","125"
|
||||||
|
"(1, 1, 1)","(-0.8093587867019494, -0.48255244708915335, 3.802207311896658)","83","87","125","90","125","86","125"
|
||||||
|
"(1, 1, 1)","(-7.256617673468613, -4.782472937108504, 3.50032672205664)","84","56","125","57","125","45","125"
|
||||||
|
"(1, 1, 1)","(8.30262984410875, -8.02390009352619, 4.011884970360856)","85","97","125","81","125","66","125"
|
||||||
|
"(1, 1, 1)","(-8.039726071337343, 2.0319410174752477, 4.187857705716551)","86","58","125","65","125","72","125"
|
||||||
|
"(1, 1, 1)","(0.6420985463545534, -0.8731554488322892, 3.6805021679967105)","87","90","125","90","125","66","125"
|
||||||
|
"(1, 1, 1)","(9.511990871008258, -5.122321154733225, 4.387688793679617)","88","68","125","62","125","52","125"
|
||||||
|
"(1, 1, 1)","(-3.3212773804783335, 2.7039582231848307, 3.7653224102042557)","89","100","125","99","125","64","125"
|
||||||
|
"(1, 1, 1)","(-1.5588873733705206, 5.500843649859515, 4.0541192494776155)","90","78","125","76","125","78","125"
|
||||||
|
"(1, 1, 1)","(-7.474277334490429, -1.4706777895161025, 4.356841857964023)","91","45","125","49","125","49","125"
|
||||||
|
"(1, 1, 1)","(-4.769730052330408, 0.5355201368647151, 3.810814662919528)","92","69","125","73","125","77","125"
|
||||||
|
"(1, 1, 1)","(-8.859966818759474, -0.12627645954762023, 3.8525793241568174)","93","54","125","49","125","49","125"
|
||||||
|
"(1, 1, 1)","(-2.4161577619230767, -3.46091379668316, 3.5589051367821023)","94","50","125","53","125","54","125"
|
||||||
|
"(1, 1, 1)","(-5.984540375903338, 3.256070336667932, 3.9279960068862083)","95","83","125","71","125","76","125"
|
||||||
|
"(1, 1, 1)","(3.055488800913448, 1.8320603131013247, 4.360269880252684)","96","11","125","5","125","5","125"
|
||||||
|
"(1, 1, 1)","(-9.00389425974518, 5.605890545191418, 4.019739324099035)","97","80","125","75","125","72","125"
|
||||||
|
"(1, 1, 1)","(5.71803340743215, -0.1983825787949236, 4.3678940843762835)","98","76","125","88","125","94","125"
|
||||||
|
"(1, 1, 1)","(6.148768016888294, -2.1729638282211834, 4.0963397855593024)","99","74","125","69","125","67","125"
|
||||||
|
"(1, 1, 1)","(-8.070128411636206, 7.103383294584194, 4.128295134818701)","100","85","125","62","125","64","125"
|
|
101
z-band-fixed-dipole-middle-all-dots-wide-square.csv
Normal file
101
z-band-fixed-dipole-middle-all-dots-wide-square.csv
Normal file
@ -0,0 +1,101 @@
|
|||||||
|
"dipole_mom","dipole_loc","dipole_freq","low_success","low_count","medium_success","medium_count","high_success","high_count"
|
||||||
|
"(1, 1, 1)","(4.2381871678914695, -8.54495760751349, 3.5398235898407977)","1","65","125","72","125","82","125"
|
||||||
|
"(1, 1, 1)","(-1.1114534640388065, -0.5309881324375496, 3.991767084947888)","2","90","125","90","125","91","125"
|
||||||
|
"(1, 1, 1)","(8.847740791810132, 7.685010466393646, 4.445400677806465)","3","10","125","6","125","0","125"
|
||||||
|
"(1, 1, 1)","(2.8344250328647824, -4.594687351870224, 4.485436733289965)","4","81","125","82","125","86","125"
|
||||||
|
"(1, 1, 1)","(-0.6105228678560781, 0.07353901033497934, 3.656481642981239)","5","12","125","15","125","15","125"
|
||||||
|
"(1, 1, 1)","(9.946071043017735, 4.203381322586388, 4.206408385425023)","6","12","125","6","125","0","125"
|
||||||
|
"(1, 1, 1)","(6.677724533385586, 3.5522217735722954, 3.817295718493182)","7","5","125","5","125","2","125"
|
||||||
|
"(1, 1, 1)","(-0.1841157915441567, 8.84051961201191, 3.6205414027055296)","8","25","125","23","125","15","125"
|
||||||
|
"(1, 1, 1)","(7.55684758361236, -5.463733632773051, 4.060004452723817)","9","70","125","70","125","58","125"
|
||||||
|
"(1, 1, 1)","(1.2851038134800863, -2.6121414947666803, 4.357029610601915)","10","80","125","84","125","64","125"
|
||||||
|
"(1, 1, 1)","(3.526140412361137, -1.8587214094968711, 3.661371937568888)","11","10","125","10","125","10","125"
|
||||||
|
"(1, 1, 1)","(8.105469351194447, 7.643913180785052, 3.5444098920040985)","12","7","125","5","125","0","125"
|
||||||
|
"(1, 1, 1)","(9.502327601401056, 4.669531402067015, 4.2614784312212475)","13","26","125","17","125","10","125"
|
||||||
|
"(1, 1, 1)","(-4.519848222634599, 7.9975780071880855, 3.633021227401195)","14","73","125","67","125","53","125"
|
||||||
|
"(1, 1, 1)","(-1.7998580425960213, -1.6852191007069077, 3.5175084391094336)","15","55","125","57","125","57","125"
|
||||||
|
"(1, 1, 1)","(0.5453801574105572, -6.366596859597882, 4.169338930772591)","16","61","125","64","125","64","125"
|
||||||
|
"(1, 1, 1)","(1.4286007410894452, 7.259237283762321, 4.0087354337921655)","17","7","125","5","125","5","125"
|
||||||
|
"(1, 1, 1)","(9.227850835945887, -0.45825691876483887, 4.118049761820166)","18","75","125","90","125","90","125"
|
||||||
|
"(1, 1, 1)","(-1.2148723996275415, -6.320135357579262, 4.231390735632607)","19","58","125","60","125","60","125"
|
||||||
|
"(1, 1, 1)","(-2.550751473280643, -9.27517883803884, 3.794668802945498)","20","50","125","51","125","52","125"
|
||||||
|
"(1, 1, 1)","(-8.445776569153933, -2.0018394385970995, 4.211152488108537)","21","50","125","52","125","53","125"
|
||||||
|
"(1, 1, 1)","(-7.116302582211677, -5.753255704505628, 4.107623288914122)","22","50","125","52","125","52","125"
|
||||||
|
"(1, 1, 1)","(-8.650285060673188, -9.206693382410478, 3.614696804576042)","23","45","125","47","125","44","125"
|
||||||
|
"(1, 1, 1)","(8.095049779222176, 8.292563345584409, 3.721435728113127)","24","89","125","100","125","95","125"
|
||||||
|
"(1, 1, 1)","(3.322076983784614, 3.8143904592652085, 4.194638144259316)","25","0","125","0","125","0","125"
|
||||||
|
"(1, 1, 1)","(-6.348136141375398, -9.494475346535538, 3.589578187736354)","26","53","125","51","125","48","125"
|
||||||
|
"(1, 1, 1)","(-5.179777025353102, -2.071603567032181, 4.307893991026944)","27","57","125","60","125","57","125"
|
||||||
|
"(1, 1, 1)","(4.225829631163116, 5.940100367945689, 4.375184057385841)","28","5","125","5","125","8","125"
|
||||||
|
"(1, 1, 1)","(9.93085842539774, -8.7801908944135, 3.6630155520939294)","29","92","125","79","125","63","125"
|
||||||
|
"(1, 1, 1)","(1.8846503676597415, 1.6516367263949405, 4.361226238171054)","30","2","125","0","125","1","125"
|
||||||
|
"(1, 1, 1)","(8.781285700904036, -8.702816799129831, 4.0693735100308865)","31","99","125","84","125","64","125"
|
||||||
|
"(1, 1, 1)","(-0.12216646110287144, 9.185539285721855, 3.881620215473926)","32","76","125","81","125","92","125"
|
||||||
|
"(1, 1, 1)","(3.456996700526192, -0.23773889623836553, 3.5166043552469417)","33","0","125","0","125","1","125"
|
||||||
|
"(1, 1, 1)","(-6.131318336234357, -9.186503096826248, 3.6386643915086143)","34","53","125","52","125","47","125"
|
||||||
|
"(1, 1, 1)","(-6.00263421398652, -2.0277343925155815, 3.655764747483347)","35","52","125","60","125","55","125"
|
||||||
|
"(1, 1, 1)","(-2.9414362355903334, -7.686890083559124, 3.643592153183162)","36","50","125","50","125","52","125"
|
||||||
|
"(1, 1, 1)","(-2.4435262681468934, 7.022933909201544, 4.357226065446405)","37","76","125","73","125","77","125"
|
||||||
|
"(1, 1, 1)","(4.526959808275443, -8.836160272758276, 4.24245736004511)","38","66","125","69","125","71","125"
|
||||||
|
"(1, 1, 1)","(3.6403136685356756, 1.6268353657007388, 3.5458502437318766)","39","0","125","1","125","0","125"
|
||||||
|
"(1, 1, 1)","(9.211091505837416, -6.108097893054875, 3.909880271531386)","40","69","125","66","125","59","125"
|
||||||
|
"(1, 1, 1)","(0.3863583133879107, 3.7085795825335417, 3.885972479471385)","41","1","125","0","125","3","125"
|
||||||
|
"(1, 1, 1)","(8.422884567347484, 9.210759810583248, 3.959001037362089)","42","57","125","64","125","69","125"
|
||||||
|
"(1, 1, 1)","(0.33446965113562044, 4.758265943157438, 3.507619147078362)","43","5","125","5","125","2","125"
|
||||||
|
"(1, 1, 1)","(0.25444017712360534, -8.214472896039789, 4.4292174023252775)","44","47","125","54","125","54","125"
|
||||||
|
"(1, 1, 1)","(4.785068897944328, -6.719700754298598, 4.010723011691831)","45","90","125","90","125","81","125"
|
||||||
|
"(1, 1, 1)","(-4.035992368653238, 7.799409974916816, 4.0260295795296575)","46","70","125","71","125","60","125"
|
||||||
|
"(1, 1, 1)","(-7.515717553714795, -5.403659911227791, 3.8575145011186667)","47","55","125","53","125","47","125"
|
||||||
|
"(1, 1, 1)","(-0.6282904407499412, -3.662624625206396, 3.782546620108751)","48","56","125","64","125","67","125"
|
||||||
|
"(1, 1, 1)","(-1.4791315170969188, -9.828411382076936, 4.129642805648068)","49","49","125","52","125","48","125"
|
||||||
|
"(1, 1, 1)","(6.904153003689256, -6.220681646408758, 3.6275132507910506)","50","93","125","84","125","67","125"
|
||||||
|
"(1, 1, 1)","(8.524990037956638, 1.9912102690253537, 4.124076893370404)","51","80","125","89","125","95","125"
|
||||||
|
"(1, 1, 1)","(-5.68997539793515, -3.1275977044269165, 3.589342639635605)","52","50","125","52","125","53","125"
|
||||||
|
"(1, 1, 1)","(-5.039524451480258, 2.2866662488739404, 4.428491129551672)","53","87","125","75","125","79","125"
|
||||||
|
"(1, 1, 1)","(8.049581248729286, 8.795812531583643, 3.887022405069562)","54","58","125","64","125","72","125"
|
||||||
|
"(1, 1, 1)","(-9.361004774034056, -1.6526651486790414, 4.079502104314209)","55","49","125","51","125","47","125"
|
||||||
|
"(1, 1, 1)","(6.528489339351715, -4.283453436380665, 4.282798238035854)","56","70","125","73","125","61","125"
|
||||||
|
"(1, 1, 1)","(4.823697112343762, 6.060219444235866, 3.64395445997964)","57","3","125","1","125","0","125"
|
||||||
|
"(1, 1, 1)","(2.4890894869003866, -2.411356460410339, 4.050668615672766)","58","90","125","88","125","65","125"
|
||||||
|
"(1, 1, 1)","(3.1360683752006615, 7.006327220991157, 3.878346417324555)","59","27","125","15","125","10","125"
|
||||||
|
"(1, 1, 1)","(5.809865363575952, 7.020857890906754, 4.094442323335167)","60","65","125","68","125","63","125"
|
||||||
|
"(1, 1, 1)","(-9.573621787189532, 7.503791798940554, 3.900087317172885)","61","91","125","87","125","82","125"
|
||||||
|
"(1, 1, 1)","(1.9482032408881516, 7.07079982574713, 4.071730343186192)","62","51","125","47","125","28","125"
|
||||||
|
"(1, 1, 1)","(6.885399652093824, 4.489889126823268, 3.5892870328424387)","63","29","125","27","125","19","125"
|
||||||
|
"(1, 1, 1)","(8.472091283038303, -4.592221550512454, 4.052122450890739)","64","70","125","67","125","59","125"
|
||||||
|
"(1, 1, 1)","(-9.411229008995916, -5.868955518812021, 4.229312416719187)","65","48","125","47","125","46","125"
|
||||||
|
"(1, 1, 1)","(-7.506966978552434, -5.79788236421773, 3.7797916719944804)","66","51","125","50","125","46","125"
|
||||||
|
"(1, 1, 1)","(3.4525903126669526, 4.695837256048041, 3.64031408781229)","67","5","125","5","125","1","125"
|
||||||
|
"(1, 1, 1)","(2.0771519157671356, 8.905949694503175, 4.2477967742600535)","68","60","125","75","125","83","125"
|
||||||
|
"(1, 1, 1)","(-3.9883335951793946, 2.4615808939118224, 3.849649463617218)","69","95","125","87","125","83","125"
|
||||||
|
"(1, 1, 1)","(-6.238207048188224, -7.528265365411107, 3.7467151520542137)","70","53","125","48","125","44","125"
|
||||||
|
"(1, 1, 1)","(7.430351901216213, -5.066688069194278, 4.287673690001151)","71","68","125","66","125","60","125"
|
||||||
|
"(1, 1, 1)","(0.997488549017838, -1.1571208526789594, 3.725865640720836)","72","90","125","90","125","65","125"
|
||||||
|
"(1, 1, 1)","(-5.71084213172883, 9.032883497684693, 3.58945573395309)","73","70","125","65","125","59","125"
|
||||||
|
"(1, 1, 1)","(2.770182993356185, -6.00588536172721, 3.6732363018949172)","74","71","125","73","125","79","125"
|
||||||
|
"(1, 1, 1)","(9.15434478650851, -8.681269031199312, 4.317861609473894)","75","91","125","76","125","64","125"
|
||||||
|
"(1, 1, 1)","(7.9552244972538375, 1.0862498669569494, 4.109967043847325)","76","71","125","90","125","91","125"
|
||||||
|
"(1, 1, 1)","(9.817867987000447, -4.090937678170015, 3.9207151502439497)","77","65","125","64","125","54","125"
|
||||||
|
"(1, 1, 1)","(3.3450893001563013, 5.988794742560037, 3.9986599354313537)","78","2","125","2","125","0","125"
|
||||||
|
"(1, 1, 1)","(8.136722439101653, -9.254565019158207, 4.147575510698235)","79","81","125","57","125","54","125"
|
||||||
|
"(1, 1, 1)","(2.279210778600355, -6.811464435562131, 4.198621677027739)","80","65","125","73","125","75","125"
|
||||||
|
"(1, 1, 1)","(-5.2923730788139896, -8.805369387240361, 4.3259096988996335)","81","49","125","46","125","47","125"
|
||||||
|
"(1, 1, 1)","(3.8264161050018597, 4.932583335890504, 3.517764330617813)","82","5","125","5","125","4","125"
|
||||||
|
"(1, 1, 1)","(2.5521253705468645, -4.502027025009843, 4.0446084501564545)","83","95","125","86","125","80","125"
|
||||||
|
"(1, 1, 1)","(-1.1874243760730288, -9.179612589834692, 3.5445456252175327)","84","47","125","53","125","47","125"
|
||||||
|
"(1, 1, 1)","(0.9165319705665169, 2.9455448108804205, 3.895196543005452)","85","4","125","5","125","3","125"
|
||||||
|
"(1, 1, 1)","(8.201668529933972, -6.60466216428492, 3.7110419584387273)","86","83","125","77","125","69","125"
|
||||||
|
"(1, 1, 1)","(7.784814076727898, -4.012147657385972, 4.2881353696032445)","87","70","125","69","125","60","125"
|
||||||
|
"(1, 1, 1)","(7.778770274327968, -5.063026605041674, 3.7394370254059033)","88","69","125","68","125","62","125"
|
||||||
|
"(1, 1, 1)","(1.6617228789553238, 2.584780756192684, 3.991927191129446)","89","1","125","0","125","0","125"
|
||||||
|
"(1, 1, 1)","(0.4933372391612938, 6.317176604723706, 4.109882111880916)","90","84","125","102","125","99","125"
|
||||||
|
"(1, 1, 1)","(2.23365729978277, -7.45571883924641, 4.4065401617624795)","91","67","125","70","125","74","125"
|
||||||
|
"(1, 1, 1)","(7.631591872287167, -5.74704105730488, 4.396210779838162)","92","70","125","68","125","59","125"
|
||||||
|
"(1, 1, 1)","(0.32851797971044405, -0.17816723938549472, 4.136947394522084)","93","90","125","89","125","65","125"
|
||||||
|
"(1, 1, 1)","(-3.217365526878657, 5.201272818313967, 4.016918745658057)","94","74","125","75","125","63","125"
|
||||||
|
"(1, 1, 1)","(1.8632125404421593, 9.680499392300387, 3.694668254293287)","95","66","125","67","125","77","125"
|
||||||
|
"(1, 1, 1)","(0.28411366391812365, -3.621115804554562, 4.424624418551081)","96","73","125","75","125","87","125"
|
||||||
|
"(1, 1, 1)","(5.713326420131132, 0.8635330148675138, 3.55537347069178)","97","24","125","14","125","10","125"
|
||||||
|
"(1, 1, 1)","(4.4204965208341385, 8.400655404011744, 4.176107212365751)","98","60","125","69","125","74","125"
|
||||||
|
"(1, 1, 1)","(-4.939213802067188, 7.707952002863475, 3.696652955230099)","99","69","125","69","125","62","125"
|
||||||
|
"(1, 1, 1)","(9.9862392385641, -1.206360375570668, 3.6648882353169143)","100","59","125","59","125","59","125"
|
|
101
z-band-fixed-magnitude-middle-all-dots-narrower-square.csv
Normal file
101
z-band-fixed-magnitude-middle-all-dots-narrower-square.csv
Normal file
@ -0,0 +1,101 @@
|
|||||||
|
"dipole_mom","dipole_loc","dipole_freq","low_success","low_count","medium_success","medium_count","high_success","high_count"
|
||||||
|
"(-3.8654434092874297, 4.588824927249814, 0.03214088746615801)","(-6.5997402727611405, 3.6269675997855995, 3.9889686407024962)","1","246","4500","305","4500","376","4500"
|
||||||
|
"(1.5247165192636394, -0.07174353894123668, -5.802593592567445)","(-0.34770009978564786, -3.4516942495395497, 4.346202795627628)","2","42","4500","50","4500","18","4500"
|
||||||
|
"(0.9223707083487402, -2.313942251552401, 5.458470805350235)","(8.655164557524074, 3.076722641556536, 4.065023662958968)","3","1063","4500","1088","4500","1205","4500"
|
||||||
|
"(-2.7992913323692807, -4.053551669276672, -3.4253009942232113)","(7.880984292064518, -7.343560164223351, 3.6712241720794845)","4","3688","4500","3697","4500","3755","4500"
|
||||||
|
"(-2.9702023651850835, -2.5418046993297314, 4.551607054691148)","(5.639945806553449, -2.049137986836687, 3.7319639994232032)","5","829","4500","864","4500","938","4500"
|
||||||
|
"(-3.0581061213042484, -3.910913686228675, -3.3693828944942905)","(8.930368760356256, -6.265900680301306, 4.185731841142258)","6","3550","4500","3550","4500","3629","4500"
|
||||||
|
"(3.3978879971037177, -4.054135566294574, 2.8316677010630795)","(1.5487885084936543, 8.152034939708262, 4.458962729309976)","7","1115","4500","1148","4500","1312","4500"
|
||||||
|
"(-0.3414570104569854, 5.975500385294839, 0.4204786027267004)","(0.25650440236737637, -3.8335469240331115, 4.392063195676061)","8","150","4500","142","4500","170","4500"
|
||||||
|
"(-3.3013388201325538, -2.6704235269186545, -4.239103700260838)","(-8.291407077802905, 8.53473055372758, 3.6896148707424414)","9","3869","4500","3875","4500","3906","4500"
|
||||||
|
"(-2.008165172373381, -4.698282581641316, -3.145379694649344)","(6.162330022658406, 6.759947460075988, 3.9323910338320935)","10","655","4500","781","4500","795","4500"
|
||||||
|
"(-0.3396978066510811, -5.193869710863356, 2.9846813610053338)","(8.984705697119232, -2.0904312137509535, 4.158835496497553)","11","1193","4500","1206","4500","1310","4500"
|
||||||
|
"(3.4833121660026984, 2.1581584005362666, -4.382794619004218)","(6.289211599523174, 7.764792661033397, 3.9025098277648964)","12","635","4500","590","4500","699","4500"
|
||||||
|
"(-2.4201573637757976, 1.1707430736786186, -5.363972314432218)","(1.680507845116617, 4.966022405973749, 4.376555271152965)","13","302","4500","252","4500","206","4500"
|
||||||
|
"(3.3504572783721835, -4.90596716663625, -0.84019175530943)","(3.138020271585793, 6.394340060611757, 4.044962716818116)","14","843","4500","924","4500","919","4500"
|
||||||
|
"(4.282173592514813, -1.1484509387227453, -4.042777481499027)","(-4.046699975347893, 0.806553357003164, 4.3831146974597415)","15","138","4500","146","4500","106","4500"
|
||||||
|
"(-2.2998138371769254, 3.955546533637651, 3.8813023503144795)","(2.635167962374215, -3.4032507044665667, 4.231691540862537)","16","1034","4500","1041","4500","1140","4500"
|
||||||
|
"(-5.212918606667569, -2.196852321325281, -1.999829862399992)","(-2.1637706690277803, -4.1749054630626725, 4.391018960413022)","17","881","4500","974","4500","983","4500"
|
||||||
|
"(-3.1857501429516693, -4.081809340812845, -3.031472997065357)","(9.864289746492346, 8.257569107323658, 4.307558711505552)","18","1212","4500","1319","4500","1550","4500"
|
||||||
|
"(-5.897910256613391, -0.15351888343717646, 1.0913691205832994)","(6.642975556768761, -4.368523640349449, 3.9738017390617735)","19","1031","4500","1146","4500","1222","4500"
|
||||||
|
"(1.7817619548668098, 2.0715331179500467, -5.341729577339662)","(8.25830352303371, -4.439183965082818, 4.055134940303116)","20","3826","4500","3865","4500","3918","4500"
|
||||||
|
"(-4.307246925710361, -4.123738435125803, -0.6651355047092541)","(7.544196744741775, -7.746906699996421, 4.027062972984215)","21","3878","4500","3866","4500","3895","4500"
|
||||||
|
"(5.272845743693161, 2.3511219075018563, -1.6338064571061532)","(3.03164244586309, 7.422383620164627, 3.702962657128992)","22","1260","4500","1360","4500","1550","4500"
|
||||||
|
"(4.699311038337262, 0.40177070202462056, 3.708780940950301)","(7.985148984219045, 2.9310382147781144, 3.720680030718333)","23","657","4500","741","4500","780","4500"
|
||||||
|
"(-1.3915752761184537, 0.6509682607602038, 5.799979187409096)","(-3.7793026957188562, 3.22304634397163, 3.721472429425613)","24","223","4500","178","4500","110","4500"
|
||||||
|
"(-1.3164737825552497, 5.594523408267515, -1.7228478209614186)","(-1.3706780926958793, -9.620499678847839, 3.587076238081705)","25","1087","4500","1167","4500","1286","4500"
|
||||||
|
"(0.91909856443576, -1.7046695095415185, -5.678851969552614)","(7.51253274011377, 8.736607008106422, 4.242027627539333)","26","3418","4500","3518","4500","3604","4500"
|
||||||
|
"(-5.373772328542622, -2.293799476857655, -1.3642048676636358)","(-0.5755744510897642, -8.473810175819585, 3.5161227310975662)","27","1054","4500","986","4500","1064","4500"
|
||||||
|
"(-2.862154905664464, 2.7891376524234834, -4.47535255056118)","(9.92290019987552, -7.342892298265542, 3.90372475940961)","28","1050","4500","1108","4500","1257","4500"
|
||||||
|
"(2.5075544954624958, 4.622961096111055, 2.8879752693071143)","(8.791370008352594, -0.9687112423277, 4.447663381103334)","29","1313","4500","1381","4500","1514","4500"
|
||||||
|
"(5.104486098988887, -1.9732770900324066, 2.4597559210585196)","(-3.8464515058878597, -2.32668133536383, 3.500605391688643)","30","896","4500","868","4500","930","4500"
|
||||||
|
"(3.510831376430662, -3.822462090275164, -3.0104562137123354)","(5.566174406718181, -0.4592889677574199, 4.195560750374559)","31","1115","4500","1061","4500","1092","4500"
|
||||||
|
"(0.05862990070048216, -5.649779937502195, -2.0190466048463414)","(5.937196323434426, 6.694785491665783, 3.794171886550292)","32","1169","4500","1224","4500","1419","4500"
|
||||||
|
"(-2.7374774726321, 4.351387924320011, -3.0938067520311856)","(-4.727100316776127, -1.264994172624796, 3.8039632283667424)","33","1059","4500","1078","4500","1174","4500"
|
||||||
|
"(2.863060858060487, 4.970306430850746, -1.7603796483956706)","(4.387784887192055, -6.294187129300428, 4.479542715403397)","34","1368","4500","1403","4500","1555","4500"
|
||||||
|
"(-3.8762518103964547, -1.2200066740118374, 4.414323914005946)","(6.784271582471206, 3.0910065654702468, 4.12408913363832)","35","2941","4500","3065","4500","3158","4500"
|
||||||
|
"(-5.636546167697778, 1.8797389293922149, -0.8342235052663656)","(0.4179721894465658, 1.153808374704699, 3.798677748799702)","36","130","4500","46","4500","2","4500"
|
||||||
|
"(-2.949050067052436, 2.3930437052467286, 4.645045266388373)","(3.2885665299867917, 9.2872948924905, 3.8991929819976807)","37","843","4500","800","4500","905","4500"
|
||||||
|
"(3.5028839430040306, -0.5720206084736683, 4.837623022242013)","(2.2700906712177744, 9.413597291053033, 4.272241142057721)","38","3595","4500","3649","4500","3765","4500"
|
||||||
|
"(-3.4317357862955093, 3.5384446230340165, 3.4209061873691295)","(5.681401872044198, 9.194167844698356, 4.379742537067122)","39","3605","4500","3655","4500","3743","4500"
|
||||||
|
"(-3.3899721431467893, 4.875043786782643, -0.8614156636843334)","(-8.778629371964445, -7.122600699598296, 3.8274337659609854)","40","3954","4500","3950","4500","3940","4500"
|
||||||
|
"(-5.1810729200514265, 0.3285948739752117, -3.0080739362434223)","(1.592526722135446, 6.4692745222628965, 4.266323762505425)","41","1307","4500","1334","4500","1409","4500"
|
||||||
|
"(4.757452948076375, 0.7532713043343455, 3.57760028355682)","(-1.8968119129438765, 8.741868050977416, 4.10090635952181)","42","3870","4500","3892","4500","3956","4500"
|
||||||
|
"(-5.099551213571338, 0.654197452140692, -3.092992582237423)","(-3.94483794975951, 6.400557302577095, 4.06779391592309)","43","3776","4500","3853","4500","3899","4500"
|
||||||
|
"(-1.115145052968303, 3.0832972853857696, 5.024910880878691)","(-9.360811112873114, 8.676916296938725, 3.9065783554559705)","44","607","4500","512","4500","504","4500"
|
||||||
|
"(-4.853964270764716, 3.3278166013012984, 1.168189850256814)","(4.108716602825677, -7.415839208712589, 3.702894072349744)","45","1321","4500","1450","4500","1649","4500"
|
||||||
|
"(-3.2199543978180007, -4.38699607511662, 2.5270851020264176)","(-6.157631820644829, -6.076335906156373, 4.4727337872726665)","46","1092","4500","1169","4500","1348","4500"
|
||||||
|
"(-1.7341522110329053, -5.4214094039403555, 1.8976396348719002)","(0.35856125845918996, 3.7796653662158626, 4.291116575049084)","47","930","4500","1050","4500","1324","4500"
|
||||||
|
"(0.5900197942550632, 5.0036141094065725, -3.2581777862072965)","(-0.9975551391781501, -2.253447950374796, 4.076680342913265)","48","56","4500","48","4500","14","4500"
|
||||||
|
"(4.86907033185668, -2.9907217527551, 1.8296823497619852)","(-3.677392668397692, 0.3509887972060639, 4.407998251573165)","49","1100","4500","1204","4500","1334","4500"
|
||||||
|
"(-2.646240951999336, 3.1071991208080307, 4.398036203535783)","(2.2457690455805572, -5.1831150131843495, 3.877432977306598)","50","3863","4500","3887","4500","3901","4500"
|
||||||
|
"(-0.061880032716599136, -5.209254955286229, -2.9765472736674057)","(6.473917679022453, -1.2469292563098495, 3.693675910306232)","51","3951","4500","3954","4500","3977","4500"
|
||||||
|
"(-3.0574751152221546, 1.454388590249755, 4.953443221472172)","(4.074035825664344, -0.16907548932716132, 4.36052801092218)","52","850","4500","883","4500","1052","4500"
|
||||||
|
"(1.6403754063370248, 4.791437977703391, 3.2173421689503705)","(-6.388850453097755, -3.944796657480256, 3.637725338738816)","53","799","4500","786","4500","849","4500"
|
||||||
|
"(4.50060714147212, 3.9399498523083705, -0.4704577764533278)","(-3.6714290483918255, -2.086175207874186, 4.326275349017427)","54","168","4500","186","4500","198","4500"
|
||||||
|
"(1.245182734079466, 3.801188714686451, -4.472190102633245)","(2.2241179548844325, -1.1397272838820012, 3.7090187000818546)","55","92","4500","46","4500","0","4500"
|
||||||
|
"(0.050814342248378566, -3.309488898861165, 5.004468116686985)","(3.920200530063296, 9.00654497591432, 4.223714530902429)","56","3517","4500","3597","4500","3696","4500"
|
||||||
|
"(3.0572034422477934, -3.8052544499479604, 3.489060859867523)","(-1.9432224136660317, 0.29303162812237993, 4.4042384187205945)","57","252","4500","234","4500","140","4500"
|
||||||
|
"(3.235353969775654, -1.1536070528104303, 4.919519840183893)","(5.002848749130752, 9.892769285420918, 3.7173063259770975)","58","3453","4500","3524","4500","3584","4500"
|
||||||
|
"(4.068566600230446, -4.372306056908481, -0.5741999340044163)","(-6.3538547784330435, -7.12450954733066, 3.623963108099701)","59","4006","4500","3977","4500","3982","4500"
|
||||||
|
"(2.936030651405694, -1.7273639214514014, 4.939224422606681)","(1.1537017857823137, 2.1664319184457312, 4.383282738448404)","60","160","4500","162","4500","54","4500"
|
||||||
|
"(4.873732866129442, -0.9061144226995832, 3.3801900246266454)","(-9.591193290110834, -2.345335753014142, 3.9583637056550964)","61","3213","4500","3316","4500","3393","4500"
|
||||||
|
"(-1.6447752386438332, 5.447191005763499, -1.903371892477496)","(-7.267636582090824, -6.888945719373208, 3.732549033808815)","62","3486","4500","3581","4500","3744","4500"
|
||||||
|
"(4.609721008969277, 3.8252621749080373, -0.34328051602894805)","(8.547655295011197, 9.890854467968431, 4.121807942770069)","63","595","4500","497","4500","488","4500"
|
||||||
|
"(3.883811368171577, -4.549444754020164, 0.46750581448751866)","(6.87976562911469, -6.152216355715241, 4.473337960966565)","64","1375","4500","1500","4500","1719","4500"
|
||||||
|
"(-3.9111378173049176, 4.423150273498899, -1.0671188462837413)","(-6.9231819887561645, 1.3161433373801383, 4.125622583452441)","65","1366","4500","1423","4500","1632","4500"
|
||||||
|
"(4.120019036419608, 0.5038462892500839, 4.332618383420003)","(7.8558960137661735, -7.492091180407526, 4.484544827363352)","66","708","4500","601","4500","584","4500"
|
||||||
|
"(2.041037623581567, -3.565479612776959, -4.372816089203429)","(-8.934578776838961, 7.038246216678278, 4.162465196647886)","67","773","4500","738","4500","816","4500"
|
||||||
|
"(2.35720690012465, 5.128634279021943, 2.034867578503771)","(-4.156438541830427, -0.3036010470696322, 4.43794060183435)","68","4031","4500","4026","4500","4022","4500"
|
||||||
|
"(-1.6995100225434254, 4.418572131435938, 3.6861749826306567)","(5.102425488115772, 9.327414391062401, 3.6297783368760106)","69","745","4500","644","4500","681","4500"
|
||||||
|
"(3.0436082631079575, -2.334752150070076, -4.613608255853992)","(-9.68647651601406, -2.493971884484967, 3.8147494680439937)","70","816","4500","723","4500","786","4500"
|
||||||
|
"(2.5858382519151224, 2.8988381859846863, 4.572764777069728)","(-7.755994116941116, 4.007116483350915, 4.449715889888114)","71","3930","4500","3958","4500","3996","4500"
|
||||||
|
"(4.8389336004930765, 1.5646371737174185, -3.183807802716849)","(-4.97799572074668, -9.119348799820449, 3.5956413773026026)","72","901","4500","824","4500","952","4500"
|
||||||
|
"(1.8481971890820914, -4.376489764929781, 3.664765270482398)","(-8.535480135486878, -2.170376615835665, 3.7425948456364506)","73","3836","4500","3809","4500","3807","4500"
|
||||||
|
"(2.3226375533925254, -2.2216525151019226, -5.066519011877099)","(8.67538404305434, 7.536928244415609, 3.9779372441206844)","74","3815","4500","3841","4500","3898","4500"
|
||||||
|
"(4.177552034459906, 4.110701169990252, -1.284599116619915)","(-7.427529022030599, 5.385388547487448, 4.260186270977665)","75","3581","4500","3623","4500","3678","4500"
|
||||||
|
"(-2.7964557344871066, -5.171005299726624, -1.200224776970273)","(-3.8525705118086933, 7.0122065024744344, 4.088244610868125)","76","1150","4500","1127","4500","1169","4500"
|
||||||
|
"(-2.7054615573967293, 4.195554865102096, 3.328332485700098)","(-8.335141718560982, -8.780734845944345, 4.192721908170706)","77","3949","4500","3977","4500","3961","4500"
|
||||||
|
"(-1.381997540983418, -2.2710744035731687, 5.378875705028939)","(7.63610207598823, -3.8074235306654387, 3.9238992246654143)","78","3788","4500","3844","4500","3889","4500"
|
||||||
|
"(-3.2641291917181197, -2.0591370690867943, 4.5940630329248044)","(0.22760229923882136, -7.152028705973061, 4.036286552103969)","79","1323","4500","1330","4500","1501","4500"
|
||||||
|
"(-4.027506731506627, 4.4351385246016175, -0.3297511110874534)","(3.373370669521572, 5.02868610955138, 4.4780646173783)","80","4006","4500","4003","4500","4019","4500"
|
||||||
|
"(-3.555241063907441, 3.9825771947858564, -2.7384922612777105)","(8.599923185601398, -0.9608366293969759, 3.9484582487278157)","81","1334","4500","1359","4500","1460","4500"
|
||||||
|
"(3.358884769597512, -4.695946633532372, -1.6327823858622006)","(7.474076262365767, 0.6433575136929015, 4.498769452343133)","82","3600","4500","3658","4500","3723","4500"
|
||||||
|
"(3.880294711294418, -3.0316406089168435, 3.428187301164695)","(-1.1806249142847491, 8.551580504064237, 4.175173380661129)","83","3468","4500","3548","4500","3626","4500"
|
||||||
|
"(-2.2235170615525806, -3.4469096429680772, -4.378902349927235)","(-9.655865297965535, -6.626759536550049, 4.135404338224083)","84","3043","4500","3191","4500","3354","4500"
|
||||||
|
"(2.6508702391493517, 4.193986477439055, -3.3739241844254018)","(9.63146420870855, -7.658648909636998, 3.986071634277444)","85","3837","4500","3837","4500","3862","4500"
|
||||||
|
"(-0.12749839441354666, 2.474304445793869, 5.464573329084958)","(9.651512062581268, -7.461952677855887, 3.5524136839860105)","86","4108","4500","4122","4500","4102","4500"
|
||||||
|
"(0.3593794315357666, 4.515335357900788, -3.934792628573962)","(6.147426124734544, 2.6600819515023097, 4.027898866865288)","87","3787","4500","3806","4500","3809","4500"
|
||||||
|
"(-3.2887584867127666, 2.2508083661559555, -4.485301474250878)","(0.727033934090084, -5.4496459457075, 4.219895729924796)","88","829","4500","841","4500","714","4500"
|
||||||
|
"(0.557403777200996, -5.325124156088603, -2.7078319282045014)","(-7.380600274290348, -1.0480659363522289, 3.7070909882216947)","89","3773","4500","3798","4500","3819","4500"
|
||||||
|
"(-4.333367102161754, -2.9029528666462596, -2.9656018296346716)","(-4.639823481643759, -1.0267391410571332, 3.843556419833753)","90","1069","4500","1127","4500","1247","4500"
|
||||||
|
"(-3.164559994339871, -3.182014143484432, 3.982504994709821)","(-7.130781251797855, -0.09105203020095587, 4.0737631089482065)","91","1280","4500","1319","4500","1517","4500"
|
||||||
|
"(-3.878821355695119, 1.1274450048923492, 4.436621761154176)","(0.7035820708109206, -7.620901831166407, 4.470548672104107)","92","3832","4500","3835","4500","3823","4500"
|
||||||
|
"(-2.9075971424533056, -4.676716977549941, 2.3820573395897737)","(5.940762588803443, -8.241068601819336, 3.9818079754591746)","93","3576","4500","3636","4500","3724","4500"
|
||||||
|
"(-2.108993328078004, 4.86720393137815, 2.804010169828123)","(4.644735315514959, -8.662162538306484, 4.4659990322252545)","94","3256","4500","3312","4500","3433","4500"
|
||||||
|
"(-4.378765090008773, -4.033861915638784, -0.7445631820600922)","(0.8965430635912028, -7.068063956925988, 3.5241425811022458)","95","1047","4500","1022","4500","1100","4500"
|
||||||
|
"(-0.2297417441228671, 3.0859119852036727, 5.140463592963548)","(7.812600610139974, 0.07672311840929602, 3.96105948421053)","96","3829","4500","3876","4500","3924","4500"
|
||||||
|
"(4.1756236632672845, 0.729028772409194, -4.2464907949696356)","(-0.34149696737257607, 1.7931550588818919, 3.60153908290179)","97","160","4500","94","4500","0","4500"
|
||||||
|
"(-0.6024071564748765, -5.055862271078468, 3.1741711223110074)","(1.7326478391472584, -5.34375322067822, 3.5643838607816405)","98","660","4500","586","4500","486","4500"
|
||||||
|
"(5.2261807672024165, -2.4538972308330513, -1.6326123143702653)","(3.7725451324644776, -2.6612703827487483, 4.264041588099493)","99","1518","4500","1646","4500","1849","4500"
|
||||||
|
"(0.02426601483941644, -0.7278873373928121, 5.955635246099867)","(4.341041577437254, -9.362105601609594, 3.9879593115652656)","100","3454","4500","3510","4500","3585","4500"
|
|
52
z-band-fixed-magnitude-middle-all-dots-square.csv
Normal file
52
z-band-fixed-magnitude-middle-all-dots-square.csv
Normal file
@ -0,0 +1,52 @@
|
|||||||
|
"dipole_mom","dipole_loc","dipole_freq","low_success","low_count","medium_success","medium_count","high_success","high_count"
|
||||||
|
"(-5.146078951448784, -2.0883483866572905, 2.2708307822032188)","(5.7118449896659325, 8.758352476410352, 4.0707564194038355)","1","350","4500","404","4500","434","4500"
|
||||||
|
"(0.1826355155288263, 1.0281597237671887, -5.908428881766328)","(-6.528487540094973, -3.469941377823287, 4.0486102533959745)","2","654","4500","745","4500","773","4500"
|
||||||
|
"(3.151903411885667, -3.7282442684528334, -3.4879362891102366)","(-5.115222248643018, 9.317099028735736, 4.253941103847242)","3","410","4500","466","4500","494","4500"
|
||||||
|
"(2.137014861785858, -1.736153282692272, 5.330941685997252)","(-1.0962048817401655, -6.8852232023112965, 4.262531529471935)","4","612","4500","692","4500","784","4500"
|
||||||
|
"(2.0135560039418388, -5.599732358770172, -0.7671960174114706)","(7.470280887586071, 6.992414381733138, 3.6818770151162012)","5","441","4500","491","4500","454","4500"
|
||||||
|
"(-4.755830332454118, 2.40764993504292, -2.7541422692368616)","(2.75061801793856, -8.021908123172516, 3.6618975284064907)","6","861","4500","886","4500","856","4500"
|
||||||
|
"(-5.289141074590477, -1.9580381856903049, -2.047211067881986)","(4.458166341547932, 5.408963297439879, 4.061574312287274)","7","70","4500","76","4500","64","4500"
|
||||||
|
"(-5.402781828604757, -2.251749423702666, 1.3189287491570372)","(-0.9763191475459223, 2.5525053556013795, 3.6931398686621)","8","18","4500","18","4500","0","4500"
|
||||||
|
"(-1.9041878995539228, 5.347548814593236, -1.943653806297532)","(-8.893603530317417, -6.424928439067172, 4.07564515283751)","9","3117","4500","3177","4500","3298","4500"
|
||||||
|
"(1.1387365044874795, -3.5494394566036473, -4.701569814142171)","(-4.963972017712193, -6.329386645312138, 3.6808531137438374)","10","3653","4500","3701","4500","3718","4500"
|
||||||
|
"(5.658460561343985, -0.336564849288305, -1.966862521361941)","(-9.878372582592387, -7.560974744024522, 3.805654819129096)","11","789","4500","764","4500","862","4500"
|
||||||
|
"(3.061611342668248, -5.06099645310447, -1.0064049324745568)","(-1.1911951100508151, 1.5887827390990257, 4.267909424108423)","12","84","4500","60","4500","14","4500"
|
||||||
|
"(3.6107525669071356, 4.786343759463203, 0.2310396433973587)","(-7.403909066125025, 7.351783561203526, 4.48173625741299)","13","3689","4500","3714","4500","3682","4500"
|
||||||
|
"(-4.051428655294408, -1.1540794611579936, -4.272473106807417)","(-9.79705453936489, -6.748890832418192, 4.073896643626335)","14","3208","4500","3303","4500","3384","4500"
|
||||||
|
"(-0.3853541545967884, -0.592709406760271, -5.9582042374085225)","(6.068615920189316, 3.7859560956857443, 3.679594872733419)","15","122","4500","106","4500","56","4500"
|
||||||
|
"(4.345203073241612, -3.8911407766206896, 1.4064969636694542)","(-4.531944143715101, 8.978293236370657, 3.736704189366533)","16","425","4500","508","4500","592","4500"
|
||||||
|
"(-3.5431671700565786, -1.730264209679146, 4.522405573335574)","(3.098736120179204, -1.1374675969792598, 4.302927616545164)","17","56","4500","46","4500","8","4500"
|
||||||
|
"(-2.603787914272706, -4.333711166266549, 3.230980659933454)","(-8.710604232359634, 6.537785695717162, 3.766607715137483)","18","3529","4500","3579","4500","3656","4500"
|
||||||
|
"(4.62676278402472, 3.770807716509253, -0.6116169597698412)","(9.908785212758048, -5.284835742672607, 3.910385363652349)","19","3817","4500","3856","4500","3868","4500"
|
||||||
|
"(-1.530188247794053, -5.020915064431004, -2.90670532426023)","(-1.8211386779417378, -5.539199677774887, 4.478321915861116)","20","912","4500","958","4500","1155","4500"
|
||||||
|
"(-1.4706438615829684, 1.4167927238208045, -5.641799802378383)","(1.0916873382449523, -3.371561791085293, 3.988619504589689)","21","102","4500","92","4500","70","4500"
|
||||||
|
"(4.6597816163539, -3.089713862001387, 2.177177884061545)","(7.02589027856019, 5.193748634956638, 4.468986018897996)","22","340","4500","378","4500","376","4500"
|
||||||
|
"(2.922679604852735, -3.0345019741125125, 4.271971640412086)","(5.231648244406987, 2.807017515925912, 3.887053615466796)","23","152","4500","60","4500","12","4500"
|
||||||
|
"(3.7642314905524583, 3.7486918254672736, -2.7888834474047233)","(-0.6398283319324332, 6.336481471624758, 4.453523506207376)","24","3787","4500","3828","4500","3835","4500"
|
||||||
|
"(0.37470308666602764, 5.5030174019422855, -2.3614396182759636)","(7.525734516008228, 3.7886610555151883, 3.6396567545729077)","25","780","4500","772","4500","815","4500"
|
||||||
|
"(-5.05356024398778, 2.7431850978909726, -1.713611501798193)","(9.509470226737335, -6.062409996453145, 3.805920033451089)","26","569","4500","629","4500","744","4500"
|
||||||
|
"(-2.851715356394139, 0.536948059829984, 5.251609877661389)","(-0.4502081663538675, 7.299831689813555, 4.29737427493299)","27","264","4500","240","4500","242","4500"
|
||||||
|
"(3.843912170449833, -3.9018402128038376, -2.4494861052095303)","(8.516789990691965, 4.0786443933067495, 4.072745468543536)","28","3781","4500","3806","4500","3846","4500"
|
||||||
|
"(-2.984099390088263, 4.402829249844458, 2.776732869180784)","(-1.6353200222266207, 9.745994661133754, 4.268777656566264)","29","262","4500","336","4500","308","4500"
|
||||||
|
"(-3.9566718519091975, -4.0298751930952745, 2.0260438752368537)","(4.781003685838364, 9.282405846747295, 3.671489963483835)","30","386","4500","437","4500","526","4500"
|
||||||
|
"(5.153334790333756, -1.6681947031783775, -2.5807493041795726)","(2.000914949684775, 5.28174350212268, 4.278392582094383)","31","185","4500","134","4500","62","4500"
|
||||||
|
"(-2.6752059546928453, -4.504386909065939, 2.924683174877467)","(1.0204764932076138, 2.0764229249428094, 3.660867830066426)","32","14","4500","8","4500","0","4500"
|
||||||
|
"(-4.003837762377782, -3.9457022863267706, -2.0977885117984068)","(2.61841259932317, -5.741324632683373, 3.665431397073997)","33","687","4500","650","4500","732","4500"
|
||||||
|
"(-2.5028132242672045, -1.7107620518759423, -5.177761984322417)","(-8.325502760761356, 0.5029319935259675, 3.5795031621061653)","34","3341","4500","3408","4500","3477","4500"
|
||||||
|
"(1.225841764364421, -5.342659577680945, -2.4399386479487535)","(2.858469506102331, -9.961449817326102, 3.7338170929925467)","35","782","4500","765","4500","832","4500"
|
||||||
|
"(-4.105401513774097, 3.1301574017951763, -3.0574160741855594)","(7.588795618605793, -9.377429983831778, 4.279670298094493)","36","771","4500","733","4500","859","4500"
|
||||||
|
"(-3.1943427533315405, -3.5135448198180868, 3.667584651152275)","(2.535731339610141, -5.229849321069111, 4.130044061051256)","37","500","4500","454","4500","400","4500"
|
||||||
|
"(-0.20303489855399875, 2.845577412436964, 5.2783961598006)","(-0.9795742753401626, 4.2688067748034175, 3.561298185109722)","38","74","4500","34","4500","0","4500"
|
||||||
|
"(-3.690370504812313, -4.481219208027189, -1.5165223199212992)","(1.7225417342215295, -4.757610718790318, 4.219835995404535)","39","505","4500","527","4500","681","4500"
|
||||||
|
"(3.2130500000037223, -4.054543541749982, 3.039241083811812)","(4.7106183457566875, -7.438725175717298, 3.590261196296617)","40","700","4500","675","4500","747","4500"
|
||||||
|
"(-1.6656968636412939, 4.998246006960933, -2.871060921045503)","(5.962649166225681, -0.7405581393765992, 4.246717503672539)","41","181","4500","135","4500","122","4500"
|
||||||
|
"(3.5388732597984873, -1.5001559586074296, 4.60715835965488)","(0.7817244991623475, -0.9459862053080936, 3.527068949202042)","42","26","4500","14","4500","0","4500"
|
||||||
|
"(5.759955572420505, -1.1111754314359588, -1.260238455338942)","(1.920314876496514, 4.120249391738122, 4.0058157808073664)","43","148","4500","116","4500","88","4500"
|
||||||
|
"(-2.2680852447870845, -5.059426219553364, 2.29303197781345)","(5.364736899982709, -1.0442280145803196, 3.626248147086193)","44","266","4500","264","4500","198","4500"
|
||||||
|
"(2.268810894525279, -5.255508518335864, 1.7978118195691617)","(-8.564090567419475, -9.646117394394336, 3.5770776272966893)","45","3525","4500","3629","4500","3727","4500"
|
||||||
|
"(5.133783910967144, 1.0529041521033482, -2.921584433484412)","(6.079943111229337, -4.6780799132338196, 3.636653064521837)","46","4079","4500","4117","4500","4148","4500"
|
||||||
|
"(-2.461287989536521, 5.314925513346015, -1.301394721115338)","(-4.245750548711564, 7.953868833985336, 4.355153056017695)","47","759","4500","798","4500","922","4500"
|
||||||
|
"(4.47657437737297, 1.8640940216390045, 3.5334735491209677)","(0.5041655679443284, -2.5501967627138384, 4.372920418097924)","48","804","4500","862","4500","946","4500"
|
||||||
|
"(-4.434297028614781, -3.6456926960607845, 1.7452606189068667)","(2.1898302758754546, 1.7131640003975583, 4.497390391342189)","49","172","4500","112","4500","74","4500"
|
||||||
|
"(2.4271384589657075, 5.426928924253033, -0.8108275723699702)","(-0.08396484086161671, -0.5653795426164621, 4.307593166986907)","50","54","4500","20","4500","22","4500"
|
||||||
|
"(-0.9981851942875225, 3.1105265886446376, 5.032718019046958)","(-1.0517628195311257, 4.211578826588326, 3.946468136828034)","51","78","4500","44","4500","8","4500"
|
|
101
z-band-fixed-magnitude-middle-all-dots-wide-square.csv
Normal file
101
z-band-fixed-magnitude-middle-all-dots-wide-square.csv
Normal file
@ -0,0 +1,101 @@
|
|||||||
|
"dipole_mom","dipole_loc","dipole_freq","low_success","low_count","medium_success","medium_count","high_success","high_count"
|
||||||
|
"(-0.4924943105100771, 5.470433205227267, 2.4149140567030805)","(-8.82716089900547, 3.405475211622008, 3.5268919005297903)","1","72","4500","98","4500","136","4500"
|
||||||
|
"(-4.536359083943439, -3.8724205865200427, 0.6525374032341827)","(-6.728701201583371, -6.740984024615251, 4.409425339976373)","2","78","4500","198","4500","240","4500"
|
||||||
|
"(1.3720316797067602, 0.12573001259876987, 5.839667887287167)","(-0.2325662146642884, 2.3917726165882147, 3.9578767077887345)","3","28","4500","16","4500","0","4500"
|
||||||
|
"(-3.403342911706915, -3.6161198587934873, 3.367630352662488)","(-0.6932193001616209, 4.63424830410435, 4.44811082029482)","4","114","4500","148","4500","102","4500"
|
||||||
|
"(1.4167691914527418, 2.0289808219019516, -5.46589442657873)","(7.526155655428969, 0.020688870750811716, 3.887111689375856)","5","348","4500","370","4500","354","4500"
|
||||||
|
"(3.0118338785684817, 4.609657286871755, -2.383257515565044)","(-0.07540884723347752, -0.6512056059261084, 3.6898607071326808)","6","20","4500","8","4500","0","4500"
|
||||||
|
"(3.348883571733228, 3.884957134971315, -3.1132116668178487)","(1.4368533813428446, -1.5580871445569038, 4.03983243794975)","7","30","4500","12","4500","0","4500"
|
||||||
|
"(1.253349842581684, -5.605257626971016, -1.7349931145061412)","(8.808443140909084, -1.8425574879990378, 4.151155713430113)","8","361","4500","349","4500","333","4500"
|
||||||
|
"(-5.76820736905468, -1.4261832343907535, 0.8329376504433101)","(-8.764634415331287, -8.644857469792775, 3.7708524311627016)","9","158","4500","217","4500","275","4500"
|
||||||
|
"(5.27187362215436, 0.8672155426802954, 2.7304369090983927)","(4.01769877491882, 2.643511324456071, 4.278182814338086)","10","38","4500","30","4500","6","4500"
|
||||||
|
"(5.1166647249900326, 3.0685004358913948, 0.6356470459122728)","(8.12869264424602, 8.384690855850398, 4.4402279984857795)","11","148","4500","208","4500","234","4500"
|
||||||
|
"(3.478964354883419, 2.9934774301926583, 3.8646991981754235)","(-4.5316445039719255, -9.207566405729137, 3.772500135376278)","12","364","4500","254","4500","190","4500"
|
||||||
|
"(-3.441712179901475, 4.481079692411568, -2.0185494943088425)","(-8.926811786863047, -6.3318867676919055, 4.031635371094273)","13","3692","4500","3741","4500","3760","4500"
|
||||||
|
"(3.2997775461241865, -3.426183949376435, -3.656874579628065)","(-5.725258740872703, -0.6946342423340681, 4.319710083288106)","14","52","4500","88","4500","58","4500"
|
||||||
|
"(3.6201689924250817, 2.873872950502327, -3.8256020089202973)","(0.7605605679043634, 4.2350271099916466, 3.7748571318754545)","15","80","4500","96","4500","44","4500"
|
||||||
|
"(4.361312322946934, 4.1171749743028485, -0.16680843109851048)","(4.944980518793098, -4.356864538049081, 4.148328484735437)","16","224","4500","194","4500","140","4500"
|
||||||
|
"(2.425717092471711, -2.708030077119033, -4.773098541692731)","(-6.454425227999481, -2.3786811694973746, 3.732666060068501)","17","236","4500","207","4500","66","4500"
|
||||||
|
"(-5.649246814988758, -0.3238442223785377, 1.9952782620405138)","(-1.070665312858507, -5.900017540107154, 3.9167585913067606)","18","312","4500","226","4500","152","4500"
|
||||||
|
"(-3.9295959282726773, -2.582248485402618, -3.7269650655913966)","(-5.893208462269213, 2.583188421632048, 4.088007349750527)","19","387","4500","360","4500","296","4500"
|
||||||
|
"(-5.384692352669303, -2.644740923720223, 0.10214555058460795)","(-0.10512161891682581, -9.532519484866182, 3.731669052272638)","20","359","4500","350","4500","394","4500"
|
||||||
|
"(-4.258414060970009, -3.713747400528443, 2.0184127254853386)","(1.0357830477229601, -4.053229588024165, 3.843282867132229)","21","80","4500","30","4500","0","4500"
|
||||||
|
"(-4.585941122783429, 1.638698722513375, 3.504826745389406)","(-1.2806314733613196, -7.8556071647949395, 4.149506641904448)","22","416","4500","360","4500","322","4500"
|
||||||
|
"(-0.3367455219290501, 4.160116806024978, -4.3104559635483195)","(-1.2908288519622175, 0.8756603237181899, 4.312499350641364)","23","46","4500","26","4500","0","4500"
|
||||||
|
"(-0.3159995948797116, -4.866901911530718, 3.49476895367555)","(9.040556537141388, 6.939743120833313, 3.815786366815676)","24","3198","4500","3282","4500","3380","4500"
|
||||||
|
"(-5.593458833499495, 1.730241063526915, -1.3112910203428207)","(1.0776509435927792, -3.8053883792988135, 4.048006723839417)","25","148","4500","64","4500","50","4500"
|
||||||
|
"(0.509709395364925, -3.052615123304819, 5.140207898640621)","(7.135547268689589, -1.1587566500793312, 4.230871916454977)","26","180","4500","156","4500","154","4500"
|
||||||
|
"(-3.8830315143865204, -3.2987820395303418, -3.168612206306282)","(2.590108091383275, -6.952532711332962, 3.9033102916570903)","27","382","4500","434","4500","399","4500"
|
||||||
|
"(-4.3074533629321765, 2.4891777217076596, -3.354078084350236)","(-6.226754702956539, -0.11450701265897933, 3.7173440021011555)","28","308","4500","288","4500","272","4500"
|
||||||
|
"(3.054365582492734, -4.8564654632206805, 1.7565859196260676)","(5.35848941539915, 1.4373192821600522, 3.7939842060961833)","29","180","4500","116","4500","88","4500"
|
||||||
|
"(4.580923311957913, 0.6525554470343958, 3.8195959208411403)","(-5.210245310910258, -2.1801883494052436, 3.8168258624280114)","30","295","4500","314","4500","287","4500"
|
||||||
|
"(-0.15534622725874778, 2.737891710620874, 5.336648436105753)","(-5.3809861645459955, -9.644779429217284, 3.915083043251903)","31","3508","4500","3573","4500","3685","4500"
|
||||||
|
"(5.181891724554059, 1.825512170786615, -2.411535500320926)","(-7.034065584029971, -9.970887152590972, 3.5180166805770066)","32","290","4500","248","4500","269","4500"
|
||||||
|
"(-3.3486202730920476, 4.291877287683004, -2.5231986870057876)","(6.014819849127637, -2.4096151314829717, 3.554837665933399)","33","78","4500","76","4500","26","4500"
|
||||||
|
"(5.814516554441123, -1.1341781224709941, 0.9513344441563701)","(4.4709343754849264, -8.0379076837008, 4.267929553174717)","34","322","4500","262","4500","262","4500"
|
||||||
|
"(-2.639995431333545, 5.379136525429768, 0.30873024361951307)","(9.403297088784939, 8.188273622787662, 3.651239151933003)","35","3577","4500","3593","4500","3607","4500"
|
||||||
|
"(-2.299570193399399, -3.555235084492734, 4.2511504818838155)","(0.018348641444664082, 7.869151815252195, 3.5874557955743542)","36","361","4500","312","4500","211","4500"
|
||||||
|
"(-3.2443171335879564, 3.9220284845055806, -3.1768064000556415)","(-6.76956246808089, 2.066306940770703, 4.25025394514452)","37","358","4500","355","4500","313","4500"
|
||||||
|
"(2.255827633793085, -4.8763138971522055, 2.670731072769358)","(5.152367616687403, -6.644142907886144, 3.5528613379101914)","38","206","4500","198","4500","158","4500"
|
||||||
|
"(3.747050292515555, -2.972407725449711, -3.622762263666493)","(7.742643052192804, -6.581558108692782, 3.799134596623629)","39","373","4500","301","4500","216","4500"
|
||||||
|
"(-2.946957282506392, -4.497874533530108, 2.6616850782359385)","(8.114841221577556, 7.411432761185122, 3.9673217819637387)","40","354","4500","289","4500","240","4500"
|
||||||
|
"(-3.1051499141807732, -1.8468150128992618, -4.790335929618405)","(-5.420458693526142, -9.142205517161008, 3.8469712190012384)","41","3157","4500","3274","4500","3381","4500"
|
||||||
|
"(0.6585543174243523, 4.382007409668068, -4.045283336506342)","(-6.9147127755499005, 0.4299193666189165, 4.350537532010805)","42","458","4500","402","4500","380","4500"
|
||||||
|
"(-0.7677107358530487, -5.408585899824496, -2.481495273071383)","(8.043374168315577, 6.436934041166825, 4.308725704682292)","43","208","4500","173","4500","181","4500"
|
||||||
|
"(-5.5582702673690205, 0.9030329818572261, 2.071270882467952)","(5.468284955454525, 0.15071606934929527, 4.102952933363768)","44","38","4500","22","4500","116","4500"
|
||||||
|
"(0.6487014225835881, -3.419819032001812, 4.887128426049004)","(1.560613932984836, -6.687221804686958, 3.741829969542401)","45","118","4500","90","4500","70","4500"
|
||||||
|
"(-4.362202219950292, 3.059852098505829, 2.7583503997009196)","(8.674367407242084, 6.30505720930627, 4.299597314810727)","46","3487","4500","3596","4500","3647","4500"
|
||||||
|
"(-2.9001673954596567, 1.9480567551271355, -4.877920044149583)","(-0.16781551686402985, 5.107983956069109, 4.335009158386123)","47","356","4500","266","4500","208","4500"
|
||||||
|
"(-1.9437991731573796, -3.755758595415515, 4.256280318235063)","(-3.16153635972122, -9.750655033112379, 4.159809530948583)","48","224","4500","196","4500","212","4500"
|
||||||
|
"(2.4061553469673798, -4.175034985028991, 3.574842558777136)","(4.8262030477497575, 3.4269951420009512, 3.5495721696921683)","49","308","4500","226","4500","130","4500"
|
||||||
|
"(2.453301207582832, 3.9912757851778853, -3.748470460271132)","(1.5122464196881946, -1.7330379496139727, 3.8733448594712634)","50","28","4500","14","4500","0","4500"
|
||||||
|
"(-2.095018626511574, -2.6325656628903076, -4.967946757478432)","(-1.3129501143084426, -2.0104640177502393, 4.2447242398669385)","51","62","4500","66","4500","10","4500"
|
||||||
|
"(-1.5762680524691688, -5.436523778442105, 1.9898714112219984)","(-0.728924643330739, -0.85886445739553, 4.147874237916817)","52","72","4500","56","4500","44","4500"
|
||||||
|
"(3.9801921398386577, 3.8466101186145676, 2.315526101200025)","(4.197616080242668, 1.4276709547312283, 3.6315450150593467)","53","6","4500","4","4500","0","4500"
|
||||||
|
"(4.648960921458462, 3.58612234719994, -1.2356734445901472)","(3.8771943494158467, -6.1614266263399315, 3.673297310352863)","54","308","4500","343","4500","312","4500"
|
||||||
|
"(1.22119118461693, 5.6461579530548045, 1.621601819118949)","(1.0335893606416633, 3.3045405777706893, 4.026689677536675)","55","0","4500","2","4500","0","4500"
|
||||||
|
"(1.5209285232211898, 2.1468466267689688, -5.39238592724806)","(-1.582212727186068, 6.16113532750877, 3.519637746376769)","56","290","4500","304","4500","314","4500"
|
||||||
|
"(5.087160863793717, 2.4064758564498554, -2.0807855002881697)","(3.666712273352232, 1.9538071015455323, 4.323034560081097)","57","187","4500","172","4500","156","4500"
|
||||||
|
"(-1.4721162611160616, 5.628879511673622, 1.4658066573796809)","(-9.330658839796175, -9.029313976112306, 4.282301556639946)","58","3352","4500","3392","4500","3439","4500"
|
||||||
|
"(5.169963532799773, -2.2392552705330946, -2.063301457109512)","(-5.819542172843802, -2.933994142769807, 3.7223236719741046)","59","268","4500","226","4500","138","4500"
|
||||||
|
"(4.8990759933982, -3.2088559866196067, -1.304721298992605)","(-6.692930328192801, 8.560590523381272, 4.060476069123937)","60","280","4500","244","4500","292","4500"
|
||||||
|
"(1.8182329167839915, 4.926471236331949, -2.902397322545131)","(2.9351412385445492, 8.650958286181037, 3.983742011713035)","61","336","4500","254","4500","210","4500"
|
||||||
|
"(-1.047307003188263, -5.392380845896332, -2.4135817479180575)","(-9.50636844786115, 6.721793912509305, 4.256586081773866)","62","3451","4500","3508","4500","3554","4500"
|
||||||
|
"(0.5526398010267362, 3.4910633054041114, -4.848408630466501)","(1.375509255077425, -7.923733818462679, 3.5952718811659574)","63","210","4500","228","4500","204","4500"
|
||||||
|
"(3.6810702478140684, 4.204729559620697, 2.1840263645638562)","(7.8540542891762115, 3.016428897451995, 3.889584289705291)","64","93","4500","136","4500","162","4500"
|
||||||
|
"(3.0604523606799647, -4.589224507477918, 2.3606460488545262)","(9.27990106799875, 4.110995529860141, 3.855759201494675)","65","3532","4500","3582","4500","3674","4500"
|
||||||
|
"(4.737709211381216, -1.9275743376413097, -3.1366492633477896)","(2.378067303369175, 9.98391818915265, 3.9106824609968918)","66","2970","4500","3054","4500","3135","4500"
|
||||||
|
"(0.0541215806759467, 3.966230731146573, -4.501786827673391)","(8.33486345570946, 4.399738683812464, 4.152940501766122)","67","3609","4500","3680","4500","3740","4500"
|
||||||
|
"(-0.019283414958910984, -5.322863682078532, -2.768889736323367)","(6.19952321665005, 8.30616397618931, 3.5952772831823854)","68","300","4500","261","4500","293","4500"
|
||||||
|
"(3.108018896036518, -1.5685705905056608, -4.886696721148211)","(-4.139621392347781, 7.432847312607986, 4.150710269034266)","69","316","4500","293","4500","310","4500"
|
||||||
|
"(4.036923081584318, -4.093427137662125, -1.7167138090034182)","(2.5461380849759685, 9.981947883362416, 4.29185804911727)","70","373","4500","342","4500","277","4500"
|
||||||
|
"(-4.492172066413474, -3.8099460275485404, 1.1422352616259044)","(-1.0623842972171005, -7.910360905769915, 4.399303389814529)","71","252","4500","178","4500","198","4500"
|
||||||
|
"(3.1449489224856184, -4.015631092098207, 3.1597473327990513)","(6.37837255640331, -0.398449929225551, 4.237628552354087)","72","196","4500","202","4500","208","4500"
|
||||||
|
"(2.9300106277284574, -4.326756116975987, 2.948596144881351)","(1.629950071281991, 6.400991464711861, 4.445046008369511)","73","3441","4500","3459","4500","3522","4500"
|
||||||
|
"(4.391917746584149, -2.6527767216044946, 3.1102787933805103)","(6.9971910137666065, 5.391078164011404, 3.8317621866525267)","74","409","4500","359","4500","359","4500"
|
||||||
|
"(-5.2049312675263035, -1.9565390928527828, 2.254028677383197)","(0.2349163706179862, -1.1187949399782848, 3.5576182759361235)","75","28","4500","24","4500","12","4500"
|
||||||
|
"(-4.219385139989329, 2.4075924649312412, -3.5214042033318957)","(-5.247058359988753, -0.2475073841328843, 4.009832534153238)","76","1926","4500","2172","4500","2374","4500"
|
||||||
|
"(-4.3028403219822025, -0.4218867164971387, 4.160237584798176)","(-9.040115981786814, -2.287523727033756, 3.619759695326896)","77","209","4500","215","4500","258","4500"
|
||||||
|
"(2.538500780241389, -2.955579079495315, -4.5629558504946655)","(3.5585553154341802, -2.792869123457291, 3.7438064005728324)","78","190","4500","132","4500","64","4500"
|
||||||
|
"(-2.178930972748165, 2.7018470130067826, 4.894106918969493)","(-1.2710856664054422, 2.406622120269857, 4.418588090129175)","79","4","4500","0","4500","0","4500"
|
||||||
|
"(0.6989984842270256, -2.824597521300704, 5.24719448483761)","(-4.730941521985832, 1.423150398084843, 4.103836363167303)","80","298","4500","196","4500","124","4500"
|
||||||
|
"(-1.8148345479537653, -1.494611942633664, -5.520191183690133)","(2.6944855075631224, 8.973796814493525, 4.243561629413307)","81","326","4500","322","4500","292","4500"
|
||||||
|
"(-5.237566573984391, -0.9896241896378537, -2.754730539701665)","(-5.133266338263205, 5.586520156220114, 4.385038089055467)","82","3798","4500","3820","4500","3796","4500"
|
||||||
|
"(4.349992995876955, 1.6078733310105842, 3.806875922228928)","(-1.6855304770514774, 3.479102508503777, 3.7296912049022706)","83","88","4500","66","4500","28","4500"
|
||||||
|
"(-3.351758020025454, -4.650377613939381, -1.7719216187423543)","(8.489564276430766, 5.143611323606944, 3.7963830898537796)","84","242","4500","204","4500","250","4500"
|
||||||
|
"(-5.9670817664380875, 0.6257013635483887, 0.04932541227197442)","(-4.5781508473176125, 2.4067315648302703, 4.477509520738442)","85","62","4500","108","4500","158","4500"
|
||||||
|
"(2.0791498192018714, -2.578061453132372, -5.003072573247946)","(-3.574875082405069, -1.631407189383065, 4.204943210741541)","86","158","4500","92","4500","40","4500"
|
||||||
|
"(5.5791985093624685, 1.5273334016708682, 1.5936739545051577)","(1.1988744642066447, 7.15082008847245, 3.7703762312270133)","87","343","4500","328","4500","352","4500"
|
||||||
|
"(-1.0678238280719363, 3.8169000958186334, -4.504556130268719)","(1.732232356674448, -6.434505234743744, 4.403202471010967)","88","100","4500","126","4500","116","4500"
|
||||||
|
"(1.0265465968143703, -4.640410364640363, -3.6623481173022205)","(9.121220793494796, -1.2346014611271414, 3.7737763008545464)","89","3665","4500","3747","4500","3790","4500"
|
||||||
|
"(3.676814712164042, 3.980617081133021, 2.5759893683410415)","(9.539754347650863, 1.8544673763295432, 4.278069538584926)","90","292","4500","268","4500","228","4500"
|
||||||
|
"(4.53235937640555, -0.6610738146162594, 3.875654769808246)","(7.988836989210199, 5.327831737081878, 3.9783374781724534)","91","356","4500","319","4500","334","4500"
|
||||||
|
"(-3.4348727123533074, 0.6444844274247192, -4.877118952079974)","(9.481322845582497, -3.7511282938865502, 3.769322113897108)","92","336","4500","301","4500","272","4500"
|
||||||
|
"(-2.3666673274183987, 4.313126870089819, -3.4345046751808996)","(2.355681819001356, 5.830189727581212, 4.165941260057881)","93","3391","4500","3550","4500","3697","4500"
|
||||||
|
"(-1.677937402635567, -5.747585394850105, -0.3870248076575607)","(2.109876598667933, -1.1283791147867852, 3.990861903581327)","94","24","4500","58","4500","66","4500"
|
||||||
|
"(-0.4759883784698119, 5.181398375825735, -2.9877325741357974)","(-0.02036514632157349, -3.1379649993779513, 3.5771292122657457)","95","6","4500","0","4500","0","4500"
|
||||||
|
"(-4.101023332053548, 1.9958032747234353, 3.8985095765632836)","(-8.095134812996672, 3.186669773159686, 3.5959084299176496)","96","267","4500","262","4500","269","4500"
|
||||||
|
"(-0.6151865726036342, -0.43596006191590725, -5.952435157589075)","(1.2666709157685307, -3.23771027042935, 3.8976139514277146)","97","60","4500","30","4500","26","4500"
|
||||||
|
"(-3.253433862203397, -0.24253199950467708, -5.035508547652813)","(9.637051515232361, 7.222486040757584, 4.230316194095249)","98","2345","4500","2391","4500","2394","4500"
|
||||||
|
"(-3.026843159103743, -5.169873100865539, 0.33261480895145334)","(-3.1787500949548413, -5.938426580286295, 4.305958873194636)","99","99","4500","126","4500","161","4500"
|
||||||
|
"(4.646361190393206, 0.9963968780440821, 3.663129938977301)","(-1.1414966206310737, 1.8664587258312935, 3.6787409315975226)","100","52","4500","52","4500","28","4500"
|
|
Loading…
x
Reference in New Issue
Block a user