Update app.py
Browse files
app.py
CHANGED
@@ -1,14 +1,10 @@
|
|
1 |
-
# HuggingFace Hub
|
2 |
-
from huggingface_hub import from_pretrained_keras
|
3 |
-
model = from_pretrained_keras("Plsek/CADET-v1")
|
4 |
-
|
5 |
# Basic libraries
|
6 |
import os
|
7 |
import shutil
|
8 |
import numpy as np
|
9 |
from scipy.ndimage import center_of_mass
|
10 |
import matplotlib.pyplot as plt
|
11 |
-
from matplotlib.colors import
|
12 |
from matplotlib.patches import Rectangle
|
13 |
|
14 |
# Astropy
|
@@ -24,225 +20,244 @@ from sklearn.cluster import DBSCAN
|
|
24 |
# Streamlit
|
25 |
import streamlit as st
|
26 |
st.set_option('deprecation.showPyplotGlobalUse', False)
|
|
|
27 |
|
28 |
-
#
|
29 |
-
#
|
30 |
-
|
31 |
-
#
|
32 |
-
|
33 |
-
|
34 |
-
#
|
35 |
-
|
36 |
-
|
37 |
-
|
38 |
-
|
39 |
-
|
40 |
-
|
41 |
-
|
42 |
-
|
43 |
-
|
44 |
-
|
45 |
-
|
46 |
-
|
47 |
-
|
48 |
-
|
49 |
-
|
50 |
-
|
51 |
-
#
|
52 |
-
|
53 |
-
|
54 |
-
|
55 |
-
|
|
|
|
|
|
|
|
|
|
|
|
|
56 |
|
57 |
-
|
58 |
-
|
59 |
|
60 |
-
#
|
61 |
-
|
62 |
-
|
63 |
-
|
64 |
-
|
65 |
-
|
66 |
-
|
67 |
-
|
68 |
-
#
|
69 |
-
|
70 |
-
|
71 |
|
72 |
-
#
|
73 |
-
|
74 |
-
|
75 |
-
|
76 |
-
|
77 |
-
|
78 |
-
|
79 |
-
|
80 |
-
|
81 |
-
|
82 |
-
|
83 |
-
#
|
84 |
-
|
85 |
-
|
86 |
-
|
87 |
-
|
88 |
|
89 |
-
|
90 |
-
|
91 |
-
|
92 |
-
|
93 |
-
|
94 |
-
|
95 |
-
|
96 |
-
|
97 |
-
|
98 |
-
#
|
99 |
-
|
100 |
-
|
101 |
-
|
102 |
-
|
103 |
-
|
104 |
-
#
|
105 |
-
|
106 |
-
|
107 |
-
|
108 |
-
|
109 |
-
|
110 |
-
|
111 |
-
|
112 |
-
|
113 |
-
|
114 |
-
|
115 |
-
|
116 |
-
|
117 |
-
#
|
118 |
-
#
|
119 |
-
|
120 |
-
#
|
121 |
-
|
122 |
-
|
123 |
-
|
124 |
-
|
125 |
-
#
|
126 |
-
|
127 |
-
|
128 |
-
|
129 |
-
|
130 |
-
|
131 |
-
|
132 |
-
|
133 |
-
|
134 |
-
#
|
135 |
|
136 |
-
|
137 |
|
138 |
-
|
139 |
-
|
140 |
-
|
141 |
-
|
142 |
-
|
143 |
-
|
144 |
|
145 |
-
|
146 |
-
|
|
|
|
|
|
|
147 |
|
|
|
|
|
148 |
|
149 |
|
150 |
-
#
|
151 |
-
|
152 |
-
# bordersize = 0.45
|
153 |
-
# _, col, _ = st.columns([bordersize, 3, bordersize])
|
154 |
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
155 |
# os.system("mkdir -p predictions")
|
156 |
|
157 |
-
|
158 |
-
#
|
159 |
-
|
160 |
-
|
161 |
-
|
162 |
-
|
163 |
-
|
164 |
|
165 |
-
#
|
166 |
|
167 |
-
#
|
168 |
-
|
169 |
|
170 |
-
#
|
171 |
-
#
|
172 |
-
#
|
173 |
|
174 |
-
#
|
175 |
-
#
|
176 |
-
#
|
177 |
|
178 |
-
#
|
179 |
-
#
|
180 |
-
#
|
181 |
-
#
|
182 |
|
183 |
-
#
|
184 |
-
|
185 |
-
|
|
|
186 |
|
187 |
-
|
188 |
-
|
189 |
|
190 |
-
#
|
191 |
-
|
192 |
-
|
193 |
-
|
194 |
-
|
195 |
-
|
196 |
-
|
197 |
-
|
198 |
-
|
199 |
-
|
200 |
-
|
201 |
-
|
202 |
-
|
203 |
-
#
|
204 |
-
|
|
|
|
|
|
|
|
|
|
|
|
|
205 |
|
206 |
-
#
|
207 |
-
|
208 |
-
# # st.markdown("")
|
209 |
-
# # # st.markdown("""<style>[data-baseweb="select"] {margin-top: -36px;}</style>""", unsafe_allow_html=True)
|
210 |
-
# # threshold = st.slider("Threshold", 0.0, 1.0, 0.0, 0.05, key="threshold") #, label_visibility="hidden")
|
211 |
-
|
212 |
-
# # # Decompose button
|
213 |
-
# # with col5: decompose = st.button('Decompose', key="decompose")
|
214 |
-
|
215 |
-
# # # Make two columns for plots
|
216 |
-
# # _, colA, colB, colC, _ = st.columns([bordersize,1,1,1,bordersize])
|
217 |
|
218 |
-
#
|
219 |
-
|
220 |
|
221 |
-
|
222 |
-
|
223 |
-
|
224 |
-
|
225 |
-
# # y_pred_th = np.where(y_pred > threshold, y_pred, 0)
|
226 |
-
|
227 |
-
# # plot_prediction(y_pred_th)
|
228 |
|
229 |
-
|
230 |
-
|
231 |
|
232 |
-
|
|
|
|
|
|
|
|
|
233 |
|
234 |
-
|
235 |
-
|
236 |
-
|
237 |
-
|
238 |
-
|
239 |
-
|
240 |
-
|
241 |
-
#
|
242 |
-
|
243 |
-
#
|
244 |
-
|
245 |
-
|
246 |
-
|
247 |
-
|
248 |
-
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
# Basic libraries
|
2 |
import os
|
3 |
import shutil
|
4 |
import numpy as np
|
5 |
from scipy.ndimage import center_of_mass
|
6 |
import matplotlib.pyplot as plt
|
7 |
+
from matplotlib.colors import Normalize
|
8 |
from matplotlib.patches import Rectangle
|
9 |
|
10 |
# Astropy
|
|
|
20 |
# Streamlit
|
21 |
import streamlit as st
|
22 |
st.set_option('deprecation.showPyplotGlobalUse', False)
|
23 |
+
st.set_page_config(page_title="Cavity Detection Tool", layout="wide")
|
24 |
|
25 |
+
# HuggingFace Hub
|
26 |
+
# os.environ["CUDA_VISIBLE_DEVICES"] = "-1"
|
27 |
+
from huggingface_hub import from_pretrained_keras
|
28 |
+
# from tensorflow.keras.models import load_model
|
29 |
+
|
30 |
+
|
31 |
+
# Define function to plot the uploaded image
|
32 |
+
def plot_image(image, scale):
|
33 |
+
plt.figure(figsize=(4, 4))
|
34 |
+
x0 = image.shape[0] // 2 - scale * 128 / 2
|
35 |
+
plt.imshow(image, origin="lower")
|
36 |
+
plt.gca().add_patch(Rectangle((x0-0.5, x0-0.5), scale*128, scale*128, linewidth=1, edgecolor='w', facecolor='none'))
|
37 |
+
plt.axis('off')
|
38 |
+
plt.tight_layout()
|
39 |
+
with colA: st.pyplot()
|
40 |
+
|
41 |
+
# Define function to plot the prediction
|
42 |
+
def plot_prediction(pred):
|
43 |
+
plt.figure(figsize=(4, 4))
|
44 |
+
plt.imshow(pred, origin="lower", norm=Normalize(vmin=0, vmax=1))
|
45 |
+
plt.axis('off')
|
46 |
+
with colB: st.pyplot()
|
47 |
+
|
48 |
+
# Define function to plot the decomposed prediction
|
49 |
+
def plot_decomposed(decomposed):
|
50 |
+
plt.figure(figsize=(4, 4))
|
51 |
+
plt.imshow(decomposed, origin="lower")
|
52 |
+
|
53 |
+
N = int(np.max(decomposed))
|
54 |
+
for i in range(N):
|
55 |
+
new = np.where(decomposed == i+1, 1, 0)
|
56 |
+
x0, y0 = center_of_mass(new)
|
57 |
+
color = "white" if i < N//2 else "black"
|
58 |
+
plt.text(y0, x0, f"{i+1}", ha="center", va="center", fontsize=15, color=color)
|
59 |
|
60 |
+
plt.axis('off')
|
61 |
+
with colC: st.pyplot()
|
62 |
|
63 |
+
# Define function to cut input image and rebin it to 128x128 pixels
|
64 |
+
def cut(data0, wcs0, scale=1):
|
65 |
+
shape = data0.shape[0]
|
66 |
+
x0 = shape / 2
|
67 |
+
size = 128 * scale
|
68 |
+
cutout = Cutout2D(data0, (x0, x0), (size, size), wcs=wcs0)
|
69 |
+
data, wcs = cutout.data, cutout.wcs
|
70 |
+
|
71 |
+
# Regrid data
|
72 |
+
factor = size // 128
|
73 |
+
data = data.reshape(128, factor, 128, factor).mean(-1).mean(1)
|
74 |
|
75 |
+
# Regrid wcs
|
76 |
+
ra, dec = wcs.wcs_pix2world(np.array([[63, 63]]),0)[0]
|
77 |
+
wcs.wcs.cdelt[0] = wcs.wcs.cdelt[0] * factor
|
78 |
+
wcs.wcs.cdelt[1] = wcs.wcs.cdelt[1] * factor
|
79 |
+
wcs.wcs.crval[0] = ra
|
80 |
+
wcs.wcs.crval[1] = dec
|
81 |
+
wcs.wcs.crpix[0] = 64 / factor
|
82 |
+
wcs.wcs.crpix[1] = 64 / factor
|
83 |
+
|
84 |
+
return data, wcs
|
85 |
+
|
86 |
+
# Define function to apply cutting and produce a prediction
|
87 |
+
@st.cache_data
|
88 |
+
def cut_n_predict(data, _wcs, scale):
|
89 |
+
data, wcs = cut(data, _wcs, scale=scale)
|
90 |
+
image = np.log10(data+1)
|
91 |
|
92 |
+
y_pred = 0
|
93 |
+
for j in [0,1,2,3]:
|
94 |
+
rotated = np.rot90(image, j)
|
95 |
+
pred = model.predict(rotated.reshape(1, 128, 128, 1)).reshape(128 ,128)
|
96 |
+
pred = np.rot90(pred, -j)
|
97 |
+
y_pred += pred / 4
|
98 |
+
|
99 |
+
return y_pred, wcs
|
100 |
+
|
101 |
+
# Define function to decompose prediction into individual cavities
|
102 |
+
@st.cache_data
|
103 |
+
def decompose_cavity(pred, fname, th2=0.7, amin=10):
|
104 |
+
X, Y = pred.nonzero()
|
105 |
+
data = np.array([X,Y]).reshape(2, -1)
|
106 |
+
|
107 |
+
# DBSCAN clustering
|
108 |
+
try: clusters = DBSCAN(eps=1.0, min_samples=3).fit(data.T).labels_
|
109 |
+
except: clusters = []
|
110 |
+
|
111 |
+
N = len(set(clusters))
|
112 |
+
cavities = []
|
113 |
+
|
114 |
+
for i in range(N):
|
115 |
+
img = np.zeros((128,128))
|
116 |
+
b = clusters == i
|
117 |
+
xi, yi = X[b], Y[b]
|
118 |
+
img[xi, yi] = pred[xi, yi]
|
119 |
+
|
120 |
+
# # Thresholding #2
|
121 |
+
# if not (img > th2).any(): continue
|
122 |
+
|
123 |
+
# Minimal area
|
124 |
+
if np.sum(img) <= amin: continue
|
125 |
+
|
126 |
+
cavities.append(img)
|
127 |
+
|
128 |
+
# Save raw and decomposed predictions to predictions folder
|
129 |
+
ccd = CCDData(pred, unit="adu", wcs=wcs)
|
130 |
+
ccd.write(f"{fname}/predicted.fits", overwrite=True)
|
131 |
+
image_decomposed = np.zeros((128,128))
|
132 |
+
for i, cav in enumerate(cavities):
|
133 |
+
ccd = CCDData(cav, unit="adu", wcs=wcs)
|
134 |
+
ccd.write(f"{fname}/decomposed_{i+1}.fits", overwrite=True)
|
135 |
+
image_decomposed += (i+1) * np.where(cav > 0, 1, 0)
|
136 |
+
|
137 |
+
# shutil.make_archive("predictions", 'zip', "predictions")
|
138 |
|
139 |
+
return image_decomposed
|
140 |
|
141 |
+
@st.cache_data
|
142 |
+
def load_file(fname):
|
143 |
+
with fits.open(fname) as hdul:
|
144 |
+
data = hdul[0].data
|
145 |
+
wcs = WCS(hdul[0].header)
|
146 |
+
return data, wcs
|
147 |
|
148 |
+
@st.cache_resource
|
149 |
+
def load_CADET():
|
150 |
+
model = from_pretrained_keras("Plsek/CADET-v1")
|
151 |
+
# model = load_model("CADET.hdf5")
|
152 |
+
return model
|
153 |
|
154 |
+
def reset_threshold():
|
155 |
+
del st.session_state["threshold"]
|
156 |
|
157 |
|
158 |
+
# Load model
|
159 |
+
model = load_CADET()
|
|
|
|
|
160 |
|
161 |
+
# Use wide layout and create columns
|
162 |
+
bordersize = 0.6
|
163 |
+
_, col, _ = st.columns([bordersize, 3, bordersize])
|
164 |
+
|
165 |
+
os.system("rm *.zip")
|
166 |
+
os.system("rm -R -- */")
|
167 |
+
# if os.path.exists("predictions"): os.system("rm -r predictions")
|
168 |
# os.system("mkdir -p predictions")
|
169 |
|
170 |
+
with col:
|
171 |
+
# Create heading and description
|
172 |
+
st.markdown("<h1 align='center'>Cavity Detection Tool</h1>", unsafe_allow_html=True)
|
173 |
+
st.markdown("Cavity Detection Tool (CADET) is a machine learning pipeline trained to detect X-ray cavities from noisy Chandra images of early-type galaxies.")
|
174 |
+
st.markdown("To use this tool: upload your image, select the scale of interest, make a prediction, and decompose it into individual cavities!")
|
175 |
+
st.markdown("Input images should be in units of counts, centred at the galaxy center, and point sources should be filled with surrounding background ([dmfilth](https://cxc.cfa.harvard.edu/ciao/ahelp/dmfilth.html)).")
|
176 |
+
st.markdown("If you use this tool for your research, please cite [Plšek et al. 2023](https://arxiv.org/abs/2304.05457)")
|
177 |
|
178 |
+
# _, col_1, col_2, col_3, _ = st.columns([bordersize, 2.0, 0.5, 0.5, bordersize])
|
179 |
|
180 |
+
# with col:
|
181 |
+
uploaded_file = st.file_uploader("Choose a FITS file", type=['fits']) #, on_change=reset_threshold)
|
182 |
|
183 |
+
# with col_2:
|
184 |
+
# st.markdown("### Examples")
|
185 |
+
# NGC4649 = st.button("NGC4649")
|
186 |
|
187 |
+
# with col_3:
|
188 |
+
# st.markdown("""<style>[data-baseweb="select"] {margin-top: 26px;}</style>""", unsafe_allow_html=True)
|
189 |
+
# NGC5813 = st.button("NGC5813")
|
190 |
|
191 |
+
# if NGC4649:
|
192 |
+
# uploaded_file = "NGC4649_example.fits"
|
193 |
+
# elif NGC5813:
|
194 |
+
# uploaded_file = "NGC5813_example.fits"
|
195 |
|
196 |
+
# If file is uploaded, read in the data and plot it
|
197 |
+
if uploaded_file is not None:
|
198 |
+
data, wcs = load_file(uploaded_file)
|
199 |
+
os.mkdir(uploaded_file.name.strip(".fits"))
|
200 |
|
201 |
+
if "data" not in locals():
|
202 |
+
data = np.zeros((128,128))
|
203 |
|
204 |
+
# Make six columns for buttons
|
205 |
+
_, col1, col2, col3, col4, col5, col6, _ = st.columns([bordersize,0.5,0.5,0.5,0.5,0.5,0.5,bordersize])
|
206 |
+
col1.subheader("Input image")
|
207 |
+
col3.subheader("Prediction")
|
208 |
+
col5.subheader("Decomposed")
|
209 |
+
col6.subheader("")
|
210 |
+
|
211 |
+
with col1:
|
212 |
+
st.markdown("""<style>[data-baseweb="select"] {margin-top: -46px;}</style>""", unsafe_allow_html=True)
|
213 |
+
max_scale = int(data.shape[0] // 128)
|
214 |
+
scale = st.selectbox('Scale:',[f"{(i+1)*128}x{(i+1)*128}" for i in range(max_scale)], label_visibility="hidden", on_change=reset_threshold)
|
215 |
+
scale = int(scale.split("x")[0]) // 128
|
216 |
+
|
217 |
+
# Detect button
|
218 |
+
with col3: detect = st.button('Detect', key="detect")
|
219 |
+
|
220 |
+
# Threshold slider
|
221 |
+
with col4:
|
222 |
+
st.markdown("")
|
223 |
+
# st.markdown("""<style>[data-baseweb="select"] {margin-top: -36px;}</style>""", unsafe_allow_html=True)
|
224 |
+
threshold = st.slider("Threshold", 0.0, 1.0, 0.0, 0.05, key="threshold") #, label_visibility="hidden")
|
225 |
|
226 |
+
# Decompose button
|
227 |
+
with col5: decompose = st.button('Decompose', key="decompose")
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
228 |
|
229 |
+
# Make two columns for plots
|
230 |
+
_, colA, colB, colC, _ = st.columns([bordersize,1,1,1,bordersize])
|
231 |
|
232 |
+
if uploaded_file is not None:
|
233 |
+
image = np.log10(data+1)
|
234 |
+
plot_image(image, scale)
|
|
|
|
|
|
|
|
|
235 |
|
236 |
+
if detect or threshold or st.session_state.get("decompose", False):
|
237 |
+
fname = uploaded_file.name.strip(".fits")
|
238 |
|
239 |
+
y_pred, wcs = cut_n_predict(data, wcs, scale)
|
240 |
+
|
241 |
+
y_pred_th = np.where(y_pred > threshold, y_pred, 0)
|
242 |
+
|
243 |
+
plot_prediction(y_pred_th)
|
244 |
|
245 |
+
if decompose or st.session_state.get("download", False):
|
246 |
+
image_decomposed = decompose_cavity(y_pred_th, fname)
|
247 |
+
|
248 |
+
plot_decomposed(image_decomposed)
|
249 |
+
|
250 |
+
with col6:
|
251 |
+
st.markdown("<br style='margin:4px 0'>", unsafe_allow_html=True)
|
252 |
+
# st.markdown("""<style>[data-baseweb="select"] {margin-top: 16px;}</style>""", unsafe_allow_html=True)
|
253 |
+
|
254 |
+
# if st.session_state.get("download", False):
|
255 |
+
|
256 |
+
shutil.make_archive(fname, 'zip', fname)
|
257 |
+
with open(f"{fname}.zip", 'rb') as f:
|
258 |
+
res = f.read()
|
259 |
+
|
260 |
+
download = st.download_button(label="Download", data=res, key="download",
|
261 |
+
file_name=f'{fname}_{int(scale*128)}.zip',
|
262 |
+
# disabled=st.session_state.get("disabled", True),
|
263 |
+
mime="application/octet-stream")
|